diff --git a/docs/notebooks/nmf_tutorial.ipynb b/docs/notebooks/nmf_tutorial.ipynb index fc9e31f111..976290b0d4 100644 --- a/docs/notebooks/nmf_tutorial.ipynb +++ b/docs/notebooks/nmf_tutorial.ipynb @@ -4,14 +4,36 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "# Tutorial on Online Non-Negative Matrix Factorization" + "# Gensim Tutorial on Online Non-Negative Matrix Factorization" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ - "This notebooks explains basic ideas behind NMF implementation, training examples and use-cases." + "This notebooks explains basic ideas behind the open source NMF implementation in [Gensim](https://github.com/RaRe-Technologies/gensim), including code examples for applying NMF to text processing." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## What's in this tutorial?\n", + "\n", + "1. [Introduction: Why NMF?](#1.-Introduction-to-NMF)\n", + "2. [Code example on 20 Newsgroups](#2.-Code-example:-NMF-on-20-Newsgroups)\n", + "3. [Benchmarks against Sklearn's NMF and Gensim's LDA](#3.-Benchmarks)\n", + "4. [Large-scale NMF training on the English Wikipedia (sparse text vectors)](#4.-NMF-on-English-Wikipedia)\n", + "5. [NMF on face decomposition (dense image vectors)](#5.-And-now-for-something-completely-different:-Face-decomposition-from-images)" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "lines_to_next_cell": 2 + }, + "source": [ + "# 1. Introduction to NMF" ] }, { @@ -20,41 +42,49 @@ "lines_to_next_cell": 2 }, "source": [ - "**Matrix Factorizations** are useful for many things: recomendation systems, bi-clustering, image compression and, in particular, topic modeling.\n", + "## What's in a name?\n", "\n", - "Why **Non-Negative**? It makes the problem more strict and allows us to apply some optimizations.\n", + "Gensim's Online Non-Negative Matrix Factorization (NMF, NNMF, ONMF) implementation is based on [Renbo Zhao, Vincent Y. F. Tan: Online Nonnegative Matrix Factorization with Outliers, 2016](https://arxiv.org/abs/1604.02634) and is optimized for extremely large, sparse, streamed inputs. Such inputs happen in NLP with **unsupervised training** on massive text corpora.\n", "\n", - "Why **Online**? Because corpora are large and RAM is limited. Online NMF can learn topics iteratively.\n", + "* Why **Online**? Because corpora and datasets in modern ML can be very large, and RAM is limited. Unlike batch algorithms, online algorithms learn iteratively, streaming through the available training examples, without loading the entire dataset into RAM or requiring random-access to the data examples.\n", "\n", - "This particular implementation is based on [this paper](https://arxiv.org/abs/1604.02634).\n", + "* Why **Non-Negative**? Because non-negativity leads to more interpretable, sparse \"human-friendly\" topics. This is in contrast to e.g. SVD (another popular matrix factorization method with [super-efficient implementation in Gensim](https://radimrehurek.com/gensim/models/lsimodel.html)), which produces dense negative factors and thus harder-to-interpret topics.\n", "\n", - "The main attributes are following:\n", + "* **Matrix factorizations** are the corner stone of modern machine learning. They can be used either directly (recommendation systems, bi-clustering, image compression, topic modeling…) or as internal routines in more complex deep learning algorithms." + ] + }, + { + "cell_type": "markdown", + "metadata": { + "lines_to_next_cell": 2 + }, + "source": [ + "## How ONNMF works\n", "\n", - "- W is a word-topic matrix\n", - "- h is a topic-document matrix\n", - "- v is an input word-document matrix\n", - "- A, B - matrices that accumulate information from every consecutive chunk. A = h.dot(ht), B = v.dot(ht).\n", + "Terminology:\n", + "- `corpus` is a stream of input documents = training examples\n", + "- `batch` is a chunk of input corpus, a word-document matrix mini-batch that fits in RAM\n", + "- `W` is a word-topic matrix (to be learned; stored in the resulting model)\n", + "- `h` is a topic-document matrix (to be learned; not stored, but rather inferred for documents on-the-fly)\n", + "- `A`, `B` - matrices that accumulate information from consecutive chunks. `A = h.dot(ht)`, `B = v.dot(ht)`.\n", "\n", - "The idea of the algorithm is as follows:\n", + "The idea behind the algorithm is as follows:\n", "\n", "```\n", " Initialize W, A and B matrices\n", "\n", - " Input corpus\n", - " Split corpus to batches\n", - "\n", - " for v in batches:\n", + " for batch in input corpus batches:\n", " infer h:\n", - " do coordinate gradient descent step to find h that minimizes (v - Wh) l2 norm\n", + " do coordinate gradient descent step to find h that minimizes ||batch - Wh|| in L2 norm\n", "\n", " bound h so that it is non-negative\n", "\n", " update A and B:\n", " A = h.dot(ht)\n", - " B = v.dot(ht)\n", + " B = batch.dot(ht)\n", "\n", " update W:\n", - " do gradient descent step to find W that minimizes 0.5*trace(WtWA) - trace(WtB) l2 norm\n", + " do gradient descent step to find W that minimizes ||0.5*trace(WtWA) - trace(WtB)|| in L2 norm\n", "```" ] }, @@ -62,11 +92,7 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "## What's in this tutorial?\n", - "\n", - "- Basic training example\n", - "- Comparison with alternative models (LDA and Sklearn NMF)\n", - "- Non-standart application (image decomposition)" + "# 2. Code example: NMF on 20 Newsgroups" ] }, { @@ -77,30 +103,31 @@ ] }, { - "cell_type": "code", - "execution_count": 1, + "cell_type": "markdown", "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/home/anotherbugmaster/.virtualenvs/gensim/lib/python3.6/importlib/_bootstrap.py:219: RuntimeWarning: numpy.dtype size changed, may indicate binary incompatibility. Expected 96, got 88\n", - " return f(*args, **kwds)\n" - ] - } - ], "source": [ - "%load_ext autoreload\n", - "%load_ext line_profiler\n", + "Let's import the models we'll be using throughout this tutorial (`numpy==1.14.2`, `matplotlib==3.0.2`, `pandas==0.24.1`, `sklearn==0.19.1`, `gensim==3.7.1`) and set up logging at INFO level.\n", "\n", - "%autoreload 2\n", + "Gensim uses logging generously to inform users what's going on. Eyeballing the logs is a good sanity check, to make sure everything is working as expected.\n", "\n", + "Only `numpy` and `gensim` are actually needed to train and use NMF. The other imports are used only to make our life a little easier in this tutorial." + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [], + "source": [ "import logging\n", - "import matplotlib.pyplot as plt\n", + "import time\n", + "from contextlib import contextmanager\n", + "import os\n", + "from multiprocessing import Process\n", + "import psutil\n", + "\n", "import numpy as np\n", "import pandas as pd\n", - "import time\n", "from numpy.random import RandomState\n", "from sklearn import decomposition\n", "from sklearn.cluster import MiniBatchKMeans\n", @@ -108,12 +135,12 @@ "from sklearn.decomposition.nmf import NMF as SklearnNmf\n", "from sklearn.linear_model import LogisticRegressionCV\n", "from sklearn.metrics import f1_score\n", - "from sklearn.model_selection import ParameterGrid\n", "\n", - "import gensim.downloader as api\n", - "from gensim import matutils\n", + "import gensim.downloader\n", + "from gensim import matutils, utils\n", "from gensim.corpora import Dictionary\n", - "from gensim.models import CoherenceModel, LdaModel\n", + "from gensim.models import CoherenceModel, LdaModel, TfidfModel\n", + "from gensim.models.basemodel import BaseTopicModel\n", "from gensim.models.nmf import Nmf as GensimNmf\n", "from gensim.parsing.preprocessing import preprocess_string\n", "\n", @@ -124,7 +151,14 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "### Dataset preprocessing" + "### Dataset preparation" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Let's load the notorious [20 Newsgroups dataset](http://qwone.com/~jason/20Newsgroups/) from Gensim's [repository of pre-trained models and corpora](https://github.com/RaRe-Technologies/gensim-data):" ] }, { @@ -133,7 +167,7 @@ "metadata": {}, "outputs": [], "source": [ - "newsgroups = api.load('20-newsgroups')\n", + "newsgroups = gensim.downloader.load('20-newsgroups')\n", "\n", "categories = [\n", " 'alt.atheism',\n", @@ -143,11 +177,14 @@ " 'sci.space'\n", "]\n", "\n", - "categories = {\n", - " name: idx\n", - " for idx, name\n", - " in enumerate(categories)\n", - "}" + "categories = {name: idx for idx, name in enumerate(categories)}" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Create a train/test split:" ] }, { @@ -163,10 +200,8 @@ " 'data': doc['data'],\n", " 'target': categories[doc['topic']],\n", " }\n", - " for doc\n", - " in newsgroups\n", - " if doc['topic'] in categories\n", - " and doc['set'] == 'train'\n", + " for doc in newsgroups\n", + " if doc['topic'] in categories and doc['set'] == 'train'\n", "])\n", "random_state.shuffle(trainset)\n", "\n", @@ -175,14 +210,19 @@ " 'data': doc['data'],\n", " 'target': categories[doc['topic']],\n", " }\n", - " for doc\n", - " in newsgroups\n", - " if doc['topic'] in categories\n", - " and doc['set'] == 'test'\n", + " for doc in newsgroups\n", + " if doc['topic'] in categories and doc['set'] == 'test'\n", "])\n", "random_state.shuffle(testset)" ] }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We'll use very [simple preprocessing with stemming](https://radimrehurek.com/gensim/parsing/preprocessing.html#gensim.parsing.preprocessing.preprocess_string) to tokenize each document. YMMV; in your application, use whatever preprocessing makes sense in your domain. Correctly preparing the input has [major impact](https://en.wikipedia.org/wiki/Garbage_in,_garbage_out) on any subsequent ML training." + ] + }, { "cell_type": "code", "execution_count": 4, @@ -200,6 +240,13 @@ "### Dictionary compilation" ] }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Let's create a mapping between tokens and their ids. Another option would be a [HashDictionary](https://radimrehurek.com/gensim/corpora/hashdictionary.html), saving ourselves one pass over the training documents." + ] + }, { "cell_type": "code", "execution_count": 5, @@ -209,24 +256,31 @@ "name": "stderr", "output_type": "stream", "text": [ - "2019-01-31 03:18:20,423 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", - "2019-01-31 03:18:21,151 : INFO : built Dictionary(25279 unique tokens: ['actual', 'assum', 'babbl', 'batka', 'batkaj']...) from 2819 documents (total 435328 corpus positions)\n", - "2019-01-31 03:18:21,253 : INFO : discarding 18198 tokens: [('batka', 1), ('batkaj', 1), ('beatl', 1), ('ccmail', 3), ('dayton', 4), ('edu', 1785), ('inhibit', 1), ('jbatka', 1), ('line', 2748), ('organ', 2602)]...\n", - "2019-01-31 03:18:21,255 : INFO : keeping 7081 tokens which were in no less than 5 and no more than 1409 (=50.0%) documents\n", - "2019-01-31 03:18:21,300 : INFO : resulting dictionary: Dictionary(7081 unique tokens: ['actual', 'assum', 'babbl', 'burster', 'caus']...)\n" + "2019-03-04 01:54:20,844 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-03-04 01:54:21,153 : INFO : built Dictionary(25279 unique tokens: ['gladli', 'garrett', 'stuck', 'gov', 'karasi']...) from 2819 documents (total 435328 corpus positions)\n", + "2019-03-04 01:54:21,182 : INFO : discarding 18198 tokens: [('batka', 1), ('batkaj', 1), ('beatl', 1), ('ccmail', 3), ('dayton', 4), ('edu', 1785), ('inhibit', 1), ('jbatka', 1), ('line', 2748), ('organ', 2602)]...\n", + "2019-03-04 01:54:21,183 : INFO : keeping 7081 tokens which were in no less than 5 and no more than 1409 (=50.0%) documents\n", + "2019-03-04 01:54:21,193 : INFO : resulting dictionary: Dictionary(7081 unique tokens: ['gladli', 'run', 'trillion', 'stuck', 'order']...)\n" ] } ], "source": [ "dictionary = Dictionary(train_documents)\n", - "dictionary.filter_extremes()" + "dictionary.filter_extremes(no_below=5, no_above=0.5, keep_n=20000) # filter out too in/frequent tokens" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Create training corpus" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ - "### Corpora compilation" + "Let's vectorize the training corpus into the bag-of-words format. We'll train LDA on a BOW and NMFs on an TF-IDF corpus:" ] }, { @@ -235,6 +289,8 @@ "metadata": {}, "outputs": [], "source": [ + "tfidf = TfidfModel(dictionary=dictionary)\n", + "\n", "train_corpus = [\n", " dictionary.doc2bow(document)\n", " for document\n", @@ -245,65 +301,144 @@ " dictionary.doc2bow(document)\n", " for document\n", " in test_documents\n", - "]" + "]\n", + "\n", + "train_corpus_tfidf = list(tfidf[train_corpus])\n", + "\n", + "test_corpus_tfidf = list(tfidf[test_corpus])" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ - "## Training\n", - "\n", - "The API works in the way similar to [Gensim.models.LdaModel](https://radimrehurek.com/gensim/models/ldamodel.html).\n", + "Here we simply stored the bag-of-words vectors into a `list`, but Gensim accepts [any iterable](https://radimrehurek.com/gensim/tut1.html#corpus-streaming-one-document-at-a-time) as input, including streamed ones. To learn more about memory-efficient input iterables, see our [Data Streaming in Python: Generators, Iterators, Iterables](https://rare-technologies.com/data-streaming-in-python-generators-iterators-iterables/) tutorial." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## NMF Model Training\n", "\n", - "Special parameters:\n", + "The API works in the same way as other Gensim models, such as [LdaModel](https://radimrehurek.com/gensim/models/ldamodel.html) or [LsiModel](https://radimrehurek.com/gensim/models/lsimodel.html)." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Notable model parameters:\n", "\n", "- `kappa` float, optional\n", "\n", " Gradient descent step size.\n", - " \n", " Larger value makes the model train faster, but could lead to non-convergence if set too large.\n", " \n", - " \n", "- `w_max_iter` int, optional\n", "\n", " Maximum number of iterations to train W per each batch.\n", " \n", - " \n", "- `w_stop_condition` float, optional\n", "\n", - " If error difference gets less than that, training of ``W`` stops for the current batch.\n", - " \n", + " If the error difference gets smaller than this, training of ``W`` stops for the current batch.\n", " \n", "- `h_r_max_iter` int, optional\n", "\n", " Maximum number of iterations to train h per each batch.\n", " \n", - " \n", - "- `h_r_stop_condition` float\n", + "- `h_r_stop_condition` float, optional\n", "\n", - " If error difference gets less than that, training of ``h`` stops for the current batch." + " If the error difference gets smaller than this, training of ``h`` stops for the current batch." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Learn an NMF model with 5 topics:" ] }, { "cell_type": "code", "execution_count": 7, - "metadata": {}, + "metadata": { + "scrolled": true + }, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "2019-01-31 03:18:22,816 : INFO : Loss: 1.0280021673693736\n", - "2019-01-31 03:18:23,067 : INFO : Loss: 0.9805869534381415\n" + "2019-03-04 01:54:24,559 : INFO : running NMF training, 5 topics, 5 passes over the supplied corpus of 2819 documents, evaluating l2 norm every 2819 documents\n", + "2019-03-04 01:54:24,574 : INFO : PROGRESS: pass 0, at document #1000/2819\n", + "2019-03-04 01:54:24,589 : INFO : W error diff: -inf\n", + "2019-03-04 01:54:24,604 : INFO : PROGRESS: pass 0, at document #2000/2819\n", + "2019-03-04 01:54:24,615 : INFO : W error diff: -2.1783593508632997\n", + "2019-03-04 01:54:24,626 : INFO : PROGRESS: pass 0, at document #2819/2819\n", + "2019-03-04 01:54:24,722 : INFO : L2 norm: 28.137070033533682\n", + "2019-03-04 01:54:24,756 : INFO : topic #0 (0.404): 0.011*\"isra\" + 0.010*\"israel\" + 0.007*\"arab\" + 0.006*\"jew\" + 0.005*\"palestinian\" + 0.004*\"henri\" + 0.003*\"toronto\" + 0.003*\"question\" + 0.003*\"kill\" + 0.003*\"polici\"\n", + "2019-03-04 01:54:24,757 : INFO : topic #1 (0.358): 0.009*\"space\" + 0.005*\"access\" + 0.005*\"nasa\" + 0.004*\"pat\" + 0.003*\"digex\" + 0.003*\"orbit\" + 0.003*\"shuttl\" + 0.003*\"graphic\" + 0.003*\"data\" + 0.003*\"com\"\n", + "2019-03-04 01:54:24,757 : INFO : topic #2 (0.388): 0.013*\"armenian\" + 0.006*\"turkish\" + 0.005*\"greek\" + 0.005*\"peopl\" + 0.004*\"armenia\" + 0.004*\"turk\" + 0.004*\"argic\" + 0.004*\"bike\" + 0.003*\"serdar\" + 0.003*\"turkei\"\n", + "2019-03-04 01:54:24,758 : INFO : topic #3 (0.423): 0.010*\"moral\" + 0.006*\"keith\" + 0.004*\"anim\" + 0.004*\"jake\" + 0.003*\"boni\" + 0.003*\"act\" + 0.003*\"instinct\" + 0.003*\"think\" + 0.003*\"caltech\" + 0.003*\"object\"\n", + "2019-03-04 01:54:24,759 : INFO : topic #4 (0.441): 0.009*\"islam\" + 0.009*\"god\" + 0.006*\"muslim\" + 0.006*\"livesei\" + 0.005*\"imag\" + 0.005*\"sgi\" + 0.005*\"jaeger\" + 0.004*\"jon\" + 0.004*\"solntz\" + 0.004*\"wpd\"\n", + "2019-03-04 01:54:24,765 : INFO : W error diff: -0.6087333117616911\n", + "2019-03-04 01:54:24,779 : INFO : PROGRESS: pass 1, at document #1000/2819\n", + "2019-03-04 01:54:24,787 : INFO : W error diff: -1.5858439279007879\n", + "2019-03-04 01:54:24,801 : INFO : PROGRESS: pass 1, at document #2000/2819\n", + "2019-03-04 01:54:24,807 : INFO : W error diff: -1.1329837530094071\n", + "2019-03-04 01:54:24,820 : INFO : PROGRESS: pass 1, at document #2819/2819\n", + "2019-03-04 01:54:24,914 : INFO : L2 norm: 28.02006726219276\n", + "2019-03-04 01:54:24,947 : INFO : topic #0 (0.345): 0.014*\"israel\" + 0.014*\"isra\" + 0.009*\"arab\" + 0.007*\"jew\" + 0.005*\"palestinian\" + 0.004*\"lebanes\" + 0.004*\"peac\" + 0.003*\"polici\" + 0.003*\"attack\" + 0.003*\"henri\"\n", + "2019-03-04 01:54:24,947 : INFO : topic #1 (0.253): 0.008*\"space\" + 0.005*\"nasa\" + 0.004*\"access\" + 0.003*\"orbit\" + 0.003*\"pat\" + 0.003*\"digex\" + 0.003*\"launch\" + 0.003*\"shuttl\" + 0.003*\"graphic\" + 0.003*\"com\"\n", + "2019-03-04 01:54:24,948 : INFO : topic #2 (0.299): 0.020*\"armenian\" + 0.010*\"turkish\" + 0.007*\"armenia\" + 0.006*\"turk\" + 0.006*\"argic\" + 0.006*\"serdar\" + 0.005*\"greek\" + 0.005*\"turkei\" + 0.004*\"genocid\" + 0.004*\"peopl\"\n", + "2019-03-04 01:54:24,949 : INFO : topic #3 (0.353): 0.013*\"moral\" + 0.011*\"keith\" + 0.006*\"object\" + 0.005*\"caltech\" + 0.005*\"schneider\" + 0.004*\"anim\" + 0.004*\"allan\" + 0.004*\"cco\" + 0.004*\"jake\" + 0.004*\"boni\"\n", + "2019-03-04 01:54:24,949 : INFO : topic #4 (0.380): 0.011*\"islam\" + 0.011*\"god\" + 0.006*\"livesei\" + 0.006*\"sgi\" + 0.006*\"jaeger\" + 0.005*\"muslim\" + 0.005*\"jon\" + 0.005*\"religion\" + 0.004*\"imag\" + 0.004*\"solntz\"\n", + "2019-03-04 01:54:24,953 : INFO : W error diff: -0.05304441334403265\n", + "2019-03-04 01:54:24,967 : INFO : PROGRESS: pass 2, at document #1000/2819\n", + "2019-03-04 01:54:24,973 : INFO : W error diff: -0.6532464912217009\n", + "2019-03-04 01:54:24,988 : INFO : PROGRESS: pass 2, at document #2000/2819\n", + "2019-03-04 01:54:24,993 : INFO : W error diff: -0.5542774416923812\n", + "2019-03-04 01:54:25,005 : INFO : PROGRESS: pass 2, at document #2819/2819\n", + "2019-03-04 01:54:25,099 : INFO : L2 norm: 27.999892226543682\n", + "2019-03-04 01:54:25,132 : INFO : topic #0 (0.343): 0.014*\"israel\" + 0.014*\"isra\" + 0.009*\"arab\" + 0.008*\"jew\" + 0.005*\"palestinian\" + 0.004*\"lebanes\" + 0.004*\"peac\" + 0.003*\"attack\" + 0.003*\"polici\" + 0.003*\"lebanon\"\n", + "2019-03-04 01:54:25,133 : INFO : topic #1 (0.229): 0.007*\"space\" + 0.005*\"nasa\" + 0.004*\"access\" + 0.003*\"orbit\" + 0.003*\"pat\" + 0.003*\"launch\" + 0.003*\"digex\" + 0.003*\"gov\" + 0.003*\"graphic\" + 0.003*\"com\"\n", + "2019-03-04 01:54:25,134 : INFO : topic #2 (0.283): 0.022*\"armenian\" + 0.011*\"turkish\" + 0.007*\"armenia\" + 0.007*\"turk\" + 0.007*\"argic\" + 0.007*\"serdar\" + 0.006*\"turkei\" + 0.005*\"greek\" + 0.005*\"genocid\" + 0.004*\"soviet\"\n", + "2019-03-04 01:54:25,134 : INFO : topic #3 (0.347): 0.015*\"moral\" + 0.013*\"keith\" + 0.007*\"object\" + 0.006*\"caltech\" + 0.005*\"schneider\" + 0.005*\"allan\" + 0.005*\"cco\" + 0.004*\"anim\" + 0.004*\"jake\" + 0.004*\"natur\"\n", + "2019-03-04 01:54:25,135 : INFO : topic #4 (0.365): 0.011*\"god\" + 0.011*\"islam\" + 0.006*\"livesei\" + 0.006*\"sgi\" + 0.006*\"jaeger\" + 0.005*\"muslim\" + 0.005*\"religion\" + 0.005*\"jon\" + 0.005*\"atheist\" + 0.004*\"atheism\"\n", + "2019-03-04 01:54:25,138 : INFO : W error diff: 0.06399021760879364\n", + "2019-03-04 01:54:25,151 : INFO : PROGRESS: pass 3, at document #1000/2819\n", + "2019-03-04 01:54:25,157 : INFO : W error diff: -0.3678424933365889\n", + "2019-03-04 01:54:25,172 : INFO : PROGRESS: pass 3, at document #2000/2819\n", + "2019-03-04 01:54:25,177 : INFO : W error diff: -0.34924666183303543\n", + "2019-03-04 01:54:25,189 : INFO : PROGRESS: pass 3, at document #2819/2819\n", + "2019-03-04 01:54:25,283 : INFO : L2 norm: 27.991268049236886\n", + "2019-03-04 01:54:25,315 : INFO : topic #0 (0.350): 0.015*\"israel\" + 0.014*\"isra\" + 0.009*\"arab\" + 0.008*\"jew\" + 0.005*\"palestinian\" + 0.004*\"lebanes\" + 0.004*\"peac\" + 0.003*\"attack\" + 0.003*\"lebanon\" + 0.003*\"polici\"\n", + "2019-03-04 01:54:25,316 : INFO : topic #1 (0.220): 0.007*\"space\" + 0.005*\"nasa\" + 0.003*\"access\" + 0.003*\"orbit\" + 0.003*\"launch\" + 0.003*\"pat\" + 0.003*\"gov\" + 0.003*\"com\" + 0.003*\"digex\" + 0.002*\"alaska\"\n", + "2019-03-04 01:54:25,317 : INFO : topic #2 (0.282): 0.023*\"armenian\" + 0.011*\"turkish\" + 0.007*\"armenia\" + 0.007*\"turk\" + 0.007*\"argic\" + 0.007*\"serdar\" + 0.006*\"turkei\" + 0.005*\"greek\" + 0.005*\"genocid\" + 0.005*\"soviet\"\n", + "2019-03-04 01:54:25,317 : INFO : topic #3 (0.351): 0.016*\"moral\" + 0.015*\"keith\" + 0.007*\"object\" + 0.007*\"caltech\" + 0.006*\"schneider\" + 0.005*\"allan\" + 0.005*\"cco\" + 0.004*\"anim\" + 0.004*\"natur\" + 0.004*\"think\"\n", + "2019-03-04 01:54:25,318 : INFO : topic #4 (0.364): 0.012*\"god\" + 0.011*\"islam\" + 0.006*\"sgi\" + 0.006*\"jaeger\" + 0.006*\"livesei\" + 0.005*\"muslim\" + 0.005*\"religion\" + 0.005*\"atheist\" + 0.005*\"atheism\" + 0.004*\"jon\"\n", + "2019-03-04 01:54:25,321 : INFO : W error diff: 0.08877110840856872\n", + "2019-03-04 01:54:25,334 : INFO : PROGRESS: pass 4, at document #1000/2819\n", + "2019-03-04 01:54:25,339 : INFO : W error diff: -0.2446709705343757\n", + "2019-03-04 01:54:25,354 : INFO : PROGRESS: pass 4, at document #2000/2819\n", + "2019-03-04 01:54:25,359 : INFO : W error diff: -0.24931839405260803\n", + "2019-03-04 01:54:25,371 : INFO : PROGRESS: pass 4, at document #2819/2819\n", + "2019-03-04 01:54:25,465 : INFO : L2 norm: 27.98648818098989\n", + "2019-03-04 01:54:25,498 : INFO : topic #0 (0.354): 0.015*\"israel\" + 0.014*\"isra\" + 0.009*\"arab\" + 0.008*\"jew\" + 0.005*\"palestinian\" + 0.004*\"lebanes\" + 0.004*\"peac\" + 0.004*\"attack\" + 0.003*\"lebanon\" + 0.003*\"polici\"\n", + "2019-03-04 01:54:25,498 : INFO : topic #1 (0.209): 0.007*\"space\" + 0.005*\"nasa\" + 0.003*\"access\" + 0.003*\"orbit\" + 0.003*\"launch\" + 0.003*\"gov\" + 0.003*\"pat\" + 0.003*\"com\" + 0.002*\"alaska\" + 0.002*\"moon\"\n", + "2019-03-04 01:54:25,499 : INFO : topic #2 (0.283): 0.023*\"armenian\" + 0.011*\"turkish\" + 0.008*\"armenia\" + 0.007*\"argic\" + 0.007*\"turk\" + 0.007*\"serdar\" + 0.006*\"turkei\" + 0.005*\"greek\" + 0.005*\"genocid\" + 0.005*\"soviet\"\n", + "2019-03-04 01:54:25,500 : INFO : topic #3 (0.356): 0.017*\"moral\" + 0.016*\"keith\" + 0.007*\"object\" + 0.007*\"caltech\" + 0.006*\"schneider\" + 0.006*\"allan\" + 0.006*\"cco\" + 0.004*\"anim\" + 0.004*\"natur\" + 0.004*\"goal\"\n", + "2019-03-04 01:54:25,500 : INFO : topic #4 (0.366): 0.012*\"god\" + 0.011*\"islam\" + 0.006*\"jaeger\" + 0.005*\"sgi\" + 0.005*\"livesei\" + 0.005*\"muslim\" + 0.005*\"atheist\" + 0.005*\"religion\" + 0.005*\"atheism\" + 0.004*\"rushdi\"\n", + "2019-03-04 01:54:25,503 : INFO : W error diff: 0.0932956490045207\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ - "CPU times: user 795 ms, sys: 20.2 ms, total: 815 ms\n", - "Wall time: 814 ms\n" + "CPU times: user 1.52 s, sys: 1.84 s, total: 3.36 s\n", + "Wall time: 944 ms\n" ] } ], @@ -311,14 +446,14 @@ "%%time\n", "\n", "nmf = GensimNmf(\n", - " corpus=train_corpus,\n", + " corpus=train_corpus_tfidf,\n", " num_topics=5,\n", " id2word=dictionary,\n", " chunksize=1000,\n", " passes=5,\n", " eval_every=10,\n", " minimum_probability=0,\n", - " random_state=42,\n", + " random_state=0,\n", " kappa=1,\n", ")" ] @@ -327,7 +462,7 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "### Topics" + "### View the learned topics" ] }, { @@ -339,15 +474,15 @@ "data": { "text/plain": [ "[(0,\n", - " '0.017*\"armenian\" + 0.015*\"peopl\" + 0.014*\"said\" + 0.013*\"know\" + 0.008*\"went\" + 0.008*\"sai\" + 0.007*\"like\" + 0.007*\"apart\" + 0.007*\"come\" + 0.007*\"azerbaijani\"'),\n", + " '0.015*\"israel\" + 0.014*\"isra\" + 0.009*\"arab\" + 0.008*\"jew\" + 0.005*\"palestinian\" + 0.004*\"lebanes\" + 0.004*\"peac\" + 0.004*\"attack\" + 0.004*\"lebanon\" + 0.003*\"polici\"'),\n", " (1,\n", - " '0.074*\"jpeg\" + 0.032*\"file\" + 0.031*\"gif\" + 0.028*\"imag\" + 0.024*\"color\" + 0.017*\"format\" + 0.014*\"qualiti\" + 0.013*\"convert\" + 0.013*\"compress\" + 0.013*\"version\"'),\n", + " '0.007*\"space\" + 0.005*\"nasa\" + 0.003*\"access\" + 0.003*\"orbit\" + 0.003*\"launch\" + 0.003*\"gov\" + 0.003*\"pat\" + 0.003*\"com\" + 0.002*\"alaska\" + 0.002*\"moon\"'),\n", " (2,\n", - " '0.030*\"imag\" + 0.014*\"graphic\" + 0.012*\"data\" + 0.010*\"file\" + 0.010*\"pub\" + 0.010*\"ftp\" + 0.010*\"avail\" + 0.008*\"format\" + 0.008*\"program\" + 0.008*\"packag\"'),\n", + " '0.023*\"armenian\" + 0.012*\"turkish\" + 0.008*\"armenia\" + 0.007*\"argic\" + 0.007*\"turk\" + 0.007*\"serdar\" + 0.006*\"turkei\" + 0.005*\"greek\" + 0.005*\"genocid\" + 0.005*\"soviet\"'),\n", " (3,\n", - " '0.015*\"god\" + 0.012*\"atheist\" + 0.009*\"believ\" + 0.009*\"exist\" + 0.008*\"atheism\" + 0.007*\"peopl\" + 0.007*\"religion\" + 0.006*\"christian\" + 0.006*\"israel\" + 0.006*\"religi\"'),\n", + " '0.017*\"moral\" + 0.016*\"keith\" + 0.008*\"object\" + 0.007*\"caltech\" + 0.006*\"schneider\" + 0.006*\"allan\" + 0.006*\"cco\" + 0.004*\"anim\" + 0.004*\"natur\" + 0.004*\"goal\"'),\n", " (4,\n", - " '0.028*\"space\" + 0.019*\"launch\" + 0.013*\"satellit\" + 0.009*\"orbit\" + 0.008*\"nasa\" + 0.007*\"year\" + 0.007*\"mission\" + 0.006*\"new\" + 0.006*\"commerci\" + 0.005*\"market\"')]" + " '0.012*\"god\" + 0.011*\"islam\" + 0.006*\"jaeger\" + 0.005*\"sgi\" + 0.005*\"livesei\" + 0.005*\"muslim\" + 0.005*\"atheist\" + 0.005*\"religion\" + 0.005*\"atheism\" + 0.004*\"rushdi\"')]" ] }, "execution_count": 8, @@ -363,9 +498,9 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "### Coherence\n", + "### Evaluation measure: Coherence\n", "\n", - "Here's a [description of what coherence is](http://qpleple.com/topic-coherence-to-evaluate-topic-models/). Basically it measures how often do most frequent tokens from each topic co-occur in one document." + "[Topic coherence](http://qpleple.com/topic-coherence-to-evaluate-topic-models/) measures how often do most frequent tokens from each topic co-occur in one document. Larger is better." ] }, { @@ -377,13 +512,13 @@ "name": "stderr", "output_type": "stream", "text": [ - "2019-01-31 03:18:23,179 : INFO : CorpusAccumulator accumulated stats from 1000 documents\n" + "2019-03-04 01:54:25,582 : INFO : CorpusAccumulator accumulated stats from 1000 documents\n" ] }, { "data": { "text/plain": [ - "-1.7053902612634844" + "-4.045883079644641" ] }, "execution_count": 9, @@ -394,54 +529,25 @@ "source": [ "CoherenceModel(\n", " model=nmf,\n", - " corpus=test_corpus,\n", + " corpus=test_corpus_tfidf,\n", " coherence='u_mass'\n", ").get_coherence()" ] }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Perplexity\n", - "\n", - "[Perplexity](http://qpleple.com/perplexity-to-evaluate-topic-models/) is basically a degree of uncertainty of the model, i.e. how probable it is to observe a particular set of documents." - ] - }, - { - "cell_type": "code", - "execution_count": 10, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "2501.280703411481" - ] - }, - "execution_count": 10, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "np.exp(-nmf.log_perplexity(test_corpus))" - ] - }, { "cell_type": "markdown", "metadata": { "lines_to_next_cell": 2 }, "source": [ - "### Document topics inference\n", + "## Topic inference on new documents\n", "\n", - "Let's get some news and infer a topic vector." + "With the NMF model trained, let's fetch one news document not seen during training, and infer its topic vector." ] }, { "cell_type": "code", - "execution_count": 11, + "execution_count": 10, "metadata": {}, "outputs": [ { @@ -475,7 +581,7 @@ "Convulsed, foaming immortal blood: farewell\" - J. Berryman, \"A Professor's Song\"\n", "\n", "====================================================================================================\n", - "Topics: [(0, 0.29903293372372697), (1, 0.007751538808305081), (2, 0.41698421255575224), (3, 0.27623131491221575)]\n" + "Topics: [(0, 0.10094349983895379), (1, 0.40527834628482196), (2, 0.14330724750919113), (3, 0.02887286985628184), (4, 0.32159803651075125)]\n" ] } ], @@ -489,14 +595,14 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "### Word topic inference\n", + "## Word topic inference\n", "\n", - "Here's an example of topic distribution inference for a token." + "Similarly, we can inspect the topic distribution assigned to a vocabulary term:" ] }, { "cell_type": "code", - "execution_count": 12, + "execution_count": 11, "metadata": { "lines_to_next_cell": 2 }, @@ -506,7 +612,7 @@ "output_type": "stream", "text": [ "Word: actual\n", - "Topics: [(0, 0.04910674896578284), (1, 0.1277766177062051), (2, 0.07803764680331245), (3, 0.6584104509982174), (4, 0.08666853552648228)]\n" + "Topics: [(0, 0.1517466731147538), (1, 0.2824521057319929), (2, 0.042590027339691805), (3, 0.2520757387076886), (4, 0.2711354551058729)]\n" ] } ], @@ -520,7 +626,7 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "### Internal state" + "### Internal NMF state" ] }, { @@ -532,7 +638,7 @@ }, { "cell_type": "code", - "execution_count": 13, + "execution_count": 12, "metadata": { "lines_to_next_cell": 2 }, @@ -551,14 +657,14 @@ }, { "cell_type": "code", - "execution_count": 14, + "execution_count": 13, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "Density: 0.6427905663041943\n" + "Density: 0.6864567151532269\n" ] } ], @@ -575,14 +681,14 @@ }, { "cell_type": "code", - "execution_count": 15, + "execution_count": 14, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "Density: 0.8424908424908425\n" + "Density: 0.662026862026862\n" ] } ], @@ -594,154 +700,208 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "Residuals matrix of the last batch of shape `(words, batch)`" + "# 3. Benchmarks" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ - "# Benchmarks" + "## Gensim NMF vs Sklearn NMF vs Gensim LDA\n", + "\n", + "We'll run these three unsupervised models on the [20newsgroups](https://scikit-learn.org/0.19/datasets/twenty_newsgroups.html) dataset.\n", + "\n", + "20 Newsgroups also contains labels for each document, which will allow us to evaluate the trained models on an \"upstream\" classification task, using the unsupervised document topics as input features." ] }, { "cell_type": "markdown", "metadata": {}, "source": [ - "## Gensim NMF vs Sklearn NMF vs Gensim LDA\n", - "\n", - "We'll run all the models on the [20newsgroups](https://scikit-learn.org/0.19/datasets/twenty_newsgroups.html) dataset, which has texts and labels for them.\n", - "\n", "### Metrics\n", "\n", - "- train time: time to train a model in seconds\n", - "- coherence: coherence score (not defined for sklearn NMF). Classic metric for topic models.\n", - "- perplexity: perplexity score. Another usual TM metric\n", - "- f1: f1 on the task of news topic classification\n", - "- l2_norm: l2 matrix norm" + "We'll track these metrics as we train and test NMF on the 20-newsgroups corpus we created above:\n", + "- `train time` - time to train a model\n", + "- `mean_ram` - mean RAM consumption during training\n", + "- `max_ram` - maximum RAM consumption during training\n", + "- `train time` - time to train a model.\n", + "- `coherence` - coherence score (larger is better).\n", + "- `l2_norm` - L2 norm of `v - Wh` (less is better, not defined for LDA).\n", + "- `f1` - [F1 score](https://en.wikipedia.org/wiki/F1_score) on the task of news topic classification (larger is better)." ] }, { "cell_type": "code", - "execution_count": 16, + "execution_count": 15, "metadata": { "lines_to_next_cell": 2 }, "outputs": [], "source": [ "fixed_params = dict(\n", - " corpus=train_corpus,\n", " chunksize=1000,\n", " num_topics=5,\n", " id2word=dictionary,\n", " passes=5,\n", " eval_every=10,\n", " minimum_probability=0,\n", - " random_state=42,\n", + " random_state=0,\n", ")" ] }, { "cell_type": "code", - "execution_count": 17, - "metadata": { - "lines_to_next_cell": 2 - }, + "execution_count": 16, + "metadata": {}, "outputs": [], "source": [ - "def get_execution_time(func):\n", + "@contextmanager\n", + "def measure_ram(output, tick=5):\n", + " def _measure_ram(pid, output, tick=tick):\n", + " py = psutil.Process(pid)\n", + " with open(output, 'w') as outfile:\n", + " while True:\n", + " memory = py.memory_info().rss\n", + " outfile.write(\"{}\\n\".format(memory))\n", + " outfile.flush()\n", + " time.sleep(tick)\n", + "\n", + " pid = os.getpid()\n", + " p = Process(target=_measure_ram, args=(pid, output, tick))\n", + " p.start()\n", + " yield\n", + " p.terminate()\n", + "\n", + "\n", + "def get_train_time_and_ram(func, name, tick=5):\n", + " memprof_filename = \"{}.memprof\".format(name)\n", + "\n", " start = time.time()\n", - " result = func()\n", "\n", - " return (time.time() - start), result\n", + " with measure_ram(memprof_filename, tick=tick):\n", + " result = func()\n", "\n", + " elapsed_time = pd.to_timedelta(time.time() - start, unit='s').round('s')\n", "\n", - "def get_tm_f1(model, train_corpus, X_test, y_train, y_test):\n", - " X_train = np.zeros((len(train_corpus), model.num_topics))\n", - " for bow_id, bow in enumerate(train_corpus):\n", - " for topic_id, factor in model.get_document_topics(bow):\n", - " X_train[bow_id, topic_id] = factor\n", + " memprof_df = pd.read_csv(memprof_filename, squeeze=True)\n", "\n", - " log_reg = LogisticRegressionCV(multi_class='multinomial')\n", - " log_reg.fit(X_train, y_train)\n", + " mean_ram = \"{} MB\".format(\n", + " int(memprof_df.mean() // 2 ** 20),\n", + " )\n", "\n", - " pred_labels = log_reg.predict(X_test)\n", + " max_ram = \"{} MB\".format(int(memprof_df.max() // 2 ** 20))\n", "\n", - " return f1_score(y_test, pred_labels, average='micro')\n", + " return elapsed_time, mean_ram, max_ram, result\n", "\n", "\n", - "def get_sklearn_f1(model, train_corpus, X_test, y_train, y_test):\n", - " X_train = model.transform((train_corpus / train_corpus.sum(axis=0)).T)\n", + "def get_f1(model, train_corpus, X_test, y_train, y_test):\n", + " if isinstance(model, SklearnNmf):\n", + " dense_train_corpus = matutils.corpus2dense(\n", + " train_corpus,\n", + " num_terms=model.components_.shape[1],\n", + " )\n", + " X_train = model.transform(dense_train_corpus.T)\n", + " else:\n", + " X_train = np.zeros((len(train_corpus), model.num_topics))\n", + " for bow_id, bow in enumerate(train_corpus):\n", + " for topic_id, word_count in model.get_document_topics(bow):\n", + " X_train[bow_id, topic_id] = word_count\n", "\n", - " log_reg = LogisticRegressionCV(multi_class='multinomial')\n", + " log_reg = LogisticRegressionCV(multi_class='multinomial', cv=5)\n", " log_reg.fit(X_train, y_train)\n", "\n", " pred_labels = log_reg.predict(X_test)\n", "\n", " return f1_score(y_test, pred_labels, average='micro')\n", "\n", + "def get_sklearn_topics(model, top_n=5):\n", + " topic_probas = model.components_.T\n", + " topic_probas = topic_probas / topic_probas.sum(axis=0)\n", "\n", - "def get_tm_metrics(model, train_corpus, test_corpus, dense_corpus, y_train, y_test):\n", - " W = model.get_topics().T\n", - " H = np.zeros((model.num_topics, len(test_corpus)))\n", - " for bow_id, bow in enumerate(test_corpus):\n", - " for topic_id, factor in model.get_document_topics(bow):\n", - " H[topic_id, bow_id] = factor\n", + " sparsity = np.zeros(topic_probas.shape[1])\n", "\n", - " pred_factors = W.dot(H)\n", - " pred_factors /= pred_factors.sum(axis=0)\n", + " for row in topic_probas:\n", + " sparsity += (row == 0)\n", "\n", - " perplexity = get_tm_perplexity(pred_factors, dense_corpus)\n", + " sparsity /= topic_probas.shape[1]\n", "\n", - " l2_norm = get_tm_l2_norm(pred_factors, dense_corpus)\n", + " topic_probas = topic_probas[:, sparsity.argsort()[::-1]][:, :top_n]\n", "\n", - " f1 = get_tm_f1(model, train_corpus, H.T, y_train, y_test)\n", + " token_indices = topic_probas.argsort(axis=0)[:-11:-1, :]\n", + " topic_probas.sort(axis=0)\n", + " topic_probas = topic_probas[:-11:-1, :]\n", "\n", - " model.normalize = True\n", + " topics = []\n", "\n", - " coherence = CoherenceModel(\n", - " model=model,\n", - " corpus=test_corpus,\n", - " coherence='u_mass'\n", - " ).get_coherence()\n", + " for topic_idx in range(topic_probas.shape[1]):\n", + " tokens = [\n", + " model.id2word[token_idx]\n", + " for token_idx\n", + " in token_indices[:, topic_idx]\n", + " ]\n", + " topic = (\n", + " '{}*\"{}\"'.format(round(proba, 3), token)\n", + " for proba, token\n", + " in zip(topic_probas[:, topic_idx], tokens)\n", + " )\n", + " topic = \" + \".join(topic)\n", + " topics.append((topic_idx, topic))\n", "\n", - " model.normalize = False\n", + " return topics\n", "\n", - " return dict(\n", - " perplexity=perplexity,\n", - " coherence=coherence,\n", - " l2_norm=l2_norm,\n", - " f1=f1,\n", + "def get_metrics(model, test_corpus, train_corpus=None, y_train=None, y_test=None, dictionary=None):\n", + " if isinstance(model, SklearnNmf):\n", + " model.get_topics = lambda: model.components_\n", + " model.show_topics = lambda top_n: get_sklearn_topics(model, top_n)\n", + " model.id2word = dictionary\n", + "\n", + " W = model.get_topics().T\n", + "\n", + " dense_test_corpus = matutils.corpus2dense(\n", + " test_corpus,\n", + " num_terms=W.shape[0],\n", " )\n", "\n", + " if isinstance(model, SklearnNmf):\n", + " H = model.transform(dense_test_corpus.T).T\n", + " else:\n", + " H = np.zeros((model.num_topics, len(test_corpus)))\n", + " for bow_id, bow in enumerate(test_corpus):\n", + " for topic_id, word_count in model.get_document_topics(bow):\n", + " H[topic_id, bow_id] = word_count\n", "\n", - "def get_tm_perplexity(pred_factors, dense_corpus):\n", - " return np.exp(-(np.log(pred_factors, where=pred_factors > 0) * dense_corpus).sum() / dense_corpus.sum())\n", + " l2_norm = None\n", "\n", + " if not isinstance(model, LdaModel):\n", + " pred_factors = W.dot(H)\n", "\n", - "def get_tm_l2_norm(pred_factors, dense_corpus):\n", - " return np.linalg.norm(dense_corpus / dense_corpus.sum(axis=0) - pred_factors)\n", + " l2_norm = np.linalg.norm(pred_factors - dense_test_corpus)\n", + " l2_norm = round(l2_norm, 4)\n", "\n", + " f1 = None\n", "\n", - "def get_sklearn_metrics(model, train_corpus, test_corpus, y_train, y_test):\n", - " W = model.components_.T\n", - " H = model.transform((test_corpus / test_corpus.sum(axis=0)).T).T\n", - " pred_factors = W.dot(H)\n", - " pred_factors /= pred_factors.sum(axis=0)\n", + " if train_corpus and y_train and y_test:\n", + " f1 = get_f1(model, train_corpus, H.T, y_train, y_test)\n", + " f1 = round(f1, 4)\n", "\n", - " perplexity = np.exp(\n", - " -(np.log(pred_factors, where=pred_factors > 0) * test_corpus).sum()\n", - " / test_corpus.sum()\n", - " )\n", + " model.normalize = True\n", + "\n", + " coherence = CoherenceModel(\n", + " model=model,\n", + " corpus=test_corpus,\n", + " coherence='u_mass'\n", + " ).get_coherence()\n", + " coherence = round(coherence, 4)\n", "\n", - " l2_norm = np.linalg.norm(test_corpus / test_corpus.sum(axis=0) - pred_factors)\n", + " topics = model.show_topics(5)\n", "\n", - " f1 = get_sklearn_f1(model, train_corpus, H.T, y_train, y_test)\n", + " model.normalize = False\n", "\n", " return dict(\n", - " perplexity=perplexity,\n", + " coherence=coherence,\n", " l2_norm=l2_norm,\n", " f1=f1,\n", + " topics=topics,\n", " )" ] }, @@ -754,205 +914,61 @@ }, { "cell_type": "code", - "execution_count": 18, + "execution_count": 17, "metadata": { "scrolled": true }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 03:18:27,010 : INFO : using symmetric alpha at 0.2\n", - "2019-01-31 03:18:27,012 : INFO : using symmetric eta at 0.2\n", - "2019-01-31 03:18:27,018 : INFO : using serial LDA version on this node\n", - "2019-01-31 03:18:27,026 : INFO : running online (multi-pass) LDA training, 5 topics, 5 passes over the supplied corpus of 2819 documents, updating model once every 1000 documents, evaluating perplexity every 2819 documents, iterating 50x with a convergence threshold of 0.001000\n", - "2019-01-31 03:18:27,027 : INFO : PROGRESS: pass 0, at document #1000/2819\n", - "2019-01-31 03:18:28,047 : INFO : merging changes from 1000 documents into a model of 2819 documents\n", - "2019-01-31 03:18:28,052 : INFO : topic #0 (0.200): 0.006*\"com\" + 0.005*\"new\" + 0.005*\"peopl\" + 0.004*\"space\" + 0.004*\"like\" + 0.004*\"univers\" + 0.004*\"time\" + 0.004*\"nntp\" + 0.004*\"armenian\" + 0.004*\"host\"\n", - "2019-01-31 03:18:28,053 : INFO : topic #1 (0.200): 0.007*\"com\" + 0.005*\"like\" + 0.005*\"peopl\" + 0.005*\"know\" + 0.004*\"think\" + 0.004*\"time\" + 0.004*\"god\" + 0.004*\"univers\" + 0.004*\"said\" + 0.004*\"host\"\n", - "2019-01-31 03:18:28,054 : INFO : topic #2 (0.200): 0.005*\"time\" + 0.005*\"like\" + 0.005*\"com\" + 0.005*\"israel\" + 0.005*\"space\" + 0.005*\"univers\" + 0.004*\"peopl\" + 0.004*\"islam\" + 0.004*\"host\" + 0.004*\"isra\"\n", - "2019-01-31 03:18:28,057 : INFO : topic #3 (0.200): 0.008*\"com\" + 0.006*\"jpeg\" + 0.006*\"imag\" + 0.005*\"nntp\" + 0.005*\"think\" + 0.005*\"file\" + 0.005*\"host\" + 0.004*\"like\" + 0.004*\"univers\" + 0.004*\"graphic\"\n", - "2019-01-31 03:18:28,059 : INFO : topic #4 (0.200): 0.007*\"peopl\" + 0.006*\"space\" + 0.006*\"com\" + 0.005*\"armenian\" + 0.004*\"know\" + 0.004*\"nasa\" + 0.003*\"right\" + 0.003*\"like\" + 0.003*\"point\" + 0.003*\"time\"\n", - "2019-01-31 03:18:28,060 : INFO : topic diff=1.686979, rho=1.000000\n", - "2019-01-31 03:18:28,062 : INFO : PROGRESS: pass 0, at document #2000/2819\n", - "2019-01-31 03:18:29,018 : INFO : merging changes from 1000 documents into a model of 2819 documents\n", - "2019-01-31 03:18:29,025 : INFO : topic #0 (0.200): 0.006*\"com\" + 0.006*\"space\" + 0.005*\"new\" + 0.005*\"armenian\" + 0.005*\"univers\" + 0.004*\"like\" + 0.004*\"peopl\" + 0.004*\"time\" + 0.004*\"nntp\" + 0.004*\"turkish\"\n", - "2019-01-31 03:18:29,027 : INFO : topic #1 (0.200): 0.007*\"peopl\" + 0.007*\"com\" + 0.006*\"know\" + 0.006*\"like\" + 0.006*\"think\" + 0.005*\"god\" + 0.005*\"said\" + 0.004*\"time\" + 0.004*\"thing\" + 0.004*\"univers\"\n", - "2019-01-31 03:18:29,028 : INFO : topic #2 (0.200): 0.007*\"israel\" + 0.005*\"isra\" + 0.005*\"peopl\" + 0.005*\"islam\" + 0.005*\"like\" + 0.005*\"time\" + 0.005*\"univers\" + 0.005*\"state\" + 0.004*\"god\" + 0.004*\"know\"\n", - "2019-01-31 03:18:29,031 : INFO : topic #3 (0.200): 0.011*\"imag\" + 0.009*\"com\" + 0.007*\"file\" + 0.006*\"graphic\" + 0.005*\"program\" + 0.005*\"like\" + 0.005*\"host\" + 0.004*\"nntp\" + 0.004*\"univers\" + 0.004*\"us\"\n", - "2019-01-31 03:18:29,034 : INFO : topic #4 (0.200): 0.011*\"armenian\" + 0.009*\"peopl\" + 0.009*\"space\" + 0.005*\"know\" + 0.005*\"nasa\" + 0.004*\"com\" + 0.004*\"right\" + 0.004*\"like\" + 0.003*\"said\" + 0.003*\"armenia\"\n", - "2019-01-31 03:18:29,035 : INFO : topic diff=0.848667, rho=0.707107\n", - "2019-01-31 03:18:30,239 : INFO : -8.075 per-word bound, 269.6 perplexity estimate based on a held-out corpus of 819 documents with 113268 words\n", - "2019-01-31 03:18:30,240 : INFO : PROGRESS: pass 0, at document #2819/2819\n", - "2019-01-31 03:18:30,922 : INFO : merging changes from 819 documents into a model of 2819 documents\n", - "2019-01-31 03:18:30,927 : INFO : topic #0 (0.200): 0.006*\"com\" + 0.006*\"space\" + 0.005*\"new\" + 0.005*\"turkish\" + 0.005*\"bike\" + 0.005*\"univers\" + 0.004*\"year\" + 0.004*\"like\" + 0.004*\"armenian\" + 0.004*\"time\"\n", - "2019-01-31 03:18:30,929 : INFO : topic #1 (0.200): 0.009*\"com\" + 0.007*\"peopl\" + 0.007*\"like\" + 0.006*\"think\" + 0.006*\"god\" + 0.006*\"know\" + 0.005*\"thing\" + 0.005*\"said\" + 0.004*\"moral\" + 0.004*\"time\"\n", - "2019-01-31 03:18:30,930 : INFO : topic #2 (0.200): 0.010*\"israel\" + 0.007*\"isra\" + 0.006*\"jew\" + 0.006*\"peopl\" + 0.005*\"state\" + 0.005*\"univers\" + 0.005*\"islam\" + 0.005*\"think\" + 0.005*\"time\" + 0.004*\"arab\"\n", - "2019-01-31 03:18:30,932 : INFO : topic #3 (0.200): 0.011*\"com\" + 0.009*\"graphic\" + 0.009*\"imag\" + 0.007*\"file\" + 0.006*\"program\" + 0.005*\"host\" + 0.005*\"nntp\" + 0.005*\"softwar\" + 0.005*\"us\" + 0.005*\"like\"\n", - "2019-01-31 03:18:30,934 : INFO : topic #4 (0.200): 0.014*\"armenian\" + 0.010*\"space\" + 0.008*\"peopl\" + 0.006*\"turkish\" + 0.005*\"launch\" + 0.004*\"nasa\" + 0.004*\"year\" + 0.004*\"turkei\" + 0.004*\"armenia\" + 0.004*\"know\"\n", - "2019-01-31 03:18:30,935 : INFO : topic diff=0.663294, rho=0.577350\n", - "2019-01-31 03:18:30,939 : INFO : PROGRESS: pass 1, at document #1000/2819\n", - "2019-01-31 03:18:31,707 : INFO : merging changes from 1000 documents into a model of 2819 documents\n", - "2019-01-31 03:18:31,711 : INFO : topic #0 (0.200): 0.007*\"com\" + 0.007*\"space\" + 0.005*\"new\" + 0.005*\"bike\" + 0.005*\"univers\" + 0.004*\"like\" + 0.004*\"turkish\" + 0.004*\"time\" + 0.004*\"year\" + 0.004*\"nntp\"\n", - "2019-01-31 03:18:31,714 : INFO : topic #1 (0.200): 0.009*\"com\" + 0.007*\"peopl\" + 0.007*\"like\" + 0.007*\"god\" + 0.006*\"think\" + 0.006*\"know\" + 0.005*\"thing\" + 0.005*\"moral\" + 0.005*\"time\" + 0.004*\"said\"\n", - "2019-01-31 03:18:31,716 : INFO : topic #2 (0.200): 0.011*\"israel\" + 0.009*\"isra\" + 0.006*\"peopl\" + 0.006*\"jew\" + 0.005*\"arab\" + 0.005*\"islam\" + 0.005*\"think\" + 0.005*\"right\" + 0.005*\"state\" + 0.004*\"univers\"\n", - "2019-01-31 03:18:31,717 : INFO : topic #3 (0.200): 0.012*\"imag\" + 0.010*\"com\" + 0.009*\"file\" + 0.009*\"graphic\" + 0.006*\"program\" + 0.005*\"host\" + 0.005*\"us\" + 0.005*\"jpeg\" + 0.005*\"nntp\" + 0.005*\"univers\"\n", - "2019-01-31 03:18:31,718 : INFO : topic #4 (0.200): 0.014*\"armenian\" + 0.011*\"space\" + 0.008*\"peopl\" + 0.006*\"nasa\" + 0.006*\"turkish\" + 0.005*\"launch\" + 0.004*\"year\" + 0.004*\"armenia\" + 0.004*\"said\" + 0.004*\"orbit\"\n", - "2019-01-31 03:18:31,719 : INFO : topic diff=0.431708, rho=0.455535\n", - "2019-01-31 03:18:31,720 : INFO : PROGRESS: pass 1, at document #2000/2819\n", - "2019-01-31 03:18:32,621 : INFO : merging changes from 1000 documents into a model of 2819 documents\n", - "2019-01-31 03:18:32,625 : INFO : topic #0 (0.200): 0.008*\"space\" + 0.007*\"com\" + 0.006*\"new\" + 0.005*\"bike\" + 0.005*\"univers\" + 0.004*\"like\" + 0.004*\"year\" + 0.004*\"nntp\" + 0.004*\"host\" + 0.004*\"time\"\n", - "2019-01-31 03:18:32,626 : INFO : topic #1 (0.200): 0.009*\"com\" + 0.008*\"god\" + 0.007*\"peopl\" + 0.007*\"like\" + 0.007*\"think\" + 0.006*\"know\" + 0.005*\"thing\" + 0.005*\"moral\" + 0.005*\"time\" + 0.004*\"said\"\n", - "2019-01-31 03:18:32,628 : INFO : topic #2 (0.200): 0.011*\"israel\" + 0.009*\"isra\" + 0.007*\"jew\" + 0.006*\"peopl\" + 0.006*\"arab\" + 0.006*\"islam\" + 0.005*\"state\" + 0.005*\"right\" + 0.005*\"think\" + 0.004*\"univers\"\n", - "2019-01-31 03:18:32,630 : INFO : topic #3 (0.200): 0.013*\"imag\" + 0.010*\"com\" + 0.008*\"file\" + 0.008*\"graphic\" + 0.007*\"program\" + 0.005*\"us\" + 0.005*\"host\" + 0.005*\"univers\" + 0.005*\"softwar\" + 0.005*\"nntp\"\n", - "2019-01-31 03:18:32,631 : INFO : topic #4 (0.200): 0.016*\"armenian\" + 0.010*\"space\" + 0.009*\"peopl\" + 0.005*\"turkish\" + 0.005*\"said\" + 0.005*\"nasa\" + 0.005*\"know\" + 0.004*\"armenia\" + 0.004*\"year\" + 0.004*\"like\"\n", - "2019-01-31 03:18:32,632 : INFO : topic diff=0.436104, rho=0.455535\n", - "2019-01-31 03:18:33,790 : INFO : -7.846 per-word bound, 230.1 perplexity estimate based on a held-out corpus of 819 documents with 113268 words\n", - "2019-01-31 03:18:33,791 : INFO : PROGRESS: pass 1, at document #2819/2819\n", - "2019-01-31 03:18:34,344 : INFO : merging changes from 819 documents into a model of 2819 documents\n", - "2019-01-31 03:18:34,348 : INFO : topic #0 (0.200): 0.008*\"space\" + 0.007*\"com\" + 0.006*\"bike\" + 0.006*\"new\" + 0.005*\"univers\" + 0.005*\"year\" + 0.004*\"like\" + 0.004*\"orbit\" + 0.004*\"dod\" + 0.004*\"host\"\n", - "2019-01-31 03:18:34,349 : INFO : topic #1 (0.200): 0.010*\"com\" + 0.008*\"god\" + 0.007*\"peopl\" + 0.007*\"like\" + 0.007*\"think\" + 0.006*\"know\" + 0.005*\"thing\" + 0.005*\"moral\" + 0.005*\"time\" + 0.004*\"said\"\n", - "2019-01-31 03:18:34,351 : INFO : topic #2 (0.200): 0.012*\"israel\" + 0.009*\"isra\" + 0.008*\"jew\" + 0.007*\"peopl\" + 0.006*\"arab\" + 0.005*\"state\" + 0.005*\"islam\" + 0.005*\"right\" + 0.005*\"think\" + 0.004*\"univers\"\n", - "2019-01-31 03:18:34,353 : INFO : topic #3 (0.200): 0.011*\"imag\" + 0.010*\"com\" + 0.010*\"graphic\" + 0.008*\"file\" + 0.007*\"program\" + 0.006*\"softwar\" + 0.005*\"host\" + 0.005*\"us\" + 0.005*\"nntp\" + 0.005*\"univers\"\n", - "2019-01-31 03:18:34,355 : INFO : topic #4 (0.200): 0.017*\"armenian\" + 0.009*\"turkish\" + 0.009*\"space\" + 0.008*\"peopl\" + 0.005*\"said\" + 0.005*\"launch\" + 0.005*\"armenia\" + 0.005*\"year\" + 0.005*\"nasa\" + 0.004*\"turkei\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 03:18:34,356 : INFO : topic diff=0.423402, rho=0.455535\n", - "2019-01-31 03:18:34,357 : INFO : PROGRESS: pass 2, at document #1000/2819\n", - "2019-01-31 03:18:35,071 : INFO : merging changes from 1000 documents into a model of 2819 documents\n", - "2019-01-31 03:18:35,075 : INFO : topic #0 (0.200): 0.009*\"space\" + 0.007*\"com\" + 0.006*\"bike\" + 0.006*\"new\" + 0.005*\"univers\" + 0.005*\"orbit\" + 0.004*\"nasa\" + 0.004*\"year\" + 0.004*\"like\" + 0.004*\"time\"\n", - "2019-01-31 03:18:35,076 : INFO : topic #1 (0.200): 0.010*\"com\" + 0.009*\"god\" + 0.007*\"peopl\" + 0.007*\"like\" + 0.007*\"think\" + 0.006*\"know\" + 0.006*\"thing\" + 0.006*\"moral\" + 0.005*\"time\" + 0.005*\"atheist\"\n", - "2019-01-31 03:18:35,079 : INFO : topic #2 (0.200): 0.012*\"israel\" + 0.010*\"isra\" + 0.007*\"jew\" + 0.007*\"peopl\" + 0.006*\"arab\" + 0.006*\"islam\" + 0.005*\"right\" + 0.005*\"think\" + 0.005*\"state\" + 0.004*\"univers\"\n", - "2019-01-31 03:18:35,080 : INFO : topic #3 (0.200): 0.013*\"imag\" + 0.009*\"file\" + 0.009*\"graphic\" + 0.009*\"com\" + 0.007*\"program\" + 0.006*\"us\" + 0.006*\"host\" + 0.005*\"univers\" + 0.005*\"jpeg\" + 0.005*\"nntp\"\n", - "2019-01-31 03:18:35,081 : INFO : topic #4 (0.200): 0.017*\"armenian\" + 0.009*\"turkish\" + 0.008*\"peopl\" + 0.008*\"space\" + 0.005*\"said\" + 0.005*\"nasa\" + 0.005*\"armenia\" + 0.005*\"year\" + 0.004*\"launch\" + 0.004*\"turkei\"\n", - "2019-01-31 03:18:35,082 : INFO : topic diff=0.333964, rho=0.414549\n", - "2019-01-31 03:18:35,083 : INFO : PROGRESS: pass 2, at document #2000/2819\n", - "2019-01-31 03:18:35,848 : INFO : merging changes from 1000 documents into a model of 2819 documents\n", - "2019-01-31 03:18:35,852 : INFO : topic #0 (0.200): 0.011*\"space\" + 0.008*\"com\" + 0.006*\"bike\" + 0.006*\"new\" + 0.005*\"nasa\" + 0.005*\"univers\" + 0.005*\"orbit\" + 0.004*\"year\" + 0.004*\"like\" + 0.004*\"host\"\n", - "2019-01-31 03:18:35,854 : INFO : topic #1 (0.200): 0.010*\"com\" + 0.010*\"god\" + 0.007*\"peopl\" + 0.007*\"like\" + 0.007*\"think\" + 0.006*\"know\" + 0.006*\"thing\" + 0.005*\"moral\" + 0.005*\"time\" + 0.004*\"atheist\"\n", - "2019-01-31 03:18:35,855 : INFO : topic #2 (0.200): 0.012*\"israel\" + 0.010*\"isra\" + 0.008*\"jew\" + 0.007*\"arab\" + 0.007*\"peopl\" + 0.006*\"islam\" + 0.006*\"state\" + 0.005*\"right\" + 0.005*\"think\" + 0.004*\"univers\"\n", - "2019-01-31 03:18:35,858 : INFO : topic #3 (0.200): 0.014*\"imag\" + 0.009*\"file\" + 0.009*\"graphic\" + 0.009*\"com\" + 0.007*\"program\" + 0.006*\"us\" + 0.006*\"univers\" + 0.005*\"softwar\" + 0.005*\"host\" + 0.005*\"nntp\"\n", - "2019-01-31 03:18:35,859 : INFO : topic #4 (0.200): 0.018*\"armenian\" + 0.010*\"peopl\" + 0.008*\"turkish\" + 0.007*\"space\" + 0.006*\"said\" + 0.005*\"know\" + 0.005*\"armenia\" + 0.004*\"like\" + 0.004*\"year\" + 0.004*\"nasa\"\n", - "2019-01-31 03:18:35,861 : INFO : topic diff=0.334136, rho=0.414549\n", - "2019-01-31 03:18:36,922 : INFO : -7.786 per-word bound, 220.6 perplexity estimate based on a held-out corpus of 819 documents with 113268 words\n", - "2019-01-31 03:18:36,923 : INFO : PROGRESS: pass 2, at document #2819/2819\n", - "2019-01-31 03:18:37,532 : INFO : merging changes from 819 documents into a model of 2819 documents\n", - "2019-01-31 03:18:37,536 : INFO : topic #0 (0.200): 0.011*\"space\" + 0.008*\"com\" + 0.007*\"bike\" + 0.006*\"new\" + 0.005*\"univers\" + 0.005*\"orbit\" + 0.005*\"nasa\" + 0.005*\"year\" + 0.004*\"like\" + 0.004*\"satellit\"\n", - "2019-01-31 03:18:37,537 : INFO : topic #1 (0.200): 0.011*\"com\" + 0.010*\"god\" + 0.008*\"peopl\" + 0.007*\"think\" + 0.007*\"like\" + 0.006*\"thing\" + 0.006*\"know\" + 0.005*\"moral\" + 0.005*\"time\" + 0.004*\"believ\"\n", - "2019-01-31 03:18:37,539 : INFO : topic #2 (0.200): 0.012*\"israel\" + 0.010*\"isra\" + 0.009*\"jew\" + 0.007*\"peopl\" + 0.007*\"arab\" + 0.006*\"state\" + 0.005*\"islam\" + 0.005*\"right\" + 0.005*\"think\" + 0.004*\"univers\"\n", - "2019-01-31 03:18:37,542 : INFO : topic #3 (0.200): 0.012*\"imag\" + 0.010*\"graphic\" + 0.009*\"com\" + 0.009*\"file\" + 0.007*\"program\" + 0.006*\"softwar\" + 0.006*\"us\" + 0.005*\"univers\" + 0.005*\"host\" + 0.005*\"mail\"\n", - "2019-01-31 03:18:37,544 : INFO : topic #4 (0.200): 0.018*\"armenian\" + 0.011*\"turkish\" + 0.009*\"peopl\" + 0.006*\"said\" + 0.006*\"space\" + 0.005*\"turkei\" + 0.005*\"armenia\" + 0.005*\"turk\" + 0.005*\"year\" + 0.005*\"know\"\n", - "2019-01-31 03:18:37,544 : INFO : topic diff=0.321527, rho=0.414549\n", - "2019-01-31 03:18:37,546 : INFO : PROGRESS: pass 3, at document #1000/2819\n", - "2019-01-31 03:18:38,269 : INFO : merging changes from 1000 documents into a model of 2819 documents\n", - "2019-01-31 03:18:38,274 : INFO : topic #0 (0.200): 0.012*\"space\" + 0.008*\"com\" + 0.007*\"bike\" + 0.006*\"orbit\" + 0.006*\"nasa\" + 0.006*\"new\" + 0.005*\"univers\" + 0.005*\"year\" + 0.004*\"like\" + 0.004*\"host\"\n", - "2019-01-31 03:18:38,276 : INFO : topic #1 (0.200): 0.011*\"com\" + 0.010*\"god\" + 0.008*\"peopl\" + 0.007*\"like\" + 0.007*\"think\" + 0.006*\"thing\" + 0.006*\"know\" + 0.006*\"moral\" + 0.005*\"time\" + 0.005*\"atheist\"\n", - "2019-01-31 03:18:38,277 : INFO : topic #2 (0.200): 0.012*\"israel\" + 0.011*\"isra\" + 0.008*\"jew\" + 0.007*\"arab\" + 0.007*\"peopl\" + 0.006*\"islam\" + 0.006*\"right\" + 0.005*\"state\" + 0.005*\"think\" + 0.004*\"univers\"\n", - "2019-01-31 03:18:38,279 : INFO : topic #3 (0.200): 0.013*\"imag\" + 0.010*\"file\" + 0.009*\"graphic\" + 0.008*\"com\" + 0.007*\"program\" + 0.006*\"us\" + 0.006*\"univers\" + 0.005*\"host\" + 0.005*\"jpeg\" + 0.005*\"softwar\"\n", - "2019-01-31 03:18:38,281 : INFO : topic #4 (0.200): 0.018*\"armenian\" + 0.010*\"turkish\" + 0.009*\"peopl\" + 0.006*\"said\" + 0.005*\"armenia\" + 0.005*\"space\" + 0.005*\"turk\" + 0.005*\"turkei\" + 0.004*\"year\" + 0.004*\"know\"\n", - "2019-01-31 03:18:38,289 : INFO : topic diff=0.255652, rho=0.382948\n", - "2019-01-31 03:18:38,291 : INFO : PROGRESS: pass 3, at document #2000/2819\n", - "2019-01-31 03:18:39,204 : INFO : merging changes from 1000 documents into a model of 2819 documents\n", - "2019-01-31 03:18:39,209 : INFO : topic #0 (0.200): 0.013*\"space\" + 0.008*\"com\" + 0.007*\"nasa\" + 0.006*\"bike\" + 0.006*\"new\" + 0.006*\"orbit\" + 0.005*\"univers\" + 0.004*\"year\" + 0.004*\"host\" + 0.004*\"nntp\"\n", - "2019-01-31 03:18:39,211 : INFO : topic #1 (0.200): 0.011*\"god\" + 0.010*\"com\" + 0.008*\"peopl\" + 0.007*\"think\" + 0.007*\"like\" + 0.006*\"know\" + 0.006*\"thing\" + 0.005*\"moral\" + 0.005*\"time\" + 0.005*\"believ\"\n", - "2019-01-31 03:18:39,213 : INFO : topic #2 (0.200): 0.012*\"israel\" + 0.011*\"isra\" + 0.008*\"jew\" + 0.007*\"arab\" + 0.007*\"peopl\" + 0.006*\"islam\" + 0.006*\"state\" + 0.006*\"right\" + 0.005*\"think\" + 0.004*\"jewish\"\n", - "2019-01-31 03:18:39,219 : INFO : topic #3 (0.200): 0.014*\"imag\" + 0.009*\"file\" + 0.009*\"graphic\" + 0.008*\"com\" + 0.007*\"program\" + 0.006*\"us\" + 0.006*\"univers\" + 0.006*\"softwar\" + 0.005*\"host\" + 0.005*\"nntp\"\n", - "2019-01-31 03:18:39,220 : INFO : topic #4 (0.200): 0.019*\"armenian\" + 0.011*\"peopl\" + 0.009*\"turkish\" + 0.007*\"said\" + 0.006*\"know\" + 0.005*\"armenia\" + 0.005*\"turk\" + 0.005*\"like\" + 0.004*\"year\" + 0.004*\"turkei\"\n", - "2019-01-31 03:18:39,222 : INFO : topic diff=0.256253, rho=0.382948\n", - "2019-01-31 03:18:40,239 : INFO : -7.754 per-word bound, 215.8 perplexity estimate based on a held-out corpus of 819 documents with 113268 words\n", - "2019-01-31 03:18:40,240 : INFO : PROGRESS: pass 3, at document #2819/2819\n", - "2019-01-31 03:18:40,808 : INFO : merging changes from 819 documents into a model of 2819 documents\n", - "2019-01-31 03:18:40,815 : INFO : topic #0 (0.200): 0.013*\"space\" + 0.008*\"com\" + 0.007*\"bike\" + 0.006*\"nasa\" + 0.006*\"new\" + 0.005*\"orbit\" + 0.005*\"year\" + 0.005*\"univers\" + 0.005*\"launch\" + 0.004*\"like\"\n", - "2019-01-31 03:18:40,822 : INFO : topic #1 (0.200): 0.011*\"com\" + 0.010*\"god\" + 0.008*\"peopl\" + 0.007*\"think\" + 0.007*\"like\" + 0.006*\"thing\" + 0.006*\"know\" + 0.005*\"moral\" + 0.005*\"believ\" + 0.005*\"time\"\n", - "2019-01-31 03:18:40,831 : INFO : topic #2 (0.200): 0.013*\"israel\" + 0.010*\"isra\" + 0.009*\"jew\" + 0.007*\"arab\" + 0.007*\"peopl\" + 0.006*\"state\" + 0.006*\"islam\" + 0.006*\"right\" + 0.005*\"think\" + 0.004*\"war\"\n", - "2019-01-31 03:18:40,835 : INFO : topic #3 (0.200): 0.012*\"imag\" + 0.010*\"graphic\" + 0.009*\"file\" + 0.008*\"com\" + 0.008*\"program\" + 0.006*\"softwar\" + 0.006*\"us\" + 0.006*\"univers\" + 0.005*\"host\" + 0.005*\"mail\"\n", - "2019-01-31 03:18:40,839 : INFO : topic #4 (0.200): 0.019*\"armenian\" + 0.012*\"turkish\" + 0.010*\"peopl\" + 0.007*\"said\" + 0.006*\"turkei\" + 0.005*\"armenia\" + 0.005*\"turk\" + 0.005*\"know\" + 0.004*\"year\" + 0.004*\"like\"\n", - "2019-01-31 03:18:40,841 : INFO : topic diff=0.249832, rho=0.382948\n", - "2019-01-31 03:18:40,846 : INFO : PROGRESS: pass 4, at document #1000/2819\n", - "2019-01-31 03:18:41,534 : INFO : merging changes from 1000 documents into a model of 2819 documents\n", - "2019-01-31 03:18:41,539 : INFO : topic #0 (0.200): 0.013*\"space\" + 0.008*\"com\" + 0.007*\"bike\" + 0.007*\"nasa\" + 0.006*\"orbit\" + 0.005*\"new\" + 0.005*\"year\" + 0.005*\"univers\" + 0.005*\"launch\" + 0.004*\"host\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 03:18:41,542 : INFO : topic #1 (0.200): 0.011*\"com\" + 0.011*\"god\" + 0.008*\"peopl\" + 0.007*\"think\" + 0.007*\"like\" + 0.006*\"thing\" + 0.006*\"know\" + 0.006*\"moral\" + 0.005*\"atheist\" + 0.005*\"time\"\n", - "2019-01-31 03:18:41,543 : INFO : topic #2 (0.200): 0.013*\"israel\" + 0.011*\"isra\" + 0.009*\"jew\" + 0.007*\"arab\" + 0.007*\"peopl\" + 0.006*\"islam\" + 0.006*\"right\" + 0.005*\"state\" + 0.005*\"think\" + 0.004*\"peac\"\n", - "2019-01-31 03:18:41,546 : INFO : topic #3 (0.200): 0.014*\"imag\" + 0.010*\"file\" + 0.010*\"graphic\" + 0.008*\"com\" + 0.008*\"program\" + 0.006*\"us\" + 0.006*\"univers\" + 0.005*\"softwar\" + 0.005*\"host\" + 0.005*\"jpeg\"\n", - "2019-01-31 03:18:41,548 : INFO : topic #4 (0.200): 0.019*\"armenian\" + 0.011*\"turkish\" + 0.010*\"peopl\" + 0.006*\"said\" + 0.006*\"armenia\" + 0.006*\"turk\" + 0.005*\"turkei\" + 0.005*\"know\" + 0.004*\"greek\" + 0.004*\"year\"\n", - "2019-01-31 03:18:41,549 : INFO : topic diff=0.204471, rho=0.357622\n", - "2019-01-31 03:18:41,551 : INFO : PROGRESS: pass 4, at document #2000/2819\n", - "2019-01-31 03:18:42,187 : INFO : merging changes from 1000 documents into a model of 2819 documents\n", - "2019-01-31 03:18:42,191 : INFO : topic #0 (0.200): 0.014*\"space\" + 0.008*\"com\" + 0.008*\"nasa\" + 0.007*\"bike\" + 0.006*\"orbit\" + 0.006*\"new\" + 0.005*\"univers\" + 0.005*\"year\" + 0.004*\"host\" + 0.004*\"nntp\"\n", - "2019-01-31 03:18:42,195 : INFO : topic #1 (0.200): 0.011*\"god\" + 0.010*\"com\" + 0.008*\"peopl\" + 0.007*\"think\" + 0.007*\"like\" + 0.006*\"thing\" + 0.006*\"know\" + 0.005*\"moral\" + 0.005*\"believ\" + 0.005*\"atheist\"\n", - "2019-01-31 03:18:42,197 : INFO : topic #2 (0.200): 0.012*\"israel\" + 0.011*\"isra\" + 0.009*\"jew\" + 0.008*\"arab\" + 0.007*\"peopl\" + 0.006*\"islam\" + 0.006*\"right\" + 0.006*\"state\" + 0.005*\"think\" + 0.004*\"jewish\"\n", - "2019-01-31 03:18:42,199 : INFO : topic #3 (0.200): 0.014*\"imag\" + 0.010*\"file\" + 0.009*\"graphic\" + 0.008*\"program\" + 0.007*\"com\" + 0.006*\"univers\" + 0.006*\"us\" + 0.006*\"softwar\" + 0.005*\"host\" + 0.005*\"need\"\n", - "2019-01-31 03:18:42,201 : INFO : topic #4 (0.200): 0.019*\"armenian\" + 0.011*\"peopl\" + 0.010*\"turkish\" + 0.007*\"said\" + 0.006*\"know\" + 0.006*\"armenia\" + 0.005*\"turk\" + 0.005*\"like\" + 0.005*\"turkei\" + 0.004*\"time\"\n", - "2019-01-31 03:18:42,203 : INFO : topic diff=0.206189, rho=0.357622\n", - "2019-01-31 03:18:43,176 : INFO : -7.735 per-word bound, 213.0 perplexity estimate based on a held-out corpus of 819 documents with 113268 words\n", - "2019-01-31 03:18:43,177 : INFO : PROGRESS: pass 4, at document #2819/2819\n", - "2019-01-31 03:18:43,789 : INFO : merging changes from 819 documents into a model of 2819 documents\n", - "2019-01-31 03:18:43,794 : INFO : topic #0 (0.200): 0.014*\"space\" + 0.008*\"com\" + 0.007*\"bike\" + 0.007*\"nasa\" + 0.005*\"new\" + 0.005*\"orbit\" + 0.005*\"launch\" + 0.005*\"year\" + 0.005*\"univers\" + 0.004*\"like\"\n", - "2019-01-31 03:18:43,795 : INFO : topic #1 (0.200): 0.011*\"god\" + 0.011*\"com\" + 0.008*\"peopl\" + 0.008*\"think\" + 0.007*\"like\" + 0.006*\"thing\" + 0.006*\"know\" + 0.005*\"moral\" + 0.005*\"believ\" + 0.005*\"time\"\n", - "2019-01-31 03:18:43,796 : INFO : topic #2 (0.200): 0.013*\"israel\" + 0.011*\"isra\" + 0.010*\"jew\" + 0.007*\"arab\" + 0.007*\"peopl\" + 0.006*\"state\" + 0.006*\"islam\" + 0.006*\"right\" + 0.005*\"think\" + 0.004*\"jewish\"\n", - "2019-01-31 03:18:43,798 : INFO : topic #3 (0.200): 0.012*\"imag\" + 0.010*\"graphic\" + 0.010*\"file\" + 0.008*\"com\" + 0.008*\"program\" + 0.006*\"softwar\" + 0.006*\"univers\" + 0.006*\"us\" + 0.005*\"mail\" + 0.005*\"host\"\n", - "2019-01-31 03:18:43,799 : INFO : topic #4 (0.200): 0.020*\"armenian\" + 0.012*\"turkish\" + 0.010*\"peopl\" + 0.007*\"said\" + 0.006*\"turkei\" + 0.006*\"armenia\" + 0.006*\"turk\" + 0.005*\"know\" + 0.004*\"greek\" + 0.004*\"year\"\n", - "2019-01-31 03:18:43,801 : INFO : topic diff=0.203499, rho=0.357622\n", - "2019-01-31 03:18:49,095 : INFO : CorpusAccumulator accumulated stats from 1000 documents\n", - "2019-01-31 03:19:05,551 : INFO : Loss: 1.0280021673693736\n", - "2019-01-31 03:19:05,749 : INFO : Loss: 0.9805869534381415\n", - "2019-01-31 03:19:11,783 : INFO : CorpusAccumulator accumulated stats from 1000 documents\n" - ] - } - ], + "outputs": [], "source": [ - "tm_metrics = pd.DataFrame()\n", - "\n", - "train_dense_corpus = matutils.corpus2dense(train_corpus, len(dictionary))\n", - "test_dense_corpus = matutils.corpus2dense(test_corpus, len(dictionary))\n", + "tm_metrics = pd.DataFrame(columns=['model', 'train_time', 'coherence', 'l2_norm', 'f1', 'topics'])\n", "\n", - "trainset_target = [doc['target'] for doc in trainset]\n", - "testset_target = [doc['target'] for doc in testset]\n", + "y_train = [doc['target'] for doc in trainset]\n", + "y_test = [doc['target'] for doc in testset]\n", "\n", "# LDA metrics\n", - "row = dict()\n", + "row = {}\n", "row['model'] = 'lda'\n", - "row['train_time'], lda = get_execution_time(\n", - " lambda: LdaModel(**fixed_params)\n", + "row['train_time'], row['mean_ram'], row['max_ram'], lda = get_train_time_and_ram(\n", + " lambda: LdaModel(\n", + " corpus=train_corpus,\n", + " **fixed_params,\n", + " ),\n", + " 'lda',\n", + " 1,\n", ")\n", - "row.update(get_tm_metrics(\n", - " lda, train_corpus, test_corpus, test_dense_corpus, trainset_target, testset_target,\n", + "row.update(get_metrics(\n", + " lda, test_corpus, train_corpus, y_train, y_test,\n", "))\n", "tm_metrics = tm_metrics.append(pd.Series(row), ignore_index=True)\n", "\n", "# Sklearn NMF metrics\n", - "row = dict()\n", + "row = {}\n", "row['model'] = 'sklearn_nmf'\n", - "sklearn_nmf = SklearnNmf(n_components=5, tol=1e-5, max_iter=int(1e9), random_state=42)\n", - "row['train_time'], sklearn_nmf = get_execution_time(\n", - " lambda: sklearn_nmf.fit((train_dense_corpus / train_dense_corpus.sum(axis=0)).T)\n", + "train_dense_corpus_tfidf = matutils.corpus2dense(train_corpus_tfidf, len(dictionary)).T\n", + "row['train_time'], row['mean_ram'], row['max_ram'], sklearn_nmf = get_train_time_and_ram(\n", + " lambda: SklearnNmf(n_components=5, random_state=42).fit(train_dense_corpus_tfidf),\n", + " 'sklearn_nmf',\n", + " 1,\n", ")\n", - "row.update(get_sklearn_metrics(\n", - " sklearn_nmf, train_dense_corpus, test_dense_corpus, trainset_target, testset_target,\n", + "row.update(get_metrics(\n", + " sklearn_nmf, test_corpus_tfidf, train_corpus_tfidf, y_train, y_test, dictionary,\n", "))\n", "tm_metrics = tm_metrics.append(pd.Series(row), ignore_index=True)\n", "\n", - "row = dict()\n", + "# Gensim NMF metrics\n", + "row = {}\n", "row['model'] = 'gensim_nmf'\n", - "row['train_time'], model = get_execution_time(\n", + "row['train_time'], row['mean_ram'], row['max_ram'], gensim_nmf = get_train_time_and_ram(\n", " lambda: GensimNmf(\n", " normalize=False,\n", + " corpus=train_corpus_tfidf,\n", " **fixed_params\n", - " )\n", + " ),\n", + " 'gensim_nmf',\n", + " 0.5,\n", ")\n", - "row.update(get_tm_metrics(\n", - " model, train_corpus, test_corpus, test_dense_corpus, trainset_target, testset_target,\n", + "row.update(get_metrics(\n", + " gensim_nmf, test_corpus_tfidf, train_corpus_tfidf, y_train, y_test,\n", "))\n", "tm_metrics = tm_metrics.append(pd.Series(row), ignore_index=True)\n", "tm_metrics.replace(np.nan, '-', inplace=True)" @@ -962,12 +978,12 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "## Result table" + "## Benchmark results" ] }, { "cell_type": "code", - "execution_count": 19, + "execution_count": 18, "metadata": {}, "outputs": [ { @@ -991,60 +1007,64 @@ " \n", " \n", " \n", - " coherence\n", - " f1\n", - " l2_norm\n", " model\n", - " perplexity\n", " train_time\n", + " coherence\n", + " l2_norm\n", + " f1\n", + " max_ram\n", + " mean_ram\n", " \n", " \n", " \n", " \n", - " 1\n", + " 0\n", + " lda\n", + " 00:00:08\n", + " -2.1054\n", " -\n", - " 0.696695\n", - " 6.929583\n", + " 0.7511\n", + " 288 MB\n", + " 288 MB\n", + " \n", + " \n", + " 1\n", " sklearn_nmf\n", - " 2404.189918\n", - " 12.541235\n", + " 00:00:02\n", + " -3.1835\n", + " 42.4759\n", + " 0.7900\n", + " 824 MB\n", + " 692 MB\n", " \n", " \n", " 2\n", - " -1.70539\n", - " 0.715352\n", - " 7.061342\n", " gensim_nmf\n", - " 2475.979773\n", - " 0.656207\n", - " \n", - " \n", - " 0\n", - " -1.75565\n", - " 0.765458\n", - " 7.002725\n", - " lda\n", - " 1939.575705\n", - " 16.793869\n", + " 00:00:01\n", + " -4.0459\n", + " 42.5486\n", + " 0.8044\n", + " 427 MB\n", + " 427 MB\n", " \n", " \n", "\n", "" ], "text/plain": [ - " coherence f1 l2_norm model perplexity train_time\n", - "1 - 0.696695 6.929583 sklearn_nmf 2404.189918 12.541235\n", - "2 -1.70539 0.715352 7.061342 gensim_nmf 2475.979773 0.656207\n", - "0 -1.75565 0.765458 7.002725 lda 1939.575705 16.793869" + " model train_time coherence l2_norm f1 max_ram mean_ram\n", + "0 lda 00:00:08 -2.1054 - 0.7511 288 MB 288 MB\n", + "1 sklearn_nmf 00:00:02 -3.1835 42.4759 0.7900 824 MB 692 MB\n", + "2 gensim_nmf 00:00:01 -4.0459 42.5486 0.8044 427 MB 427 MB" ] }, - "execution_count": 19, + "execution_count": 18, "metadata": {}, "output_type": "execute_result" } ], "source": [ - "tm_metrics.sort_values('f1')" + "tm_metrics.drop('topics', axis=1)" ] }, { @@ -1053,47 +1073,1018 @@ "source": [ "### Main insights\n", "\n", - "- Gensim NMF is **ridiculously** fast and leaves LDA and Sklearn far behind in terms of training time\n", - "- Gensim NMF beats sklearn NMF implementation on f1 metric, though not on the l2 norm and perplexity\n", - "- Gensim NMF beats LDA on coherence, but LDA is still better on perplexity and l2 norm" + "- Gensim NMF is **ridiculously fast** and leaves both LDA and Sklearn far behind in terms of training time and quality on downstream task (F1 score), though coherence is the lowest among all models.\n", + "- Gensim NMF beats Sklearn NMF in RAM consumption, but L2 norm is a bit worse.\n", + "- Gensim NMF consumes a bit more RAM than LDA." ] }, { "cell_type": "markdown", "metadata": {}, "source": [ - "## Faces Dataset Decomposition + Gensim NMF\n", - "\n", - "NMF algorithm works not only with texts, but with all kinds of stuff!\n", - "\n", - "Let's compare our model with the other factorization algorithms and check out the results!\n", - "\n", - "To do that we'll patch sklearn's [Faces Dataset Decomposition](https://scikit-learn.org/stable/auto_examples/decomposition/plot_faces_decomposition.html)." + "### Learned topics" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ - "### Sklearn wrapper\n", - "Let's create a wrapper to compare Gensim NMF with the other factorizations on images" + "Let's inspect the 5 topics learned by each of the three models:" ] }, { "cell_type": "code", - "execution_count": 20, - "metadata": { - "lines_to_next_cell": 2 - }, - "outputs": [], - "source": [ - "from sklearn.base import BaseEstimator, TransformerMixin\n", - "import scipy.sparse as sparse\n", - "\n", - "\n", - "class NmfWrapper(BaseEstimator, TransformerMixin):\n", - " def __init__(self, bow_matrix, **kwargs):\n", - " self.corpus = sparse.csc.csc_matrix(bow_matrix)\n", + "execution_count": 19, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "\n", + "lda:\n", + "(0, '0.013*\"space\" + 0.008*\"imag\" + 0.007*\"nasa\" + 0.006*\"graphic\" + 0.006*\"program\" + 0.005*\"launch\" + 0.005*\"file\" + 0.005*\"com\" + 0.005*\"new\" + 0.004*\"orbit\"')\n", + "(1, '0.015*\"com\" + 0.007*\"like\" + 0.007*\"nntp\" + 0.007*\"host\" + 0.006*\"know\" + 0.006*\"univers\" + 0.005*\"henri\" + 0.005*\"work\" + 0.005*\"bit\" + 0.005*\"think\"')\n", + "(2, '0.014*\"armenian\" + 0.011*\"peopl\" + 0.009*\"turkish\" + 0.007*\"jew\" + 0.007*\"said\" + 0.006*\"right\" + 0.005*\"know\" + 0.005*\"kill\" + 0.005*\"isra\" + 0.005*\"turkei\"')\n", + "(3, '0.012*\"com\" + 0.010*\"israel\" + 0.009*\"bike\" + 0.006*\"isra\" + 0.006*\"dod\" + 0.005*\"like\" + 0.005*\"ride\" + 0.005*\"host\" + 0.005*\"nntp\" + 0.005*\"motorcycl\"')\n", + "(4, '0.011*\"god\" + 0.008*\"peopl\" + 0.007*\"think\" + 0.006*\"exist\" + 0.006*\"univers\" + 0.005*\"com\" + 0.005*\"believ\" + 0.005*\"islam\" + 0.005*\"moral\" + 0.005*\"christian\"')\n", + "\n", + "sklearn_nmf:\n", + "(0, '0.027*\"armenian\" + 0.013*\"turkish\" + 0.009*\"armenia\" + 0.009*\"argic\" + 0.009*\"serdar\" + 0.008*\"turk\" + 0.007*\"turkei\" + 0.006*\"genocid\" + 0.006*\"soviet\" + 0.006*\"zuma\"')\n", + "(1, '0.015*\"israel\" + 0.014*\"isra\" + 0.01*\"arab\" + 0.008*\"jew\" + 0.005*\"palestinian\" + 0.005*\"jake\" + 0.005*\"boni\" + 0.004*\"lebanes\" + 0.004*\"peac\" + 0.004*\"adam\"')\n", + "(2, '0.011*\"god\" + 0.01*\"keith\" + 0.01*\"moral\" + 0.006*\"islam\" + 0.006*\"livesei\" + 0.006*\"atheist\" + 0.005*\"atheism\" + 0.005*\"caltech\" + 0.004*\"religion\" + 0.004*\"object\"')\n", + "(3, '0.011*\"space\" + 0.008*\"nasa\" + 0.008*\"henri\" + 0.006*\"orbit\" + 0.005*\"toronto\" + 0.005*\"alaska\" + 0.005*\"launch\" + 0.005*\"moon\" + 0.004*\"gov\" + 0.004*\"access\"')\n", + "(4, '0.005*\"bike\" + 0.005*\"graphic\" + 0.004*\"file\" + 0.004*\"imag\" + 0.003*\"com\" + 0.003*\"ride\" + 0.003*\"thank\" + 0.003*\"program\" + 0.003*\"motorcycl\" + 0.002*\"look\"')\n", + "\n", + "gensim_nmf:\n", + "(0, '0.015*\"israel\" + 0.014*\"isra\" + 0.009*\"arab\" + 0.008*\"jew\" + 0.005*\"palestinian\" + 0.004*\"lebanes\" + 0.004*\"peac\" + 0.004*\"attack\" + 0.004*\"lebanon\" + 0.003*\"polici\"')\n", + "(1, '0.007*\"space\" + 0.005*\"nasa\" + 0.003*\"access\" + 0.003*\"orbit\" + 0.003*\"launch\" + 0.003*\"gov\" + 0.003*\"pat\" + 0.003*\"com\" + 0.002*\"alaska\" + 0.002*\"moon\"')\n", + "(2, '0.023*\"armenian\" + 0.012*\"turkish\" + 0.008*\"armenia\" + 0.007*\"argic\" + 0.007*\"turk\" + 0.007*\"serdar\" + 0.006*\"turkei\" + 0.005*\"greek\" + 0.005*\"genocid\" + 0.005*\"soviet\"')\n", + "(3, '0.017*\"moral\" + 0.016*\"keith\" + 0.008*\"object\" + 0.007*\"caltech\" + 0.006*\"schneider\" + 0.006*\"allan\" + 0.006*\"cco\" + 0.004*\"anim\" + 0.004*\"natur\" + 0.004*\"goal\"')\n", + "(4, '0.012*\"god\" + 0.011*\"islam\" + 0.006*\"jaeger\" + 0.005*\"sgi\" + 0.005*\"livesei\" + 0.005*\"muslim\" + 0.005*\"atheist\" + 0.005*\"religion\" + 0.005*\"atheism\" + 0.004*\"rushdi\"')\n" + ] + } + ], + "source": [ + "def compare_topics(tm_metrics):\n", + " for _, row in tm_metrics.iterrows():\n", + " print('\\n{}:'.format(row.model))\n", + " print(\"\\n\".join(str(topic) for topic in row.topics))\n", + " \n", + "compare_topics(tm_metrics)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Subjectively, Gensim and Sklearn NMFs are on par with each other, LDA looks a bit worse." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# 4. NMF on English Wikipedia" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "This section shows how to train an NMF model on a large text corpus, the entire English Wikipedia: **2.6 billion words, in 23.1 million article sections across 5 million Wikipedia articles**.\n", + "\n", + "The data preprocessing takes a while, and we'll be comparing multiple models, so **reserve about FIXME hours** and some **20 GB of disk space** to go through the following notebook cells in full. You'll need `gensim>=3.7.1`, `numpy`, `tqdm`, `pandas`, `psutils`, `joblib` and `sklearn`." + ] + }, + { + "cell_type": "code", + "execution_count": 20, + "metadata": {}, + "outputs": [], + "source": [ + "# Re-import modules from scratch, so that this Section doesn't rely on any previous cells.\n", + "import itertools\n", + "import json\n", + "import logging\n", + "import time\n", + "import os\n", + "\n", + "from smart_open import smart_open\n", + "import psutil\n", + "import numpy as np\n", + "import scipy.sparse\n", + "from contextlib import contextmanager, contextmanager, contextmanager\n", + "from multiprocessing import Process\n", + "from tqdm import tqdm, tqdm_notebook\n", + "import joblib\n", + "import pandas as pd\n", + "from sklearn.decomposition.nmf import NMF as SklearnNmf\n", + "\n", + "import gensim.downloader\n", + "from gensim import matutils\n", + "from gensim.corpora import MmCorpus, Dictionary\n", + "from gensim.models import LdaModel, LdaMulticore, CoherenceModel\n", + "from gensim.models.nmf import Nmf as GensimNmf\n", + "from gensim.utils import simple_preprocess\n", + "\n", + "tqdm.pandas()\n", + "\n", + "logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Load the Wikipedia dump" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We'll use the [gensim.downloader](https://github.com/RaRe-Technologies/gensim-data) to download a parsed Wikipedia dump (6.1 GB disk space):" + ] + }, + { + "cell_type": "code", + "execution_count": 21, + "metadata": {}, + "outputs": [], + "source": [ + "data = gensim.downloader.load(\"wiki-english-20171001\")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Print the titles and sections of the first Wikipedia article, as a little sanity check:" + ] + }, + { + "cell_type": "code", + "execution_count": 22, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Article: 'Anarchism'\n", + "\n", + "Section title: 'Introduction'\n", + "Section text: '''Anarchism''' is a political philosophy that advocates self-governed societies based on volun…\n", + "\n", + "Section title: 'Etymology and terminology'\n", + "Section text: The word ''anarchism'' is composed from the word ''anarchy'' and the suffix ''-ism'', themselves d…\n", + "\n", + "Section title: 'History'\n", + "Section text: ===Origins=== Woodcut from a Diggers document by William Everard The earliest anarchist themes ca…\n", + "\n", + "Section title: 'Anarchist schools of thought'\n", + "Section text: Portrait of philosopher Pierre-Joseph Proudhon (1809–1865) by Gustave Courbet. Proudhon was the pri…\n", + "\n", + "Section title: 'Internal issues and debates'\n", + "Section text: consistent with anarchist values is a controversial subject among anarchists. Anarchism is a philo…\n", + "\n", + "Section title: 'Topics of interest'\n", + "Section text: Intersecting and overlapping between various schools of thought, certain topics of interest and inte…\n", + "\n", + "Section title: 'Criticisms'\n", + "Section text: Criticisms of anarchism include moral criticisms and pragmatic criticisms. Anarchism is often evalu…\n", + "\n", + "Section title: 'See also'\n", + "Section text: * Anarchism by country…\n", + "\n", + "Section title: 'References'\n", + "Section text: …\n", + "\n", + "Section title: 'Further reading'\n", + "Section text: * Barclay, Harold, ''People Without Government: An Anthropology of Anarchy'' (2nd ed.), Left Bank Bo…\n", + "\n", + "Section title: 'External links'\n", + "Section text: * *…\n", + "\n" + ] + } + ], + "source": [ + "data = gensim.downloader.load(\"wiki-english-20171001\")\n", + "article = next(iter(data))\n", + "\n", + "print(\"Article: %r\\n\" % article['title'])\n", + "for section_title, section_text in zip(article['section_titles'], article['section_texts']):\n", + " print(\"Section title: %r\" % section_title)\n", + " print(\"Section text: %s…\\n\" % section_text[:100].replace('\\n', ' ').strip())" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Let's create a Python generator function that streams through the downloaded Wikipedia dump and preprocesses (tokenizes, lower-cases) each article:" + ] + }, + { + "cell_type": "code", + "execution_count": 23, + "metadata": {}, + "outputs": [], + "source": [ + "def wikidump2tokens(articles):\n", + " \"\"\"Stream through the Wikipedia dump, yielding a list of tokens for each article.\"\"\"\n", + " for article in articles:\n", + " article_section_texts = [\n", + " \" \".join([title, text])\n", + " for title, text\n", + " in zip(article['section_titles'], article['section_texts'])\n", + " ]\n", + " article_tokens = simple_preprocess(\" \".join(article_section_texts))\n", + " yield article_tokens" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Create a word-to-id mapping, in order to vectorize texts. Makes a full pass over the Wikipedia corpus, takes **~3.5 hours**:" + ] + }, + { + "cell_type": "code", + "execution_count": 24, + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-03-04 01:54:48,345 : INFO : loading Dictionary object from wiki.dict\n", + "2019-03-04 01:54:48,371 : INFO : loaded wiki.dict\n" + ] + } + ], + "source": [ + "if os.path.exists('wiki.dict'):\n", + " # If we already stored the Dictionary in a previous run, simply load it, to save time.\n", + " dictionary = Dictionary.load('wiki.dict')\n", + "else:\n", + " dictionary = Dictionary(wikidump2tokens(data))\n", + " # Keep only the 30,000 most frequent vocabulary terms, after filtering away terms\n", + " # that are too frequent/too infrequent.\n", + " dictionary.filter_extremes(no_below=5, no_above=0.5, keep_n=30000)\n", + " dictionary.save('wiki.dict')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Store preprocessed Wikipedia as bag-of-words sparse matrix in MatrixMarket format" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "When training NMF with a single pass over the input corpus (\"online\"), we simply vectorize each raw text straight from the input storage:" + ] + }, + { + "cell_type": "code", + "execution_count": 25, + "metadata": {}, + "outputs": [], + "source": [ + "vector_stream = (dictionary.doc2bow(article) for article in wikidump2tokens(data))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "For the purposes of this tutorial though, we'll serialize (\"cache\") the vectorized bag-of-words vectors to disk, to `wiki.mm` file in MatrixMarket format. The reason is, we'll be re-using the vectorized articles multiple times, for different models for our benchmarks, and also shuffling them, so it makes sense to amortize the vectorization time by persisting the resulting vectors to disk." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "So, let's stream through the preprocessed sparse Wikipedia bag-of-words matrix while storing it to disk. **This step takes about 3 hours** and needs **38 GB of disk space**:" + ] + }, + { + "cell_type": "code", + "execution_count": 26, + "metadata": {}, + "outputs": [], + "source": [ + "class RandomSplitCorpus(MmCorpus):\n", + " \"\"\"\n", + " Use the fact that MmCorpus supports random indexing, and create a streamed\n", + " corpus in shuffled order, including a train/test split for evaluation.\n", + " \"\"\"\n", + " def __init__(self, random_seed=42, testset=False, testsize=1000, *args, **kwargs):\n", + " super().__init__(*args, **kwargs)\n", + "\n", + " random_state = np.random.RandomState(random_seed)\n", + " \n", + " self.indices = random_state.permutation(range(self.num_docs))\n", + " test_nnz = sum(len(self[doc_idx]) for doc_idx in self.indices[:testsize])\n", + " \n", + " if testset:\n", + " self.indices = self.indices[:testsize]\n", + " self.num_docs = testsize\n", + " self.num_nnz = test_nnz\n", + " else:\n", + " self.indices = self.indices[testsize:]\n", + " self.num_docs -= testsize\n", + " self.num_nnz -= test_nnz\n", + "\n", + " def __iter__(self):\n", + " for doc_id in self.indices:\n", + " yield self[doc_id]" + ] + }, + { + "cell_type": "code", + "execution_count": 27, + "metadata": { + "scrolled": true + }, + "outputs": [], + "source": [ + "if not os.path.exists('wiki.mm'):\n", + " MmCorpus.serialize('wiki.mm', vector_stream, progress_cnt=100000)\n", + "\n", + "if not os.path.exists('wiki_tfidf.mm'):\n", + " MmCorpus.serialize('wiki_tfidf.mm', tfidf[MmCorpus('wiki.mm')], progress_cnt=100000)" + ] + }, + { + "cell_type": "code", + "execution_count": 28, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-03-04 01:54:48,955 : INFO : loaded corpus index from wiki.mm.index\n", + "2019-03-04 01:54:48,955 : INFO : initializing cython corpus reader from wiki.mm\n", + "2019-03-04 01:54:48,957 : INFO : accepted corpus with 4924894 documents, 30000 features, 820242695 non-zero entries\n", + "2019-03-04 01:54:53,977 : INFO : loaded corpus index from wiki.mm.index\n", + "2019-03-04 01:54:53,979 : INFO : initializing cython corpus reader from wiki.mm\n", + "2019-03-04 01:54:53,981 : INFO : accepted corpus with 4924894 documents, 30000 features, 820242695 non-zero entries\n", + "2019-03-04 01:54:59,407 : INFO : loaded corpus index from wiki_tfidf.mm.index\n", + "2019-03-04 01:54:59,407 : INFO : initializing cython corpus reader from wiki_tfidf.mm\n", + "2019-03-04 01:54:59,408 : INFO : accepted corpus with 4924661 documents, 30000 features, 820007548 non-zero entries\n", + "2019-03-04 01:55:02,179 : INFO : loaded corpus index from wiki_tfidf.mm.index\n", + "2019-03-04 01:55:02,179 : INFO : initializing cython corpus reader from wiki_tfidf.mm\n", + "2019-03-04 01:55:02,180 : INFO : accepted corpus with 4924661 documents, 30000 features, 820007548 non-zero entries\n" + ] + } + ], + "source": [ + "# Load back the vectors as two lazily-streamed train/test iterables.\n", + "train_corpus = RandomSplitCorpus(\n", + " random_seed=42, testset=False, testsize=10000, fname='wiki.mm',\n", + ")\n", + "test_corpus = RandomSplitCorpus(\n", + " random_seed=42, testset=True, testsize=10000, fname='wiki.mm',\n", + ")\n", + "\n", + "train_corpus_tfidf = RandomSplitCorpus(\n", + " random_seed=42, testset=False, testsize=10000, fname='wiki_tfidf.mm',\n", + ")\n", + "test_corpus_tfidf = RandomSplitCorpus(\n", + " random_seed=42, testset=True, testsize=10000, fname='wiki_tfidf.mm',\n", + ")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Save preprocessed Wikipedia in scipy.sparse format" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "This is only needed to run the Sklearn NMF on Wikipedia, for comparison in the benchmarks below. Sklearn expects in-memory scipy sparse input, not on-the-fly vector streams. Needs additional ~2 GB of disk space.\n", + "\n", + "\n", + "**Skip this step if you don't need the Sklearn's NMF benchmark, and only want to run Gensim's NMF.**" + ] + }, + { + "cell_type": "code", + "execution_count": 29, + "metadata": {}, + "outputs": [], + "source": [ + "if not os.path.exists('wiki_train_csr.npz'):\n", + " scipy.sparse.save_npz(\n", + " 'wiki_train_csr.npz',\n", + " matutils.corpus2csc(train_corpus_tfidf, len(dictionary)).T,\n", + " )" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Metrics\n", + "\n", + "We'll track these metrics as we train and test NMF on the Wikipedia corpus we created above:\n", + "- `train time` - time to train a model\n", + "- `mean_ram` - mean RAM consumption during training\n", + "- `max_ram` - maximum RAM consumption during training\n", + "- `train time` - time to train a model.\n", + "- `coherence` - coherence score (larger is better).\n", + "- `l2_norm` - L2 norm of `v - Wh` (less is better, not defined for LDA)." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Define a dataframe in which we'll store the recorded metrics:" + ] + }, + { + "cell_type": "code", + "execution_count": 30, + "metadata": {}, + "outputs": [], + "source": [ + "tm_metrics = pd.DataFrame(columns=[\n", + " 'model', 'train_time', 'mean_ram', 'max_ram', 'coherence', 'l2_norm', 'topics',\n", + "])" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Define common parameters, to be shared by all evaluated models:" + ] + }, + { + "cell_type": "code", + "execution_count": 31, + "metadata": {}, + "outputs": [], + "source": [ + "params = dict(\n", + " chunksize=2000,\n", + " num_topics=50,\n", + " id2word=dictionary,\n", + " passes=1,\n", + " eval_every=10,\n", + " minimum_probability=0,\n", + " random_state=42,\n", + ")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Wikipedia training" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Train Gensim NMF model and record its metrics" + ] + }, + { + "cell_type": "code", + "execution_count": 32, + "metadata": { + "scrolled": true + }, + "outputs": [], + "source": [ + "row = {}\n", + "row['model'] = 'gensim_nmf'\n", + "row['train_time'], row['mean_ram'], row['max_ram'], nmf = get_train_time_and_ram(\n", + " lambda: GensimNmf(normalize=False, corpus=train_corpus_tfidf, **params),\n", + " 'gensim_nmf',\n", + " 1,\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": 33, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-03-04 02:22:13,520 : INFO : saving Nmf object under gensim_nmf.model, separately None\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'max_ram': '797 MB', 'train_time': Timedelta('0 days 00:27:09'), 'model': 'gensim_nmf', 'mean_ram': '794 MB'}\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-03-04 02:22:13,853 : INFO : saved gensim_nmf.model\n" + ] + } + ], + "source": [ + "print(row)\n", + "nmf.save('gensim_nmf.model')" + ] + }, + { + "cell_type": "code", + "execution_count": 34, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-03-04 02:22:13,859 : INFO : loading Nmf object from gensim_nmf.model\n", + "2019-03-04 02:22:13,987 : INFO : loading id2word recursively from gensim_nmf.model.id2word.* with mmap=None\n", + "2019-03-04 02:22:13,988 : INFO : loaded gensim_nmf.model\n", + "2019-03-04 02:23:40,723 : INFO : CorpusAccumulator accumulated stats from 1000 documents\n", + "2019-03-04 02:23:40,869 : INFO : CorpusAccumulator accumulated stats from 2000 documents\n", + "2019-03-04 02:23:41,020 : INFO : CorpusAccumulator accumulated stats from 3000 documents\n", + "2019-03-04 02:23:41,169 : INFO : CorpusAccumulator accumulated stats from 4000 documents\n", + "2019-03-04 02:23:41,322 : INFO : CorpusAccumulator accumulated stats from 5000 documents\n", + "2019-03-04 02:23:41,473 : INFO : CorpusAccumulator accumulated stats from 6000 documents\n", + "2019-03-04 02:23:41,620 : INFO : CorpusAccumulator accumulated stats from 7000 documents\n", + "2019-03-04 02:23:41,764 : INFO : CorpusAccumulator accumulated stats from 8000 documents\n", + "2019-03-04 02:23:41,917 : INFO : CorpusAccumulator accumulated stats from 9000 documents\n", + "2019-03-04 02:23:42,068 : INFO : CorpusAccumulator accumulated stats from 10000 documents\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'topics': [(21, '0.009*\"his\" + 0.005*\"that\" + 0.005*\"him\" + 0.004*\"had\" + 0.003*\"they\" + 0.003*\"who\" + 0.003*\"her\" + 0.003*\"but\" + 0.003*\"king\" + 0.003*\"were\"'), (39, '0.005*\"are\" + 0.005*\"or\" + 0.004*\"be\" + 0.004*\"that\" + 0.003*\"can\" + 0.003*\"used\" + 0.003*\"this\" + 0.002*\"have\" + 0.002*\"such\" + 0.002*\"which\"'), (45, '0.091*\"apelor\" + 0.086*\"bucurești\" + 0.051*\"river\" + 0.046*\"cadastrul\" + 0.045*\"hidrologie\" + 0.045*\"meteorologie\" + 0.045*\"institutul\" + 0.045*\"române\" + 0.045*\"româniei\" + 0.045*\"rîurile\"'), (28, '0.066*\"gmina\" + 0.065*\"poland\" + 0.065*\"voivodeship\" + 0.046*\"village\" + 0.045*\"administrative\" + 0.042*\"lies\" + 0.037*\"approximately\" + 0.036*\"east\" + 0.031*\"west\" + 0.030*\"county\"'), (34, '0.087*\"romanized\" + 0.085*\"iran\" + 0.067*\"province\" + 0.067*\"rural\" + 0.066*\"census\" + 0.060*\"families\" + 0.054*\"village\" + 0.049*\"county\" + 0.047*\"population\" + 0.042*\"district\"')], 'mean_ram': '794 MB', 'l2_norm': 94.9842, 'model': 'gensim_nmf', 'max_ram': '797 MB', 'f1': None, 'train_time': Timedelta('0 days 00:27:09'), 'coherence': -2.1426}\n" + ] + } + ], + "source": [ + "nmf = GensimNmf.load('gensim_nmf.model')\n", + "row.update(get_metrics(nmf, test_corpus_tfidf))\n", + "print(row)\n", + "tm_metrics = tm_metrics.append(pd.Series(row), ignore_index=True)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Train Gensim LDA and record its metrics" + ] + }, + { + "cell_type": "code", + "execution_count": 35, + "metadata": { + "scrolled": true + }, + "outputs": [], + "source": [ + "row = {}\n", + "row['model'] = 'lda'\n", + "row['train_time'], row['mean_ram'], row['max_ram'], lda = get_train_time_and_ram(\n", + " lambda: LdaModel(corpus=train_corpus, **params),\n", + " 'lda',\n", + " 1,\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": 36, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-03-04 03:42:49,794 : INFO : saving LdaState object under lda.model.state, separately None\n", + "2019-03-04 03:42:49,831 : INFO : saved lda.model.state\n", + "2019-03-04 03:42:49,856 : INFO : saving LdaModel object under lda.model, separately ['expElogbeta', 'sstats']\n", + "2019-03-04 03:42:49,857 : INFO : not storing attribute state\n", + "2019-03-04 03:42:49,858 : INFO : not storing attribute id2word\n", + "2019-03-04 03:42:49,858 : INFO : not storing attribute dispatcher\n", + "2019-03-04 03:42:49,859 : INFO : storing np array 'expElogbeta' to lda.model.expElogbeta.npy\n", + "2019-03-04 03:42:49,865 : INFO : saved lda.model\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'max_ram': '857 MB', 'train_time': Timedelta('0 days 01:19:07'), 'model': 'lda', 'mean_ram': '856 MB'}\n" + ] + } + ], + "source": [ + "print(row)\n", + "lda.save('lda.model')" + ] + }, + { + "cell_type": "code", + "execution_count": 37, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-03-04 03:42:49,870 : INFO : loading LdaModel object from lda.model\n", + "2019-03-04 03:42:49,871 : INFO : loading expElogbeta from lda.model.expElogbeta.npy with mmap=None\n", + "2019-03-04 03:42:49,873 : INFO : setting ignored attribute state to None\n", + "2019-03-04 03:42:49,874 : INFO : setting ignored attribute id2word to None\n", + "2019-03-04 03:42:49,874 : INFO : setting ignored attribute dispatcher to None\n", + "2019-03-04 03:42:49,874 : INFO : loaded lda.model\n", + "2019-03-04 03:42:49,875 : INFO : loading LdaState object from lda.model.state\n", + "2019-03-04 03:42:49,907 : INFO : loaded lda.model.state\n", + "2019-03-04 03:43:08,439 : INFO : CorpusAccumulator accumulated stats from 1000 documents\n", + "2019-03-04 03:43:08,563 : INFO : CorpusAccumulator accumulated stats from 2000 documents\n", + "2019-03-04 03:43:08,692 : INFO : CorpusAccumulator accumulated stats from 3000 documents\n", + "2019-03-04 03:43:08,812 : INFO : CorpusAccumulator accumulated stats from 4000 documents\n", + "2019-03-04 03:43:08,950 : INFO : CorpusAccumulator accumulated stats from 5000 documents\n", + "2019-03-04 03:43:09,076 : INFO : CorpusAccumulator accumulated stats from 6000 documents\n", + "2019-03-04 03:43:09,203 : INFO : CorpusAccumulator accumulated stats from 7000 documents\n", + "2019-03-04 03:43:09,330 : INFO : CorpusAccumulator accumulated stats from 8000 documents\n", + "2019-03-04 03:43:09,455 : INFO : CorpusAccumulator accumulated stats from 9000 documents\n", + "2019-03-04 03:43:09,586 : INFO : CorpusAccumulator accumulated stats from 10000 documents\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'topics': [(11, '0.066*\"de\" + 0.034*\"art\" + 0.030*\"french\" + 0.028*\"la\" + 0.022*\"france\" + 0.019*\"paris\" + 0.017*\"le\" + 0.016*\"museum\" + 0.013*\"van\" + 0.013*\"saint\"'), (45, '0.033*\"new\" + 0.027*\"states\" + 0.025*\"united\" + 0.023*\"york\" + 0.023*\"american\" + 0.023*\"county\" + 0.021*\"state\" + 0.017*\"city\" + 0.014*\"california\" + 0.012*\"washington\"'), (40, '0.028*\"radio\" + 0.025*\"show\" + 0.021*\"tv\" + 0.020*\"television\" + 0.016*\"news\" + 0.015*\"station\" + 0.014*\"channel\" + 0.012*\"fm\" + 0.012*\"network\" + 0.011*\"media\"'), (28, '0.064*\"university\" + 0.018*\"research\" + 0.015*\"college\" + 0.014*\"institute\" + 0.013*\"science\" + 0.011*\"professor\" + 0.010*\"has\" + 0.010*\"international\" + 0.009*\"national\" + 0.009*\"society\"'), (20, '0.179*\"he\" + 0.123*\"his\" + 0.015*\"born\" + 0.014*\"after\" + 0.013*\"him\" + 0.011*\"who\" + 0.011*\"career\" + 0.010*\"had\" + 0.010*\"later\" + 0.009*\"where\"')], 'mean_ram': '856 MB', 'l2_norm': None, 'model': 'lda', 'max_ram': '857 MB', 'f1': None, 'train_time': Timedelta('0 days 01:19:07'), 'coherence': -1.7641}\n" + ] + } + ], + "source": [ + "lda = LdaModel.load('lda.model')\n", + "row.update(get_metrics(lda, test_corpus))\n", + "print(row)\n", + "tm_metrics = tm_metrics.append(pd.Series(row), ignore_index=True)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Train Sklearn NMF and record its metrics" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "**Careful!** Sklearn loads the entire input Wikipedia matrix into RAM. Even though the matrix is sparse, **you'll need FIXME GB of free RAM to run the cell below**." + ] + }, + { + "cell_type": "code", + "execution_count": 38, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'max_ram': '17940 MB', 'train_time': Timedelta('0 days 00:52:59'), 'model': 'sklearn_nmf', 'mean_ram': '12849 MB'}\n" + ] + }, + { + "data": { + "text/plain": [ + "['sklearn_nmf.joblib']" + ] + }, + "execution_count": 38, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "row = {}\n", + "row['model'] = 'sklearn_nmf'\n", + "sklearn_nmf = SklearnNmf(n_components=50, tol=1e-2, random_state=42)\n", + "row['train_time'], row['mean_ram'], row['max_ram'], sklearn_nmf = get_train_time_and_ram(\n", + " lambda: sklearn_nmf.fit(scipy.sparse.load_npz('wiki_train_csr.npz')),\n", + " 'sklearn_nmf',\n", + " 10,\n", + ")\n", + "print(row)\n", + "joblib.dump(sklearn_nmf, 'sklearn_nmf.joblib')" + ] + }, + { + "cell_type": "code", + "execution_count": 39, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-03-04 04:36:41,156 : INFO : CorpusAccumulator accumulated stats from 1000 documents\n", + "2019-03-04 04:36:41,302 : INFO : CorpusAccumulator accumulated stats from 2000 documents\n", + "2019-03-04 04:36:41,456 : INFO : CorpusAccumulator accumulated stats from 3000 documents\n", + "2019-03-04 04:36:41,606 : INFO : CorpusAccumulator accumulated stats from 4000 documents\n", + "2019-03-04 04:36:41,762 : INFO : CorpusAccumulator accumulated stats from 5000 documents\n", + "2019-03-04 04:36:41,915 : INFO : CorpusAccumulator accumulated stats from 6000 documents\n", + "2019-03-04 04:36:42,064 : INFO : CorpusAccumulator accumulated stats from 7000 documents\n", + "2019-03-04 04:36:42,207 : INFO : CorpusAccumulator accumulated stats from 8000 documents\n", + "2019-03-04 04:36:42,359 : INFO : CorpusAccumulator accumulated stats from 9000 documents\n", + "2019-03-04 04:36:42,517 : INFO : CorpusAccumulator accumulated stats from 10000 documents\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'topics': [(0, '0.067*\"gmina\" + 0.067*\"poland\" + 0.066*\"voivodeship\" + 0.047*\"administrative\" + 0.043*\"lies\" + 0.038*\"approximately\" + 0.037*\"east\" + 0.032*\"west\" + 0.031*\"county\" + 0.03*\"regional\"'), (1, '0.098*\"district\" + 0.077*\"romanized\" + 0.075*\"iran\" + 0.071*\"rural\" + 0.062*\"census\" + 0.061*\"province\" + 0.054*\"families\" + 0.048*\"population\" + 0.043*\"county\" + 0.031*\"village\"'), (2, '0.095*\"apelor\" + 0.09*\"bucurești\" + 0.047*\"cadastrul\" + 0.047*\"hidrologie\" + 0.047*\"meteorologie\" + 0.047*\"institutul\" + 0.047*\"române\" + 0.047*\"româniei\" + 0.047*\"rîurile\" + 0.046*\"river\"'), (3, '0.097*\"commune\" + 0.05*\"department\" + 0.045*\"communes\" + 0.03*\"insee\" + 0.029*\"france\" + 0.018*\"population\" + 0.015*\"saint\" + 0.014*\"region\" + 0.01*\"town\" + 0.01*\"french\"'), (4, '0.148*\"township\" + 0.05*\"county\" + 0.018*\"townships\" + 0.018*\"unincorporated\" + 0.015*\"community\" + 0.011*\"indiana\" + 0.01*\"census\" + 0.01*\"creek\" + 0.009*\"pennsylvania\" + 0.009*\"illinois\"')], 'mean_ram': '12849 MB', 'l2_norm': 94.8459, 'model': 'sklearn_nmf', 'max_ram': '17940 MB', 'f1': None, 'train_time': Timedelta('0 days 00:52:59'), 'coherence': -2.0476}\n" + ] + } + ], + "source": [ + "sklearn_nmf = joblib.load('sklearn_nmf.joblib')\n", + "row.update(get_metrics(\n", + " sklearn_nmf, test_corpus_tfidf, dictionary=dictionary,\n", + "))\n", + "print(row)\n", + "tm_metrics = tm_metrics.append(pd.Series(row), ignore_index=True)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Wikipedia results" + ] + }, + { + "cell_type": "code", + "execution_count": 40, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
modeltrain_timemean_rammax_ramcoherencel2_norm
0gensim_nmf00:27:09794 MB797 MB-2.142694.9842
1lda01:19:07856 MB857 MB-1.7641-
2sklearn_nmf00:52:5912849 MB17940 MB-2.047694.8459
\n", + "
" + ], + "text/plain": [ + " model train_time mean_ram max_ram coherence l2_norm\n", + "0 gensim_nmf 00:27:09 794 MB 797 MB -2.1426 94.9842\n", + "1 lda 01:19:07 856 MB 857 MB -1.7641 -\n", + "2 sklearn_nmf 00:52:59 12849 MB 17940 MB -2.0476 94.8459" + ] + }, + "execution_count": 40, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "tm_metrics.replace(np.nan, '-', inplace=True)\n", + "tm_metrics.drop(['topics', 'f1'], axis=1)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Insights\n", + "\n", + "Gensim's online NMF outperforms Sklearn's NMF in terms of speed and RAM consumption:\n", + "\n", + "- **2x** faster.\n", + "\n", + "- Uses **~20x** less memory.\n", + "\n", + " About **8GB** of Sklearn's RAM comes from the in-memory input matrices, which, in contrast to Gensim NMF, cannot be streamed iteratively. But even if we forget about the huge input size, Sklearn NMF uses about **2-8 GB** of RAM – significantly more than Gensim NMF or LDA.\n", + "\n", + "- L2 norm and coherence are a bit worse.\n", + "\n", + "Compared to Gensim's LDA, Gensim NMF also gives superior results:\n", + "\n", + "- **3x** faster\n", + "- Coherence is worse than LDA's though." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Learned Wikipedia topics" + ] + }, + { + "cell_type": "code", + "execution_count": 41, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "\n", + "gensim_nmf:\n", + "(21, '0.009*\"his\" + 0.005*\"that\" + 0.005*\"him\" + 0.004*\"had\" + 0.003*\"they\" + 0.003*\"who\" + 0.003*\"her\" + 0.003*\"but\" + 0.003*\"king\" + 0.003*\"were\"')\n", + "(39, '0.005*\"are\" + 0.005*\"or\" + 0.004*\"be\" + 0.004*\"that\" + 0.003*\"can\" + 0.003*\"used\" + 0.003*\"this\" + 0.002*\"have\" + 0.002*\"such\" + 0.002*\"which\"')\n", + "(45, '0.091*\"apelor\" + 0.086*\"bucurești\" + 0.051*\"river\" + 0.046*\"cadastrul\" + 0.045*\"hidrologie\" + 0.045*\"meteorologie\" + 0.045*\"institutul\" + 0.045*\"române\" + 0.045*\"româniei\" + 0.045*\"rîurile\"')\n", + "(28, '0.066*\"gmina\" + 0.065*\"poland\" + 0.065*\"voivodeship\" + 0.046*\"village\" + 0.045*\"administrative\" + 0.042*\"lies\" + 0.037*\"approximately\" + 0.036*\"east\" + 0.031*\"west\" + 0.030*\"county\"')\n", + "(34, '0.087*\"romanized\" + 0.085*\"iran\" + 0.067*\"province\" + 0.067*\"rural\" + 0.066*\"census\" + 0.060*\"families\" + 0.054*\"village\" + 0.049*\"county\" + 0.047*\"population\" + 0.042*\"district\"')\n", + "\n", + "lda:\n", + "(11, '0.066*\"de\" + 0.034*\"art\" + 0.030*\"french\" + 0.028*\"la\" + 0.022*\"france\" + 0.019*\"paris\" + 0.017*\"le\" + 0.016*\"museum\" + 0.013*\"van\" + 0.013*\"saint\"')\n", + "(45, '0.033*\"new\" + 0.027*\"states\" + 0.025*\"united\" + 0.023*\"york\" + 0.023*\"american\" + 0.023*\"county\" + 0.021*\"state\" + 0.017*\"city\" + 0.014*\"california\" + 0.012*\"washington\"')\n", + "(40, '0.028*\"radio\" + 0.025*\"show\" + 0.021*\"tv\" + 0.020*\"television\" + 0.016*\"news\" + 0.015*\"station\" + 0.014*\"channel\" + 0.012*\"fm\" + 0.012*\"network\" + 0.011*\"media\"')\n", + "(28, '0.064*\"university\" + 0.018*\"research\" + 0.015*\"college\" + 0.014*\"institute\" + 0.013*\"science\" + 0.011*\"professor\" + 0.010*\"has\" + 0.010*\"international\" + 0.009*\"national\" + 0.009*\"society\"')\n", + "(20, '0.179*\"he\" + 0.123*\"his\" + 0.015*\"born\" + 0.014*\"after\" + 0.013*\"him\" + 0.011*\"who\" + 0.011*\"career\" + 0.010*\"had\" + 0.010*\"later\" + 0.009*\"where\"')\n", + "\n", + "sklearn_nmf:\n", + "(0, '0.067*\"gmina\" + 0.067*\"poland\" + 0.066*\"voivodeship\" + 0.047*\"administrative\" + 0.043*\"lies\" + 0.038*\"approximately\" + 0.037*\"east\" + 0.032*\"west\" + 0.031*\"county\" + 0.03*\"regional\"')\n", + "(1, '0.098*\"district\" + 0.077*\"romanized\" + 0.075*\"iran\" + 0.071*\"rural\" + 0.062*\"census\" + 0.061*\"province\" + 0.054*\"families\" + 0.048*\"population\" + 0.043*\"county\" + 0.031*\"village\"')\n", + "(2, '0.095*\"apelor\" + 0.09*\"bucurești\" + 0.047*\"cadastrul\" + 0.047*\"hidrologie\" + 0.047*\"meteorologie\" + 0.047*\"institutul\" + 0.047*\"române\" + 0.047*\"româniei\" + 0.047*\"rîurile\" + 0.046*\"river\"')\n", + "(3, '0.097*\"commune\" + 0.05*\"department\" + 0.045*\"communes\" + 0.03*\"insee\" + 0.029*\"france\" + 0.018*\"population\" + 0.015*\"saint\" + 0.014*\"region\" + 0.01*\"town\" + 0.01*\"french\"')\n", + "(4, '0.148*\"township\" + 0.05*\"county\" + 0.018*\"townships\" + 0.018*\"unincorporated\" + 0.015*\"community\" + 0.011*\"indiana\" + 0.01*\"census\" + 0.01*\"creek\" + 0.009*\"pennsylvania\" + 0.009*\"illinois\"')\n" + ] + } + ], + "source": [ + "def compare_topics(tm_metrics):\n", + " for _, row in tm_metrics.iterrows():\n", + " print('\\n{}:'.format(row.model))\n", + " print(\"\\n\".join(str(topic) for topic in row.topics))\n", + " \n", + "compare_topics(tm_metrics)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "It seems all three models successfully learned useful topics from the Wikipedia corpus." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# 5. And now for something completely different: Face decomposition from images" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The NMF algorithm in Gensim is optimized for extremely large (sparse) text corpora, but it will also work on vectors from other domains!\n", + "\n", + "Let's compare our model to other factorization algorithms on dense image vectors and check out the results.\n", + "\n", + "To do that we'll patch sklearn's [Faces Dataset Decomposition](https://scikit-learn.org/stable/auto_examples/decomposition/plot_faces_decomposition.html)." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Sklearn wrapper\n", + "Let's create an Scikit-learn wrapper in order to run Gensim NMF on images." + ] + }, + { + "cell_type": "code", + "execution_count": 42, + "metadata": { + "lines_to_next_cell": 2 + }, + "outputs": [], + "source": [ + "import logging\n", + "import time\n", + "\n", + "import numpy as np\n", + "import matplotlib.pyplot as plt\n", + "import pandas as pd\n", + "from numpy.random import RandomState\n", + "from sklearn import decomposition\n", + "from sklearn.cluster import MiniBatchKMeans\n", + "from sklearn.datasets import fetch_olivetti_faces\n", + "from sklearn.decomposition.nmf import NMF as SklearnNmf\n", + "from sklearn.linear_model import LogisticRegressionCV\n", + "from sklearn.metrics import f1_score\n", + "from sklearn.model_selection import ParameterGrid\n", + "\n", + "import gensim.downloader\n", + "from gensim import matutils\n", + "from gensim.corpora import Dictionary\n", + "from gensim.models import CoherenceModel, LdaModel, LdaMulticore\n", + "from gensim.models.nmf import Nmf as GensimNmf\n", + "from gensim.parsing.preprocessing import preprocess_string\n", + "\n", + "logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO)" + ] + }, + { + "cell_type": "code", + "execution_count": 43, + "metadata": { + "lines_to_next_cell": 2 + }, + "outputs": [], + "source": [ + "from sklearn.base import BaseEstimator, TransformerMixin\n", + "import scipy.sparse as sparse\n", + "\n", + "\n", + "class NmfWrapper(BaseEstimator, TransformerMixin):\n", + " def __init__(self, bow_matrix, **kwargs):\n", + " self.corpus = sparse.csc.csc_matrix(bow_matrix)\n", " self.nmf = GensimNmf(**kwargs)\n", "\n", " def fit(self, X):\n", @@ -1108,15 +2099,36 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "### Modified FDD notebook" + "### Modified face decomposition notebook" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Adapted from the excellent [Scikit-learn tutorial](https://github.com/scikit-learn/scikit-learn/blob/master/examples/decomposition/plot_faces_decomposition.py) (BSD license):" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Turn off the logger due to large number of info messages during training" ] }, { "cell_type": "code", - "execution_count": 21, - "metadata": { - "scrolled": false - }, + "execution_count": 44, + "metadata": {}, + "outputs": [], + "source": [ + "gensim.models.nmf.logger.propagate = False" + ] + }, + { + "cell_type": "code", + "execution_count": 45, + "metadata": {}, "outputs": [ { "name": "stdout", @@ -1135,53 +2147,48 @@ "\n", "Dataset consists of 400 faces\n", "Extracting the top 6 Eigenfaces - PCA using randomized SVD...\n", - "done in 0.172s\n", + "done in 0.024s\n", "Extracting the top 6 Non-negative components - NMF (Sklearn)...\n", - "done in 0.905s\n", - "Extracting the top 6 Non-negative components - NMF (Gensim)...\n" + "done in 0.164s\n", + "Extracting the top 6 Non-negative components - NMF (Gensim)...\n", + "done in 0.544s\n", + "Extracting the top 6 Independent components - FastICA...\n", + "done in 0.090s\n", + "Extracting the top 6 Sparse comp. - MiniBatchSparsePCA...\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ - "2019-01-31 03:19:14,462 : INFO : Loss: 1.0006496938661258\n" + "/home/anotherbugmaster/.local/lib/python3.5/site-packages/sklearn/decomposition/sparse_pca.py:405: DeprecationWarning: normalize_components=False is a backward-compatible setting that implements a non-standard definition of sparse PCA. This compatibility mode will be removed in 0.22.\n", + " DeprecationWarning)\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ - "done in 0.818s\n", - "Extracting the top 6 Independent components - FastICA...\n", - "done in 0.448s\n", - "Extracting the top 6 Sparse comp. - MiniBatchSparsePCA...\n", - "done in 1.343s\n", + "done in 1.536s\n", "Extracting the top 6 MiniBatchDictionaryLearning...\n", - "done in 2.885s\n", + "done in 0.461s\n", "Extracting the top 6 Cluster centers - MiniBatchKMeans...\n", - "done in 0.133s\n", - "Extracting the top 6 Factor Analysis components - FA...\n" + "done in 0.064s\n", + "Extracting the top 6 Factor Analysis components - FA...\n", + "done in 0.046s\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ - "/home/anotherbugmaster/.virtualenvs/gensim/lib/python3.6/site-packages/sklearn/decomposition/factor_analysis.py:228: ConvergenceWarning: FactorAnalysis did not converge. You might want to increase the number of iterations.\n", + "/home/anotherbugmaster/.local/lib/python3.5/site-packages/sklearn/decomposition/factor_analysis.py:238: ConvergenceWarning: FactorAnalysis did not converge. You might want to increase the number of iterations.\n", " ConvergenceWarning)\n" ] }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "done in 0.304s\n" - ] - }, { "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAbwAAAE9CAYAAABwXNeiAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMi4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvIxREBQAAIABJREFUeJzsvXm0ZedZ3vl8994aNJRUVbIsCY3WPFqyPGFjmiGy8KIbG4LdKybExtixF2lYnbBWEnqFNIGETndD0gFCHBoamnYIBNoYMG4zxRM22EjYmqzJKs1SabAkV5VcquHee/qPc35nv+fZ77fvuSWBsc/3rFXr1D1n729/0977fd6xjEYjNTQ0NDQ0fK1j6SvdgYaGhoaGhr8OtBdeQ0NDQ8NCoL3wGhoaGhoWAu2F19DQ0NCwEGgvvIaGhoaGhUB74TU0NDQ0LATaC++rHKWU7yuljCr/rpscc93k79e9QNf84VLKd74Qbf1VoJTyt0sp//Ar3Q9HKWVlsg4/Oufxry6l/HYp5YlSyuFSyn2llJ8vpXxdcuzDpZRfCn+/a3Kts17IMYT20zkupVxbSvkXpZSd9v3cYy+lvKmUclsp5dDknBNfyL43LC7aC+9rB2+R9Br79xeT3/5i8vfNL9C1fljS39gXnqS/Lelv3AtvMyilfJ+kT0naKemHJF0v6X+T9O2SPldKuXKDJn5X4zV/4q+oi7U5vlbSj2nc7ylGo9HqpD+/MtRoKWWrpF+T9IDGY36NpIMvQH8bGrTyle5AwwuGm0aj0T3ZD6PRaL+kT2/UQCll22g0OvyC9+xrAH+dc1NKuVzSL0h6v6S/M+qyQ3y8lPL/aizA/FYp5arJi6SH0Wj0pKQn/zr6Oy9Go9GGe1DS2ZJOkPRfRqPRJ/6Ku9SwYGgMbwGQqTRLKZ8spXyslPKdpZSbSimHJb178tsPl1LuKKU8V0p5ppRyQynljZPfHpZ0pqS3B9XpL6UX7q51QSnl10opj09Uc/eWUv6tHfMtpZSPlFKenfz78OTBH4+hz9eXUj5XSjk4UX29MRzznyT9XUnnhv7dE35/cSnlF0opj5ZSjkzG+U67DurAbyilvL+Usk9jtrWZvi6XUv6XUspjk35+VNJlgwvV4R9JKpJ+aGSpkEaj0Rcl/aikSyW9qdaAqzRLKX9YSvmL5LizSilrpZQfCt+dX0r59VLKkxO14mfnmeNSyrsk/eLksPvCb2fNo9IspfwrSazVr06O/5PJb2+YzDPzeVsp5R+WUpaTdt4z2R/PlVKenuyZrw+/n1hK+alSyv2TPXBvKeVHSiklHHNSKeXfl1IemuzZx0spf1xKubjW/4a/+WgM72sHy6WUuJ6j0Wi0tsE5l0n6t5J+QtL9kp4qpbxdY9XZj2v8kD9O0tWSTpmc8x2S/lDSDZL+5eS7qtqslHKBxoxkv8YP6j2SzpF0XTjmTZJ+W2M13PdoLIj9iKQ/LaW8dDQaPRKavHjS538t6SlJ/1jS+0spF49Go/s0Vqe9aNLn75qcc2hynZ2TMW2R9D9Pxvztkn6xlLJ1NBq917r/65L+s6T3SlreZF//laR/KumnJP1XSa+anDMP/pakz4xGo9q8flDSSNK3aswC58H7JL1vMk93h+//rqQ1jceqUsp5kj4jaa/GKssvajzO3ymlfMdoNPqQ6nP8iKTzJf1PGqs8905+m1et+h8l3SrpNyT9C4332b7Jb+dL+iNJPzu51is1nuMXabyvNOn/v5P0P2r84v3nk6+/XmPm+OlSypZJOxdrvH9vk/Rajff7Lo3XTJJ+RtIbJP0zjV/Cp0j6RkknzzmWhr+JGI1G7d9X8T9J36fxw8//fTIcc93ku9eF7z4paV3SVdbef5T0Fxtc82FJ//ec/fvPGr/sTq/8XjR+8fyhfb9T0tOSftr6fETS+eG7MyZj+yfhu/8k6f7kWj8u6TlJF9j3vyLpcUnLk7/fNWnzp46lrxo/HA9K+vd23D+btPujG8zZUUnv2+CYL0r6PVuTXwp/M4azJn+fIOmApH9p7dxm7fyqpMck7bLjPirpxjnmmOueZ9+vzDn2SyfHfe/AMWXS3o9N5qFMvr9ksqf/94Fz3zFp/7X2/Y9JOizplMnfdw610/59df5rKs2vHXyXxlIv/945fLgk6Z7RaHSrfXeDpJeXUn6mlPK3SinHP89+Xa/xA/Wxyu+XSjpX0q9N1F4rE6b6rMZM47+x4+8cjUb38sdoNNqr8UPvnDn68gZJfybpAbvWH0p6scYPzIgPHGNfr9aYGf+mnf8bc/TxrwSj0ejLGjPT70V1V0p5maQrNGZ/4A2SPiTpQDJH15ZSTvhr7rokqZTydaWUXyylPKixQHBUYxZ4ijrtw+s1fhn+nwNNvUFjLcNf2Pj+SNJWSa+eHHeDpHdOVJ0vL6W0Z+XXAJpK82sHt40qTisD2Jt898sa3/jfr7F34OFSyv8n6R+NRqMHj6FfuzVmHzW8ePL5q5N/jnvt76eTYw5L2j5HX16ssWrxaOX3U+xvn595+3rG5PNx+93/ruFhSefVfiyl7NB4Xh+asz3wPklvk/Q6SX8q6e9J+pKk3wvHnKrx2n9/pY3dkr68yes+L0zsdL+vcd9+XGP2dUjSd2usTmbtWb+N9tsF2ngP/AONGfnf10R9Xkr5VY0Z6nPHNpKGrzTaC2+x0asNNRrrc94r6b2llN2Svk3Sv9HYxvMNx3CNpzR2chn6XZL+icZqM8cL6Rn5lMYviR+u/H6X/e3zM29feVGeZm2eNl839V8lva2U8uJRbsf7Do2ZzEfmbA98RGM72/eWUv5M0lsl/dZo1vv0aUl/IumnK23M+9J+IXGxpJdJeutoNJqy5FLKd9lxX5x8nqkxi8vwlMY2ubdWfr9Pkkaj0QGNX6Y/MrFrvkXjF98hjV+EDV+FaC+8hipGo9HTkn69lPIaSW8PPx3WWGU3D/5I0psGHt63a/wSunw0Gv3U8+rwxv37A0nv0dj29MXk940wb19v1thW+N9Liq71f2fO6/w7jZnYz5ZS3joRQiRJpZQXaeyscZfmd4KRJI1Go/VSyq9p7I37IUmna1adKY3n6OUaawwODTRXm2NenvPuj3mAWn3Kyso4Xu977Lg/1lhIebc65xPHH2gsMOwbjUZfmOfio9Hofkk/VUr5e5I2in9s+BuM9sJrmEEp5f+S9IykP9c4jusSjR8sfxQOu13SN5VS/luNJf4nR6PRA5Um/7nGdpM/L6X8a42l67MlvX40Gr1t8hD+QUm/XUrZLum3NJbCT9fYe+7e0Wj0M5scxu2Svr+U8m5Jn5P03Gg0uk1j1vIWjT0q/w9Jd0vaobFt7rWj0cgZwwzm7etoNHqqlPIzkv5pKeXLGjOmV6uuJvTr3FZK+Qcax+KdWkr5BY0dSS7T+EF+oqTrRpUYvA3wPo0Z6n/QmM180n7/UY29aj9eSvl5jQPAd0m6StI5o9Ho70+Oq83x7ZPff3ASvnBUYwHg+VSa/rzGasr/tZQy0tgx5Yc19i6dYjQa3V1K+VlJ/7iUcrLG3qzrGntp3jYajX5L0v+jsaPXR0spP62xV+hWSRdKeqOk/240Gh0upXxGY5vnbRqrcL9FY3vnLzyPcTR8pfGV9ppp/57fP3VemhcOHFPz0vxYcuw7JH1c45fdIY3tUv9G0o5wzOWT8w9O2v2lDfp4oaT/ovHL4ZDG6qaftmO+QWPW8czkmPs0VqN+/Rx9dg/FHZPrPTPp3z3ht90au5zfr7HH5xMas7AfCseknoab7OuKxiqwxzVmex/VmB1s6KkY2niNpN+ZrMWRSZ//g6Qz55iDGS9NO/Zzk99+onLdczS25T4yue6jGgs83zPnHP/E5Jw1+qDn6aWpcQaXT0323EMaO6y8x8eosar3f9D4RXZYYxXtRyW9Ohxz3KSPd02OeUpjp6Mfk7Q0OeanJ/O0T2OnpFsk/eBX+n5v/57fP9x5GxoaGhoavqbRXG0bGhoaGhYC7YXX0NDQ0LAQaC+8hoaGhoaFQHvhNTQ0NDQsBNoLr6GhoaFhIdBeeA0NDQ0NC4FNBZ7v3LlzdMYZZ2htbRzvub6+3juGMAdKS3nYQxYGwXe1EImh30MJq7n7wXf039vwc7PrbTSu7Ho1ZP3wua3NwdCc1MaXwdv3dmljdbWLdT56dJz4Yvv2cSrDlZUV7d+/XwcPHuxdcPfu3aMzzzxz2if/jNf039hv3pehY2I/s3HOg6G9utGcZutfu3Zt/x1rH+fF0P723/z7+Pvy8mxJuqWlpZlPjuXveM7KyvgRtLa2pscee0z79u3rdeqEE04Y7dy5c7rGQ88D/47r8Bn7sBE2Wrfs2Fo/Xujr1Z4D89zrG7U1z7GbeY7799l7A/h9DOK4fD+VUnTgwAEdOnRow8Fv6oV3xhln6Jd/+Zf1xS/OZmWKA/CHLQ/FoYcY3zEh/Obn8jc3idS/qfz6PPjiRqcd3/z+UI/j4liu7X3mb26sQ4e6rEwc430desnQR747cuTITN8OHz4883t8wDN/W7dunbmuvwDjJuIcn/vnnhvnyT3++HF2p3379k3P2bt378x1rr76ar3vfZ6paoyzzz5bH/7wh/Xss89Kkg4ePChJ07+lbs4OHDgw80lfmIMtW7b0zqGfHPvMM88Mjiuiti6cE+eJeY57UOrv7zgu2tu2bVt6XfaMr3V2HcA46GN86fB/75M/KPg+9ovrMcf+YuITIUfq1v+4446bOeeEE06YuR6/S9KuXbskSaeeeqqk8X5417velY51586d+oEf+IHpnmet4/3J/+n3SSedNNNPxh7nk3M2eglmD3c/h7/9Xo7POd8789yX/ht7w/dx9mzMXgwR2cvFn2ecy9z7cy7uVX/m+n7mc+iFxzj2798/8/fOnTunx5x88skz3+3YsUM///M/X20zoqk0GxoaGhoWAptieOvr6zp48OBUouMt7JKr1L3dkbiQxF0tQbvxt0yyjm1FadYlK/8bZJJdNr6IKEUhKXofXeLh+yjNIu3X1EWZhIk05HPLdYbUlvSbOad9WBrHRgmvNo9cn/7s2LGjNy7Y1Be/+MVBVeLq6mqPMcTxIUUy11yTfkb1l/ebPUn/aePLX/7yzJjjPqCvzogBxw4xLj+Gv+PeYZ5gNb6GXD/bu66q8vspk959f7FH6Jvfmxkr4Bhnds5KYv9ranAfbzzfxz4EZ01xvbjf2OOMbUjF58y69uwYMt3430NmhBoLnMeE4hof75uPJZ7r2qhanyPYzzVtQdamayx8j/o+9P/HccLQWU/+lrq1Zv1XVlbmVuU2htfQ0NDQsBA4JoaHbj6T7Gr2kJoR3M+Pv7nxOzu3ZixGwsskYCQDl1YyvXTtOs70arZEqWMxNYYH4jhdD06f6Zvb5zLQhtu3ODfawpyx+hpkNoIXvehFkjqG9+yzzw7q52O77uggdfNEf2t7J9MOuAbB+z+0Vzday8hC3Z44j7Qe51nq5tDH5QxX6u8Dt9ll+9u1DVzfWRuIc+I2YuD3YmwDiZvr8HxwFh+ldI6NdsTaXi6laHl5uXftOK/0gblzVuFrTbtx/P7p9vp5njuZ9sSPYY79HhhyQPNznCHPY/9zTUnmT+F98HvCfSKyZ5Zfn2P8mRzHA/wY2kBTE/sE+8v6XUNjeA0NDQ0NC4H2wmtoaGhoWAhsSqUZ6wpJfVVJhprBPNLfzKEgazdzZqnF/NA+6pToROB9ceOtO0Bk13G3cFc9uhorgxuaM7Wrq6eAq+Hi9WgnGnUjsvXimBhOkR0b59Fdy/ft21d1WpHGczdPDE7NuE/b8RqELuAYwrH0E9WcO6hI9VAZV7dFFSNwVSPrxHVR60nd3LrzRm39s/WpOUdljjyoW/2e4BjWOAvZ8ZAc5pW9xFyceOKJ03NQQdMX1E++/+I8+v0x5HRw9OhRPfHEE9OQGA85iO25E5HPdVShuSMI/eV7n4t4bi3er/Z7NlZXOWZOJLXQrFqcbkRNRezP0bh3MlNDvJ7v4XhdN7u489k86nc3/7D/4j3vppqtW7cOPnciGsNraGhoaFgIbIrhSbNv2lpAY/zNz8uMnc5A3IGiJiHH79wRwCWgzEED1FykYx+d/Xn7PoboMu0u3TVjeYSzHJiKS6FI69kacA7GXWc0Q8H4NXfxOHeM68ILL5Qk/emf/umGTis+13He6INL5Xz/pS99SVIn2UndvmIeNvqMc8137A2C4d0VP+4dWK2Pc4hx19h+bb9FFu3OKX7dIckWyboWEuSON/EYpHOX7LkecxWPhW37vYJDSdw7p5xyiqSODR49erTKilZXV/X4449Pr717925JsyEyzhT8HsuSFriDhDtXDN3zfp/4/Zeds1H41ZATSS3Rhe+L+NzxdmuML55T08g5AxvSQjizA64Vkfpr4IkjfA9L3fMshqJs9NwBjeE1NDQ0NCwENm3DW1tb6+nsh972NcknSlr+FvccjW7Pitdzhuduu+7GH3/zfsOI+IzswwPBa9Joxg6RRGqphLL+1ALnGQfSkgfES938Pf300zO/uYSXBWH7/PF9lg+R3+LcDNliov0XRCnQbQq0jx6ffRfTdvncuQTsbUX25HY+1yywR6OLPizT18NZQWaj9vl3yXtIU1LTWAzZtZkvZyOe4ioLMWCfMz5PWlBLeSZ18wULdBtO7ANrkCWvAOwb7IYeBhH/7/thKJyCa3raOQ9az+4fT3iwUThP7JP32fddlqrRr1tLSJCx0FoatCHm50zP5yKziXraM9fIZXPimiXfq4wr88Hgty1btrTA84aGhoaGhohNMTwCQF1iy6Q9D+L2YPUo2bvUgOTF37AYZx/xO5fSYIuZFOOeQC41ZQl5PQjZvfNqjCgbe83jzoN943g8iSvAjpFVMfC/mXPsJtmc+Hi9r3GtXYLfSNJaX1/vrQe6es6PY3QbAGON6+LzTfv0zT07I9PH6w/W5mPnelEy9/mvJQTO2nPW6ew804pkezEiYx+cz76jXRiS25Di2runnXs983v00vTvfA9k7Jo+RW3RkGfj2tpaL91UTN9X83x0Jp4xSfrAnvH+Z4kC/H6g/aG0gTV731B6MLfRegKImvYg+86f11lwfC2hQa3aROyfJ4Fwb+As+YMHwTtDzzQAQ/faRmgMr6GhoaFhIbBphrd169ZeaZqhOA6PxeGtnyXkdSnMvaaw3USWAUNAWndvLKTB6NmH5M4xnow08/jxmByXoj3eK0ofHiPk+mn3oov/53p4wLmkzblZQm2XhNzuENkKv9Eex9Q8ZiOQjOfRpTvDp9SHNJs+KP7GfqBv0YbHtRmL959+n3vuuZKkiy66aHrurbfeKkm6//77Z9pCqnzxi1/cu56zFfYV+5CE6meeeWZv7M5cv+7rvk6SdO+990rq4hmj1Myx/MY+gE1RqiuW7CLlG3s/1iuMfw+lv3K7uUv4ca3oE2PnnvAkwvF6rCn33lAC4NFopPX19el9y9gzL2rfn37vZUm9XRvgc5ExT+a2Fsvntnapz/Cc3WTaIe+Lj3coxaA/BzK7m8OfLxnrjMfFZ4iX/PJ5dc2G1O2jWqxtNi7X3kXN0UZoDK+hoaGhYSFwTF6aQ8l8nUV41gJ+j295Z3QunXscVpSakGzd3kNxQNqI+n7vq0tnrj+Wcgkx9t1Zb3Yd93SiLT5jbJPb9bx9L50TJRwkYbd51WwT8druueZzksXQxKTU83pLDXmIIcEj/cGeHn30UUkdo5D6Hnv039k7DOmlL33p9NwrrrhCknTnnXdKkm6++WZJfVtOTHrsjJ4+sjcff/zx3rjoE/NNn5CE+T2bE1gujIJP1tbL4kjS5ZdfLqm7x1w74Tb4rNSPZ1FiLlgbWGS8ttvGYXyZjfpjH/uYpI55X3XVVYNJ1bdu3TqNgYxjBZ48mU8YOB7L2bPK94rHf2b3J3vQGRBj9GTL8Tv3fK0lMZc6NuPM1VlaxnBr5Zlq/gdxDoCP3RlZ1H7U4gsZp7PG2I57TPv6xXM8hrd5aTY0NDQ0NBjaC6+hoaGhYSGwaZXm6urqICWeNjyhm1BhVDNDVas90NiNyLSVpZZy921PghypfnSpjm3UAiXj+X6sqyuh5H6NCPqKWoTPrOYTc+EqTFedZG7p9LGWvieuG8dwHVdBZ2vtqr+lpaVBx4MsLVmm8nnwwQcldepB+nb++edLmlUxulqavcE4mD9UgKS0iqBfX/jCF2b+9kQIEajvUHF6QuOHHnpoeixqO3dWoM/cG1lQt9eW8/llXGefffb0Ow/jcRU6yJzOPDFvLS1aTOvF9diTqI9JAcYaxD3K3vnLv/zL6TFRPRaxvLys3bt3T80Ubi7xtuPY3IQSj+MedceWWg3C2D93UvMK4cwfznSxPcDa8smeivcE57hzWq3GXZwT3ytDiZ8B13FVPePw52zcq7SHWpTrePL1GBrkTjLuYJU52Hi9zMz5qobG8BoaGhoaFgKbTh6Ni7A07ArrhnFnEJEpuEu5BxsiiSEJR4nBww5qQY9ZsLJLE7XUQrG/tWTV7vIbJWM3SiM9YUhHioqONx6Y61KNXyeWo3GW6+wsSzjt7s3urJBJWkjpcd2GgoezgNPIaj/5yU9Kkk477TRJ0mWXXTZttzZW5oV2PEyB7++77z5J0iOPPDI9FybipZ6QZt1AL/W1DjAdxuPOUpJ0zz33SJJe/epXz4zDg7pdGyL1HUFYBxx5YKyxX3fddZck6frrr5/p04033iip7/w1lASCOXAnlujA4Vob9hCOLWecccZMn6Xuvn3yyScljZNy1xJhr6ysaNeuXT03+8zZxpmBO6Jk1bYZv6fG8jCS2D93pvD14X6KTBhNDvcLf7M+GQsFzlg9IUU2J/6bO6Bl2hjGijOga9U8cD+yKw+V8mQAQ1odf+6w3/z+iu279mkeNIbX0NDQ0LAQ2HTg+ZYtW3quo5n9iLcwb2jYzFCpDaQxl3SQKggEjuzJXV3dLX3Pnj0z/Yn/dzuP26SirdCv50mDOZa5ifp+tzlgm0K6dQlT6gdi0gYSPSwoC8J96qmnJPXd3D38IkrpjJk18ITKmQ3PGcKhQ4eqAaCllFRK+9znPjf9jjAB9gz9QxJ2phz7AHtgbmPoQrze7/zO70y/I0SBtfLg8aFkvqwlx7okCquRurmkHbf7cX2OixoMZyh+PQ9xkDp73lve8hZJHaODaRLeATKm5H/7XETblDMg1s3LLcW2GSPzuW/fvqotZnl5Wbt27eoxhPgccI2IF0HOAqXdNufrALsdStDtwdQ+rriW9M0D870sVqYlqSUAAJkmC/izxMMHot2PMfPJXHjaP7fpxT55KSlPMhBZoocsuG+CFxCQOg1IPGbeNGON4TU0NDQ0LASOKXl0rdii1E+1g3SJ9Jylt4GluJcS7dMGklGUSGCOXibD7TFRikUi5TckO097FRme25FqJe/5HpYldUzOwXg98Dhezz2RkJppM0uu6ozR53zI88ltrs5ysxIpGRNyHD16VE888cT0749//OOSZgOY6RfHwdJYJ6S92CeOce9MwDhc6pS6gHNnwO5hHMflzN73GRJr9CTFFnneeefNnAOjfeyxx2b6E7URMHr3JHTWlCVUR7vh2gcPhI/wQGc/1gvDSv1gb67DfUvqtJik20u8bN++verhu7y8rJNPPnlQivcEEMyL2/ajVoP7nrXjnnWmmd1j3tdaQoDI8DyJvBdKzQrAAi8x5mAeIxPyZ5MnPs+KIgP3vPVE8Vm6ONrBJslvaCXQvkS7ptsvgZejyn7L/EE2QmN4DQ0NDQ0LgWPy0gSZDQ+JgLc6Ul18q0uz6YGQXnhjw154+/OJhBzZE153NXsB39MfqWMV6ILpG+Pg+sSDSZ3nG8fASt2ukMUIIdkxZv52thBtEhyD3dJjt1xizWxrziy99EuW9NvLDXlS6Sjl0kdY9vr6etVLc//+/frwhz88jU8juXLcF9iY2EOsLf3mepmnHUwIqb1WkDOOmWOdBfp1omTszJ75cEYemSR7hXRa7D/2JPYSxhm9NJkf90L0gsQR7IkPfvCDM+NhDWmfPhIvF8fKeLg3PXFzJlU7i+a62JtJDSbNesvW2gNLS0szzwufi3hNT5/mnpFRy8CzKSY/53pSt5asV3aPuWbHYx0jc4H1uzdobQxS3+vTfRRA5k3tfazFrWX3rB/DnEQP6fi91GfTjJP2uUcjy0bzx95wbVdWUNm90Lds2TLoHT7T37mOamhoaGho+CrHphleKaVnL4tvV8+O4SVPkFSijcOlcmwetEub2H3i257fkEyRXvnk+rDEeKz3CSkD9kESXkl6//vfPx2/JL3hDW+Q1E9sjUSM/UTqmKJ7SSKhIL3G0jX011mnM2Yk1qi7Z27POeecmT67HTLaVJhHvvNsHVlCbTBPxoP19XUdOnRoaq96+9vfLmk2Do85Y11OP/30mTayTCRua4zSo9S36cX+uz0WeImSLF6ReWHPsIeZtyiBu/cln8wF+yCWygFIvIzLM+24diT2+4EHHpDU7RW35XisbDyG/VdjbfEcjw11ezB9jPZaNBdkWllbW6tK6aPRSIcPH+6VGotwj27G6DG2Wayf20Xdc5AyTllpIY7hby9PlXlrewyvJ4SP46Mv7ufgMXUenyf1i6kCt+Vl5/gna+cJ1TObPnPMvc2zCzYXNRjAY6Nr8c5SP96zJY9uaGhoaGgwPC8bHv+PGRSQCNwW5KUiouSDDQhGgp0n2oakLvr/6quvnp7rsW0eC3T33XdL6piepF6ZEVgNEglSRrQbXHDBBZI6Wx7FQ+kTtgLir6LuHhvG3r17JXVeYRxLrsUo2SElI9khWSMFvuY1r5HUxZUxV9K41IokfeITn5DUSYVIVrQR7Wcek+TxOEh0kbk4m3r22WerLG/Xrl1685vfPJ0LZxCxP6wh8+9epbGECfMEi6afSOUPP/xw2p8IxuRxhey7mBfVCwxzD3hR4biW7A1nh35vZHFYnl2Gda71VepnwOF6Ucsh9VlRPNelcPKMOvuROhsgfXIvV/ZUnEfaZ/1OOumkasYMsjvV7LIZ3JbOZ7wv6Sd9gMWwR91DMbIIj/NzuyznxGcIvzmjdA/YCPczyErsxP5QoVbyAAAgAElEQVRED19ntR53l2Vc8QxV3E+e8QfEvVPLUcwcsHezeEz3c/B9Fs9hz0f7abPhNTQ0NDQ0BLQXXkNDQ0PDQuCYnFY86WpM44TaxB0Z3Nge3ZKh7ahNMHKiRkQV6OmjpM7w7ymYcAD59Kc/LWnWMAtNJgUTVJzrMp5Ikz3sgXZdtYW6MqqPvCQNf3MM14sG9UsuuURSp1657bbbJHWqO1zcUZNEBw/mB3UDaj1Ut6gpokqT/3vYgycDiOfUys1kWF9f18GDB3upy6KzBXPsKhcv4xJVmqjTGP+f/dmfSerWAVV2FlYB+I39xbkeeiJ16nAPC+FYN7pL3Xq4s4WXYskqkLO/ua47NmQu7vSB9lEleVhMlqaK/zMXrMG1114rqZvnaJLwcjqeDJ224j3BOfTttNNOq5YiksbPj1rasziWWrJoDwmQ+inQXLXMXvHnXWzX73/mmPXA5BHboy8cw/OP7+P6s1Zcx/evq3WzBPQeOB/TwsXxx/M5x0MAuN+ytXJHF55NtMVzL6p5GTP3gIddsM+jqtbfKUNJCxyN4TU0NDQ0LAQ2XQB2bW1tKkHC0rJSOJ6sFVZF0HhWBBCJAEmAtpAqKfFy//33T8/l2kgpMCLOxXkhuuAjgcCsPPEvUmeUltywTdLj17/+9ZI6SYXxRYnEEzMzHiQfjo0SsIclwEZJ04TTDH2PEv7tt98uSbr00ktnxoG0yZpERlZzGPDA+jiP7IOYJHaoAOzhw4d7KcCitOmlflxq9j5l/YZpsYZRwpZm14X2mQ/2gycvz8rCcK6n3qLvL3/5y6fnfOpTn5LUSfIe3O0u9PF+gh15wU/AvotrSR9oj/YJYWE+vTxWbAcGF4PFY5/jvLuGInNmkmbvJ9aHfT60d6TxWngqw8hu+I3192QSmfMDGiX2IM8f5jSGTkmz+9BDmzxonOtHRxQvbI3TmhcPzpKjb1TMNQtBqKUq8xSNkVF6IgV/fns6suio4s8InoXsZ/Z/DF5nf7EP/PmQJbimv4S2nHjiiWmoSobG8BoaGhoaFgKbYnirq6t68skney7fV1555fQYL+LqrsRZAmOOhZ1xjgdZw4w8mJi+SZ2EQJoql3YjkF74hA1wTpTo+P/5558/0z7w1F/xeownJsqN46LPkUnAZj1oGIYZ06tJs0yJeaLPSJK0zzjj9ZDS+WSOIxOXZgPFGU9M3zRkxyulTKVo5jyOw93pAf11G0i8thfkdLtLZgvwtGl+rkvPUj8MgXM9eB1bYhyrhyN44ueM4TBmD50BSM0xPZi3w98ewjCUYo5juJ4nVo4s1F3xfT6z8ldu6z548OCGSYDdRpSFSHk6Kw85iedwbcaIBsYL87omI47NtSV870kGMsCOYDlZKjvg7Jbr8Zml4PJgdNcgcP0sGJ9z3L7syR/i3uH/7Fm392WJAzzBPXD7Y7yOB/cvLS01G15DQ0NDQ0PEphje4cOHde+9904lOi/TIPWlCt7UnhopSohIQX4Okg4FK72sfWwPSYe+4XHpSZBjXxxcNwuuRcIlXRPB8QSiwzo8BZPU6Zo9HRjHuD1A6iRglzbpu+v2owSEVMa8MR7mnL9jmR23K7mdxNlQbB/WuWfPnkGGt7S01CscmZVtcqnVWVzsN2OhPaR0PxYmFKVLt20gmXrqorgPkIq5jl8Pdv3nf/7n03NgqCQ/d6nWtQ+ZbZX1YP/xN2nw4v72RLyeJLmW6NivLXXr7cw/rhv7zTUZgL0V9w59YhwPPfRQqrmhTxkLyUoUeeJiX9M4Zo5hD3niYo71orL0SeoXTHYWFdeW//Mc8CTyvu/iNWsMxu+j7Nno7MztznF/u0akZhvLtBIeyO6JpjMG73NbSzydleiaN9g8ojG8hoaGhoaFwKZteE8//fTUu4kEylFS9hLtHsfhCZvj+Z6CiWORzpFMMimG35AY8CB1XbTUsSf6itSObdKlQqlLbEwCa9KgIcXQd5hljJfh2i95yUtmrus2lHg9pEAkG/fg8oTQMT7Oi2C6tMR44/V87j3uhzFEr0cYAwzvhBNOqKZ7Wl5e1s6dO3sesFFKc7uAp8/yPkrdetdSLoFMAq7FEdKGx9ZJ/YTTXqQYDUNMtwez87mpeRBm0jzXZZ29lNbQOGqelrG8CvBE137/uKYmHuN7x9lpZHisLZqSp556KrVdgZi0nnmLjNBttLUi1XHNfR583/kaR7bjCfRhic5y4znYtDy+z+//yGbdXul7iHPc9hrhMYn0CXbqdnqp7yfh9yL3XeZRyjr6HGT2TN8b7qXpyb/jOUP3Sw2N4TU0NDQ0LAQ2HYd35MiR6dsX21R8+yKF85ZHMiQGxaUqqe8l5BIIkkEmkURPHamTQJ2ZREmYYz1xKZ9IDvEcWOGrXvUqSdJb3/pWSf0SL4zvk5/8ZG88njzW7SNRUnFJ0ZPV+hzFc5Ho3GtuKFMFa4qtklhIzyAT2QDMIWauiWWRIpDQ3SM1rqVnKeFYZ2JZglzX67udgvmM9j+3OWTJlONxUp8BeVYWGHD08MUbMGaGiH0a8tZ0Ox9aCGx5vofiOZ4w2ec3i8d09uTef9m6+Vw7y86K73IszwWPtXSsra31mEjmCQ3op2cZyUovcQ95jJm3EeeJsbhmwZN9ZzY8b2PII9Hv2VrC8WzvuFbDbXZ8xrl3LYv7ENQSUkv97FpeDi2La2XOaywtm3vPSHT06NGWPLqhoaGhoSGivfAaGhoaGhYCm1Jpbt++XZdeeqluuukmSX3jtNRXT6Ky8JRF8ThPveUJWVFLOhWPx/LpbvQgc/VGDeW03QPR4//f8Y53SOrX8/KgaMIVpC55sCfQ5hxX2Upd0uMsGXEcnzsFxet4LTAfX6ZaQKXpKhNUNNHwzLVxRNm/f/9g1fN4PnMSHSpQrfh6u6okqjj5zhMAe+C8q6mkbr7dISCmSpNmg/q5HuvPuaz7zTffLKlT90vdPHkYioeAuPo1/p/r0AYOEJ7kOY7DVWWu9smSVdeCuz3YN57jjmOuQsvqS7I+nsYtAykNvd/xHA8LqAXzR5W8J4ugf/48yMI4PNzJ79MsXKi23u6sMpQejPY98DxTCXoaOFfdZwmgPZSBc11164lEpG5NXf05tA9dZe5z5H/HvsRA/abSbGhoaGhoCDgmpxWYURYU6Cl++M3TRWVMAYnbXfKRhHijZ8ZjgEQQy5f49byEiEtYOJd8/vOfn56DRE3JIs5BKmR8tB2Tqt5yyy2SOqnfpRmvaix1TiO11ETuRBClNZesmAtYkJftiHCJlfFkqbmQ6GnvyJEj1fRQa2trOnDgwNTp58Ybb5QkvelNb5oeA3upSbWZodylYt9/noopC0uosQskybiX3PmFdSaZt5fgkbq5dIcjmKxL51mJFw+sJ8CdcIjYR3eVd6cld3TI7t/sN2l4vznbYLyZBsPTrb3qVa+altxylFK0ZcuWQSm+VlooqyK/0TGu3ciccWopvlzDld0PtFfbm1l6MHcE8fG4FiReB3iokScJif316vWANY1rCVwL5eWiQPy75ujiDlUZg0XrtnXr1g01S6AxvIaGhoaGhcCmGV7Ul2bBw0gL7hLvabsim3EG50GdHuwbA1Q94a+XlskkklpRWqRkbFIkcJak7/zO75zpay3okX5EewX2Ksr1IGF56Y1oz4L1eQJeZ3aZZFMLzHRJPEpk7rrOJ8dmLtN+nTPPPHNamsixvr6uZ599Vt/0Td8kqUuufOedd06PoQQS7MnTNmXSntslPFB/SLJ3adkl7SydGmsFA8eG5raOyMy94Kon83VNRmQFHgZAn5zpER4jdSEKhEN4YnUfb9wHWRKE2IYXnpX6iRroP98z/hjuwf+vueYaSWPNSVacN0PG1n0vujbI93E8xu9ht19me6hWeqfWRryOn5ul2fOxArdp+T0R55A9w37wUCee0TFUx4PU3QbuCa7j9bxPnjSc+yg+v13bBZzxRdAOe56E/vOgMbyGhoaGhoXAMRWAdW+/LNWX2+ywgWXlgWoJSmvl6zN9vafpcu+vKJHWJCukDJgd0qckvfKVr5w5p5aWirkhQDj+Hw/ICy+8cObYWsBzRM2OlRXkdBsB7XrS2ji/fm23J2ReZ27nOe2006q2FAB7fs973iNJ+s3f/M3pb+wnyhnx91BguHvjeUoktytkyW6dRXki8qyIJ1Ixv3lgc2T4rqHwIOVaKaYIZyN8nnXWWZJmU5mxRpTvwnbs+929K6W+tyNw78Csb84KYKHZfqO9K664QtLYrlNjS6UULS0t9eYvKw9UsyF7CjrazfrvGGJePqdug4psxp9NzI+3n91j/tx0W+HQGDyBg6chiyW60JCxN9E6uR2TNuP97kzZ2ZunD4tjHUoc7m2Tjo7EIF/+8pdn2hxCY3gNDQ0NDQuBTTG8lZUV7d69e+q96MUopX5peOwILvln3kS8xV3KrMWTxHZcWh1Kn+RSKu2RcJq/SY4tdVIqUoXHtnEOHkgkVJakb//2b5ckfexjH5vpq6dTypiy23uAxypmdlQ8CN2DFMQ2ndE5C8gYXsZQhxK5Li0t9ebr+uuvn/5+ww03SOo8OF/2spdJ6uaU8URpzmMNa5Iu142Mz5l9LYYrSy2GVHzJJZdI6jzGvJin1K1VLTGzM42sOLLbbj1WjLhNqWN7SM14kJLw3PdOxmBq91xWrob22F/EJLqtOjIJmDLnbqQdWFpa6rGn2IcsfVkcoz9bpH55oFqcYmZjc5sgbWEXY3yxj2i5PA7OyxBl8BRzvmaZBzvgWNgt/gEgSyLPs9DtwUNemrV7z/dwZHOZb0D8PmPzvHdiqsbmpdnQ0NDQ0BCwKYa3tLSkE044YZp5whNCS92bGikvemNGRGnGJQP3uPMEylFK84h/PxeJJJ7j0hEM4v7775fUsY7oNYlU4RknXC/PnMQ4PGL37rnnHkmdBI5XopdOiuNAGqrZSUDmuerxX7V5juewLl4kN9OlezHfHTt2VMvzcD1nFZFlvuIVr5DUFU/lEy8s5jSuH/11CbcmAWf9d68yt7nFTCvsFUo9wey8MGy8JzzuE9QSXWexgjVPUi+hFdvhWGzSeMRiI0Vqz5hLraSMx6bFc5C4+fR9GLPPwDZhPUPsppSi5eXlXtaXzLvUbV5D9jEAi/G4XPeqzZKt02/GzP7g98suu2x6Dloi9oMzPfeNiP33bDDsGdcSZGzdGVctw0zsG33wcl787kWlpXpGF5+/7H3B9fy54PdmPCY+x+YtEdQYXkNDQ0PDQqC98BoaGhoaFgKbUmmWUrSysjKlkk888YSkWfUaVBRVJn97CqhMnQbcyM/fWYVmV9d5YDjUP0tYihris5/9rKROTYXKJ57jCYXdOOyOCFEtgRoA9cYnPvEJSeNAbalT/0b3d3dVdxWTp86KlJ523JXY05RlCYe9ArGrzuK6oc5BNVYLL8mu6W7VETir3HvvvZKkRx99VJJ07rnnSppNTeThL0OVn73/rnJxt+ksaTDrihoMtTdOI64Siqi5+ruTR1Sh+vi4r1ApMY9xbdnX3CfMH9/jeMVnDEuoVeF2NXi8Z+kL+4CgfNSWqDL5Xeonod66dWs1LGBtbU3PPvtsNSWgVA8TGHJm8N88yYOr0+I+8Dqf/rc7Bkl9VR/w+zSraccnpoZamFLcd+7IxTg8nCyaL9wZp6aOzEJpas/i7Jno1+Oe8/ALfx7F/8d3TFNpNjQ0NDQ0BGyK4ZEAGCcMnDxgRlInLW6UzipKOW6YraXayYJ6hyRPKa8IDjPFiI+0cuWVV86MIUrNjAPDM9IMUrOnCYvSI78RgI6Dw969eyV1wbcx4bAn6XU3dGcykT04u6059kRk0pePI/ZH6lerrrEqMBqNes4XWWka+odTD+vgzCv2Adbne8mdWeI8eQiG9yML+aAvMZ2a1JemM7Z72mmnSer2DA4BjAHWGOfcHWhYU+452Fs06rvGwEvXuJNEHL8zSl+nGEYAWH/YrrNe+pNJ4UPJgeMxR48erZaLimOppcIbKoVUS8zMnMLe4j3iCQg8uJv1j2wdRuKJwP1ZGfvoTmvOvDx9V0wizlp6G+w7EPvIWNkztOHXzZzT/B5wJj7kbOQhQF5RPmqEmB9Cv0opjeE1NDQ0NDREbIrhra+v6+DBg1Omcscdd0ialSpwj3b9rUuVEV6eZ9o5k5K9YKvU1/ny6QHoMfXSAw88IKlL6kzJGmx3XiJH6gcNw8boC1IS+vAY0sBvSC/YqAiwRjrMglRdZ89c+dxktgp30fag5ayIp0v0tYTKsT0kt0OHDlVZHvbfIRboyQI87IEQgMhCYviH1LEnTzSehRg4G/eCxr7W8RhYi5e/4jPaRVgrvvM0eJ7AIUrALi2zZ7mvGG/GQhmfJ41mDB5MLPVt1TUNTdSysAZ+f9aSv8d2XYORYWlpSccdd9xgkuVaEuKsBBZwm1aNkbA+cU09EbLPG+wjakTQLHmKPLfHZunIPHm3B62jHYj3htsivVhyltbLCz67jW2I4QFn7UNr4nvS94H3OQKGfMUVV0yTK2yExvAaGhoaGhYCm2J40lg64e2O11xkT0g2zhTc2yZKPu4B6JL2kPTndilPweP2uvgd5XoIePZg0thHD4SslaxBasvGBy666CJJ3dzs2bNH0mw6Msq+uGTn3nNZMKd7s7ke3PX+sd8A1u6eVxH8hvR18ODBQYa3ZcuWqk0ituOep7SZJTFwXb9Lvu5lOk/CYY6FsWRewZ4ui/niXoiB1Kwddq/MszaOJfbH2SafMFX2cmbDo094Y+I96QHcsR+e0ICxu20ySvhub/bCs17QObYXvRlr9/loNNLq6mpvLaNWo5bE2VlM5mXsDMSZHwwvrmmtUCpjRUMTtQNe1gZ2znxl+4J2fV38uQPDyzRojMPtmuyTuL/5vxd85m/XdMV9V9MOuf/BkB3d93tm1/Zxffd3f7d+93d/t/d7hsbwGhoaGhoWApuOw1teXu6lQIpSDG9k3up4armdZKYTk/bcq9Bj+DIvw1pJCjwgP/3pT0vqPP6kLj7oda97naROwnKdd9SHuz4aTye34SBVY2uROkkOiYrrXXXVVZI6ZkNRVKlLp4VN1G0pLq1FCdDtmZ6OLJN2acc9uHyNo5TrUtj+/fs3tOHVEjVL3d6gD7WEwJGNuleh21/dxpLBbZwuVUeJ1Nkz3qHMAfsusgbO51juCVgAyDQLrrFw79ws3RrryzzWkoZn+4B9XvOIzLwq3YuWPet7NUs4vVHcZITHRcY5dhseY3MmFveBeyA6G/Tfs7I2zCXsmecMaxz9ANxmd/fdd0vqtAKuPZK6+4519nRnPv44x7VYXfYdz6MIv9dgrLBc9gp/Z8WYPd6wVkw4u66XdWPOoxbRtQ733ntv1cvc0RheQ0NDQ8NC4JgYHpKIv42lTiKA4SBlIqEgCUXPTpeskUyQiIZi7XizIz0Tl4RthSwP2M2kLn4QyRcG5iXvY2aIWqJhPhkD/aDN+BvzhXTE+Ij/u+mmm6bnfOADH5Akvf71r5fUSWMuqbokHvtai8fL7AJuP/NYxMxWiKTFsUM2PIfbBiJo12N0XGqX+vPh/XTpMrMjAWc3WaJu+ouUzLzDavg+SrG0y71AAUsvMJtJqV4k1jNSZDZj1vK8886bmQOX+LPiyLUitEPlgdy+7cVxaT+ynSxB/EaxVM42s6witfV3L9p4jLNCn69sLzH/PCPw8OaTZ0ucT9ga57BnSCqfeYPSB/aKZ3pyppnZYznHk1e7vTsbM2yU53qWdcbBb6y3xwpnrNC1UhwLs4tzz3gozbV///5WHqihoaGhoSHimLw0PWtFZFyeQ5O3PW9qmFfGLmAxnuPNJd8YS1XzlsQjjjbjORQ3vOuuu2b6Rnwenm/vfve7p+fQPsyV9pBeXAKPYH6Q0jgGSSuz6dx8882SunlEmsEz1m2hUeLCnuT5Cn294jm1PH8w1iwfJ+MYso9FlFI2LOMz9JvPtbedteGI48sydkh9lhP3N5oKZ1Yeg5ZJwF4MGW89j6HK8mLSntsVPQNK7IszOC9e7DZyqZ7r1PdFli2De83nPtMOwDbcHpMB+2+Nzce2na0xp1k8l+8jj0/ztjNvXTRIfHp8WtyXzprwJYDp8dwh3lTqnjOwP18X/vaSQ1K3j2i/ZpfNngMO1sv3aBZT5yWy/LkT55H967Gjfv9EPxH6zfP6+OOPbza8hoaGhoaGiPbCa2hoaGhYCGy64vnxxx/fcwWPNNsN1tBY0pE5zZU6VUKNanvYQlT5cA6UH7UAqkfURagxpU61g0oDtQHB6Zwb1R9ve9vbZn5D1edqlixtF+pJ5o0Acz49MXVsh/EwJ1SvJjAdNVlcAw/k52/G4wmv43g8DMFLDUV1FXPO2u7cuXOwRND6+novlVBUH7k60NUrqEri3LoqoxbUnRnoXY3r4TaMPabRcrUMbXCsp1uLv+GwhdqG8Tz88MMzcxHnxFPLsd6c69XSpX4ldfYZ84bzTBYIXCsH5MhUw8D75AkQ4nfzJP1dW1vTvn37pun6slAGf3a4k8pQNfGNEqd7UgOpUxN64nQ3w2RhPN4u36PijM5y3P+YXRiPq/39eSvNPk8iPOA+e377b6wTJivGF/cO//dPkKmv/RjGwbiz4+gLjo833XRTmnosQ2N4DQ0NDQ0LgU2HJWzbtq2XbDVzD0bycSeFrHyOB/O66z/sAykHhib1GReMzsupRFZ4zTXXSOqMw0gKngIqXuejH/3ozG9IyS7pMD6CSqXOOYFxeRJhmFIMZWBOkNI4xxPaZpK4ux/TV2cQUeLGccbXx93gY6JjvjvrrLMkjaXemls7cAearOwHThdcyxlEFijte8eZScZUfO48MS97JjOyO5P0FElxf7s7NnvSg5Nx6Ir7gHM8MNedPmIwvhf49H3tZWKGXLq971nCAJ8nZ3jOnOP/Y8hOje2Rls7TT2XaBA9p8iQSWUgLcO1DLc1aBHu0FvAe4UzXQxe8QHPsk6e581AJZ5hSt488VZo/B7LiqhzLc5y+eUhaXDPXOnjSB0+wHc/3feXrFc+h33EftPJADQ0NDQ0NAZtieMvLyzr++ON77CJKWs5aPMA0KyvvJTCQXjgGfS7SRQwxcLdjJAGkJoJvSdUVv8N2csstt8yMw91rGbvUMUj65vYmfo9la3BZdomSucK9Ns4Jx6LXZ94efPBBSZ30xvexHBHu4YQ5OPvJ7Fxue3QW78HfUjdfztCHgITqduDYP2deQwVsfWwu9Xs6qsgWvX3GgQ3FE1DH67lk7RJwtPs5C3TGynpx/agxcXssYJ970u/YJ+8La4fNFcS0Tb6fPRjfS/9kffJ73YPkIzyhQ4aVlRXt3r27V0A0rrUnCfC19aB4/3/sd7yulNv/eHZwvzM2L/KalZbiN54RziRjknTXdvn96Enlo3bAbWauyeJYEiFIfeaIVoA+sUfZU5lds8a2soQXvp/oozPM+GzxBO7HH398Y3gNDQ0NDQ0Rm7bhbd26dfqWR0KKb2wkBN7UrkPnTT1UqNB126QFGwpWdrsYUjPejFFqov2XvOQlkjopDLubFxGVupRBNS9Nxu0JoqVOwvJ0WkiFWYJUpD+YG3ayM888U1JnX0TCzLylYNm1cktxTmoMr1bCJvY/Sp9DknoppSdxxxRz3j9ndJkU5zYzZ4dZGSIfM+vvxYszj1sPfncW6OOT+kVoPUkw1/cUdLFd1tCT9mYJer3/7EW3kyC9R80Ddm1v3z0j4/i8XWdZQx6fsd3a3lldXdWXvvSlHquOzx3uLeaS9XFWERMmezo97kNPZsEejXPM/c+xaKHQ5vCMwTNX6ntUY8MF9DWWCfProd1ir/KcoK/Ru5F9xNz4veD+DvEc+sZzB7gvRuZ56+NxLUXGzD3Jt3tkx3tiqOTTRmgMr6GhoaFhIbAphre2tqb9+/dPpc0sFqPmNZR5BAGXvrA9ubecSwNSX1rhrY+kR5tREkFKcSkNaQymBauTOqaFBEKSanT5LtXSdryeS9xIcsxJTC2GhAND9dg9ypB4wuvYHl54HsuVSVrOqpn7LFUaGGJCDop4uqdatAE4C3NvLJdUYzvO8NwG5bY3qdsjzLvbqTK7oEuttUTMmdbD40trjCazM7pUO5Q83GMEAYycc9mH0abnyYo9vivbO5ltVer2g0vvsY/x3Jod5tChQ/r85z8/vR+zQsB+bfd4zEo98WzwZxVjh02zT6I9Dj8A9iQetmheGGv0N3D7HuvB37DDqB3yNIS1+yfzZnR/CS+myjlx/ekjDM9Tlg3d427n38gmH+Gp05iD7B50lrm8vNxseA0NDQ0NDRGbZngHDhyYkUCkXAfscUkemxHf2Oih+XSpMssIAdzLB6mt5vkZ/3/vvfdK6tspkPAuu+yy6TlIR7TvUh9ShyfPljrpjz56nI/HLEqdrQ5G59dB8so8+5wZwfQ8i0JkBUiBsB2XxrKsFJ5IeSMpa2lpqeepGpmQsxdHxiTdxuUZFzxuLl6PfZbFP8W2o9Tstiz3wPTMHlI3Z7VitG7bjZ6w7g1MG5yTMUofj3v0sWeyc5Hs0VB4bFrmuepr4LGCQ5I97Q15+K6uruqpp56a9uWCCy6Y6Vu8hq+Ls91MO+CsyZl3VjCVOcSWhp2P5wTMLnpNOtP350KWzcgzxnicnydwj5qlWtForucemHEOvFhtbb/H+fTyU35OpmWhL7THeDL/AEB/4/07lOEpojG8hoaGhoaFQHvhNTQ0NDQsBI4pLMFr3UWVCFQU+u+qQA9ojudnhmWuK/Wr+0odbXa1ICoFT20mSXv27JHUuWC72zafUXVLcCbfocqAkvM944zJqmtqAq8EHVVRMeg9jtNr3GUqJvpPH93Q7Kl+pE6V4MZ/d0zJ1i2qjYbSQy0tLfXSGmVGcP/OqyFn/XPVh6fLygLCUY14VXHG4OmcYt/cASVLFkc8/3wAACAASURBVAxcre7GfAz2HkQc++QOIH69uF/cJED7uMXz6WExUrd/3enHHQ+GQjVcZeuOFXGMUfVY2zvLy8s6+eSTp+ejtsucVzZyVorXcFOJJw3nk+tkyZi9FqCfE/cO8+xqaneEi9fhHNbQU2+5qjmq3xkXfWLdvbJ7vOe5PzzdmSdN8GdyRK22JsieITgB8dz053p8NjK3MaHBPEkvpMbwGhoaGhoWBJtieKPRSEeOHOlVd45ptDzBK29jN2zHt78nFXVjJ1JFVlLE3aSRfJEUcGWOxlyYnRvkaQvDPaV44rEwVo7BWO2lS6Kk5UH4WSJm/xuHGlyGGR+hE264jQzWr+PM0gNupU5SY3zu6JC50NMexx4+fLjqau9Vq0GUzGqJpd1RJEqV7mjgqcs8IXRkBUjS7BlPNO4JjqXOAYg1dYadVc2uSePA91/UmLgR3x1faDu6v3tpJ/YV+x5nBZfepW4t2c9eoitj+r7fnNFm94Q7shx//PFVRrCysqJTTjll2i57NLLaGlvzcWUaBQ8x8fAUnm9RO8C12QeeZN3XS+o0LoQa+Z5xDUOEawX8PspStDFW1t+TVDCGLDzJHdH8ulmCBcBc1NL8xXsQZsx37M3bbrtt5jqR9fozb96QBKkxvIaGhoaGBcGmGB7w1DtRivGkn7zt3caW2QD8jU1b7mYdz3V3XS/eyu8xhZVL/Z7Elc/7779/eg5hAkg4uCp7W874Yl+chXhQZZT86QOuy0iOnjLJQx2kfkJbt88565Y66Z/5cvtsnD/g7tV33nlnj7UCSrxkKb7iMRG1xM9x/d1m43PqqYqyxLwutXph4Dh2dwN3u1IWHO92JE+8PJTUu5aWK6ahi/2Q+loA5o8yVXwiTUdJHEmaveOB7x4wHs/PyinFNrJk5bE0Ui0cZWlpSccdd1zP7gvbjv1mrG4Dz1Kw1QKja1qNyLwZI3PNXnENSWS1XgaMsbtGK6KWTpHvPeQg0yzw6SkFM40Cz+kak+NYfo8hNG4n9STisLn4bGSd+I55pYQbmq54jmt6WuB5Q0NDQ0ODYVMMb2lpaYZtZTYJZ1yehiw7B6nBPdJcUuDaSKhSJ+UhccA2kKyQhKMEgITDJ8HdLonG1GLY7DgHaYXxIvm7LSyOuVa4Eokv2ghgFbBP1/N7ctoocTO3XqTRy5DEtfRikR7I6jZYqWOFMOEnnniiyuBGo5FGo9FgORjfK5nNVpqdP/rpDNtZdGZzQCpH8nYmxvekfJI6+wt9ZF24HuWbotYjSqdSv0gpc5bZKOkvx9LHIbsf+/bcc8+d+Y2962w9svIhVhMR95uPg73pLDhjrozjs5/9bC9pAKDwtNv6Y7+99I0nk3Dv5vh/Z6Sc4zauoSTFzC1jdK1O/K2WFMOTjMe+ANrzPer7IoJnld8T7s0bUQvkdw/vjJX7sexH0iFmacK4x1hbT7QRz8mSPcybQLoxvIaGhoaGhcAxMTyXaodicpB87rrrLkmdhBx1vw4kj1oKM/S69Cl+unTm5TSkTtpzLz2PA4zJnL0oradRcs/H6FXkXnpZ/Is0q++HcbluHkkWL1TGG9MeedFIt5E6S4xj97/pB8dGVkii3GiTqOnS19bW9Mwzz0wZa2RADmf2Lr3Gvvq6u/ckc+oMUOqn1oIt00fGFUu8sDfQHLhnJ2wulmlBO8Ce4Ldrr71WUqex8LmWOpu0F8JkX7MvYqkZ9jrHcl0v+cJ+uOOOO6bnunere8E6Y8qOdSaW2SY5h+vt2bNncE9E7QB9iHvRPTfpg8d9Rgbk2gZn017kNLIZruN2eZ53ntRc6qeYc3u8e7lG+Bwyb8TWZWy1ptlx+3/Gjrw8mNsQ+T1qdJwVenJq+pppd9yzmE8v2ST1k25v3749LS6coTG8hoaGhoaFwKYY3vr6uo4ePdqLeYklf1yaQPLCFoRkFPXvSJ5ezNDZGxJwjDly70/3HspiW/j/3r17Z/rCeNzjLrbLdTwLB5KOJ1uN50a7XmwLaQZpPrZDH2EZtMtcYLOMsZC+Lm4zYE7i+Jwpue2L8SGlSbNecly3xvBWV1f19NNPV7ObxGt5uRn3zhsqPprFJcbvo0SKVAkrYw6Zaxh+5uFLe9432ozaCbeL0q5nSfH9EOfE4UwrahTc9uk2G7QBXixZ6tu8azawyCRqhV59D2XetVzv8ccfH0wavrKy0lv/rNyQszT64rGwUrd2bjN2VusMLJ7jdnLWMss2wt73kl6Z7db76GNnzfy5F9fF579WxDeOq6Z582TVbnfO+uyZpPzZEvtf8zr3wttSN4/RT6R5aTY0NDQ0NARsOtPKc889N2VAxPHEt6u/8T0uy+O84jmuS3ePJPcYlDoJEQnB4+9gVbEf2XdSxxyxscTfuaZnj/BPj8+T+mzQJW+kwjgnsCeOgckhySOFkn8vMgq8TpFqazE8keHRLtd1Cdbz/sU5qcWKRRw9elSPPvrolD25bc3bztpzKTCOze07znI8U4jUScnMHWNkXjwvotTPpOJ2MrfpxD6yHoyLfehliDLm4uvg8VLR7ueem5yDbc/zgEb7n9t9vU2PrZL6XnOZp6Cfw3z98R//cXqsI8vTmnkXcv+5RoL15z6K/fEYM9af9RgqsusMzPdfZjP00mLuHRzX372e/Z7wOYjPHddyeT5MEJ8DPh7P1uKet/H6XvyafeUexpFF1ryA3SYatWOcEzUjLZdmQ0NDQ0NDQHvhNTQ0NDQsBDYdlnDiiSdO3dGhz9FhAurrSWfdzT2eA7IqurEtDJfRRZXfaBcVp6seI42++uqrJUmXXnqppL4RH9VJrFYc50DqjLeuwvKEylJHx93wy3juvPPOmb+lbt4IyPSyIFB9+hjd4FHr0CdP5kqfY1kYNxYzDi/vlBnFo3tzzXh86NAh3XHHHVMV0yWXXCIpr3jO2mXu7FwHeAokr5TsqrjYf3d04Lq1hMBSX5UJ2PdusI9j9PJTWTC0t+3qKMbjezWqvtxZwZNI+70R1aGo2TxFms9fts4cQ189rCj+TbKCL3zhC9Pr1lTi7rSSOXm4kwOhS4wDNX88B/Wmt+fqOg+vkPpJwz2VXbZ3acdVfD7uof1dK6+VlQnzPepr5qptqZ+cnHvAE2v4mOL1eCbxnHUnxLgPPFG3O6HxezyHvrFXh547jsbwGhoaGhoWAsdUHsiDuqMbNZInkjxSFG93mEg0nGJMR7rwwo4eBBmlZ/qAJHfBBRdIkl7xilfMfB+vR9+QGjx4l+vjECJ1jNSZgzvWZEGVLr0gCcHezj//fEnSAw88MD3nc5/7nKR+SQ/6gWEY5hWlNCR5Zy7OFiKz8GB05hXJOXMy8cDtIaeV1dVVPfPMM9NxEfycubf73+7UFI9zxx8v9eOStqd1k/rSshdxjVItx7j7ee0z9smlcQ/yzkrvuLNQbU4ivESSr3+WABowLi+27Aw6WwNAu4zbg8El6YYbbpg5djOu5SCyC+6Hc845R1I/GTpjjmE19C+GOcXvAXMdk1fQb0/j56w2S6dWS5LugftS/fnijm+ZI5onrXDHOzQZ0TnPnf5qYQieZFzqJ2Pg+ebao7jvsmQSUn/fxXllrSNDbgyvoaGhoaEhYNPlgUopvbQvkeHxpn744Ycl9VmA/y11UoVLQEg6bnuI0iVSCuV7rrjiCkkd84ERRanJ9dQuHTCe2EeXtDiXY+hjVvjRbWa04X+TgkfqmCrSDDYJtzfS12hvdDuSlwfKEjzzHZKb25nchiB1knuUoocCpU844YRpGi3CHwhtidf0MAdnPnEtPfyAv92W6oH1Ut/12stdZUzY59YDf13ijsdwrmsd3GaUBfN6ELTbjuK6eGknv46Xo4rXYz95sndAm5kt1xn6ULJyTzKxkYS+tLTUk/pjsmnm//LLL5fUaZIoJOq2aal/L9GeJ3dwLVI8159rntIus8e5jdrZe8aendHV7I5xH3hYEud6maL4rEKj5M8oxse6sZZRYwLD4xnsqcuyROfA73W/X2NiBQ8nmzdxtNQYXkNDQ0PDgmDTNrwsgWqUzpwBeVFA91iT+l6MSGFIIJ5aLEoxSFKUnvDisW6/iH3z/rtEFKVYL/eB5OHlkJA+MsmuZusAkXkxVuwGJN2mLU+DFO0L9NXbp69ZGRIkVk+z5p6MMM445lqgccTKyopOP/103X777ZL6Xq4RWeLd2Kcokbpk6JK1M8C4Li7FOsPL0izV0p3xvc9xPNZLujjDdC9HqZ+g3dfFEx3HMTtTdE9CkKXbcjbF9bIAfm/HA+mz67zjHe+QJP3cz/2cpLG9PGO2XGvr1q1piSeAhoeSSHhler/j+sNWnAG5TY/voye0J292/4JMs+TB6Nzvfv9kGoXamrqdLj5DvFgxnzzn/NkV/8997mzMvetjf7i2p1D0EkPx2e/3uJeNymx47m3ebHgNDQ0NDQ2GTTG8Q4cO6c4775yyqZh0Frh9yKUnJIQsMTPMBLbCm9yZWIxXc+8oJCFPzBolEdfJuxSLh1eUPrz8D5II3yMJcd2oc3advdt9smKKtBftHlK/NIbb3qSOXfCdsxH3eo3fMedeZDNLFJ6lF6ph69atOuuss6YMDykw9sHtYp6mycupxLG5BO8xbllJpqzESfw+S+Y7lBw7+8zarc2be+tlxzrLyeLwWLta8mYvlRPnxG1QwO+viFrSb48DpDiuJF122WWSpHe+852SpPe+972pBy3jOHTo0LRvbqOUOg9rbMOxtJfU7Z14n3h6Nrfpu1YnPkNgQBzDs5D7n+/jPDrbjOVtauPyfeQMzwtOR/brSeK9tBB9zGyhHqvp57o3qtR5t3taRN8zQx6+Nc1MljDetYfzoDG8hoaGhoaFwKYY3pEjR/TQQw9N4ysyKcbtVW5Tc8+k+H+Xyt2byPW78diaPSzzSHRJ13XOSCjRXuWZJ5AUORddPl6I2BRiezBXznVbYWQUzIlne3GvMI8Zi3115uqephkLdQmPNc68AWtlYDKsrKzoRS960bQdWDrZGCJc5+82j7h3nNm5ncRjD6NtzefO7SGZx6VL2M6mXIqPffPkzX4v0Ha8nzLbTPw7Y0W+LjUpOivb46yP67stJ57jNjs0MnhqX3PNNZI6Lz6py7Ry5ZVXShozvd///d/vjYX2d+zYMV1bz1gTQX9j9hipe5ZErRTMyu2jgL+z0kLsK/d0ZA74Pl7PPWvd8zlLjg7cQ92TmEfNCxgqOxTbjKgl7nfPXh+T1DE8z2BT87qO7frfmc0dMMeMuWb7zdAYXkNDQ0PDQqC98BoaGhoaFgKbDjxfX1/XQw89JKlzlY/pelxNh4MIx9RUJBGk9EId4Mlvo0EadYO7fNN+po7whKioB9xtN6rOnJ5Dq6HvtUTAsU/ugOLql8zxxNVr7sjhaYLisR5A7SEhmfuzX3+okrtXVK85HUhdAmDWFJVWVCezZzwA2IPgs6B+dzioJebN0oR5QP5QYDZwxyOvnRZV7B5CgqqcOfXwh8yo76p7D6WI+9sN/X59bzuqmFz9XVvTLDyJT8ZDsoSLL75Y0qyaHweW8847b/pbLbxl27ZtOv/88wdDTPg/fcA5jnuKOY994FifQ851NXncq67y8+cPv8f7kvX2+nu1GpvxWI6pqalrDiLxN1dhZ+YgT0rOOvs9kakaubdrCfyzdas5tLj6N96DzKObbuZBY3gNDQ0NDQuBTTG8Uoq2bNnSM5hG438tiBZpCgeOLLWYB8YimZB+6pFHHun1icTLLgnw9ncpKvbbAyW9JEbsI5Ib7SIFcl13XonXIwgWqaXG3qLUnDkUxD65wZ2STVJnPPYkwi5ZZpWVkbhog3HT5yixOpuqGce59tra2nS9brzxRkkdC5C6tFBI4x7I7GEqsT8eoFtzWorSZa2kizugZKETtbRZfMZzvP1aCMU8bM2Dbp1hRNSCxocq1Xv6tlry4jh+2kXyJjE0mhruedLlSV1ZoD179kiSLrrool7/wZYtW3T66acPJtn2McI2eHZwnSzxgDse1aq9xzV1xyp3eMruX7+XPJGCO8TFY9h39NUdUrKkAjWnMmd2mVOW77taYve4Bux9r3yOJjDTKPh+riVhj9dnn/lzYh40htfQ0NDQsBDYtA1vNBr1iq3GN7azNaQX3sLOTOL5Lj17WjBYVHzbIw15QmvXNUcJ2O0gziBoK5YpQoLEZudJlilLgm0iSj4exO12zEzf7ymLaumP+D26fAOkvb1790rq2zei7cglRHdzZu7j9+7CPqRLp7QUNhTKBGEPlrr0cPQT1uou5plUSbKAWh+GWLSnMnNbXuaCXyuE6kkG4jWdYTkr87R8caxuU6kFrcffPNjepXIvNZT1zUNCsuTRsClCcj7zmc9I6pKhs//iuLgnuF9OPfXUNFifa5122mmDJZh8ntgzlKEi4cFQuR7G5ImtMzumh05l4VaxDanP5Dz9YhaCUkuMXNOmZGnpvM/O2rLwBN8HtXs8s6MyX/MwMN+rzjCz8TuTXF9fn5vlNYbX0NDQ0LAQOCaGx9sYiSUrTePpeZDWd+3aNfO91A+8RYqETbk3W5RuYUVIdDWbTWQmHpzsxU05JzIuPEO9AKJLyQQXZ+makAY96TJ9j16c7hXlbNBTc8VzCeqGJXrqJA+SjX0BjN3TEw0lil5bWxuUtNbW1qbrTyqouHeQ9mHLjMnTusVrsJasD+3Vgnjj3qnZNFy6jdejT860nBVG9uyStTM5byOCvrj3nLOOoWKurLPvu8xm5fYr92R1NiR1mpA/+ZM/mTmW/YcNj/tZ6p4DPBceeeSRdPyM7aSTTurtrYzluP2VZNL0G7YpdfY997x2j8+h8jPOSDyZQcZa6VuWNMLP8bVyz+Fa2jipzuR9D8V59+dMjVVnqfo8wUJM3OHH+nc1++lQyax4bzSG19DQ0NDQELDp8kD8k/KEpUgI/MbbHskbqSmW4PCUQe4J5sVPI/NCSsKG5TFBXiwwXs+LQnrqpxjvRd9Iq+Zs1L00I3vyooqAc+lrlNI5x70BnaVlkp17KNIX9yjLYiGRyjxJdeZh5Xr3IaytrengwYPTNcRe98ADD0yPwQ7nMVSMNYu7cV0/TM9TitW8zeJ3PpecE9fSE3D790Op82r2WLcvZuviEqx7BWbnDEnj8fvIFr1P7knKsdGTkHsZBnfKKadI6pgfezmyefqPB/MzzzxTtUvhHe7zlhXzdS0AfYDp4TkqdVoG99IEHqc3VCiXY9h3QzGONTtYVnC45mHpv2faCO93LYVahKc59L66zS2LN+U5Gj3H4zgjap7eQ16ivuejtnAjNIbX0NDQ0LAQOKZMK5mNC3hRRbd5uFeT1EmAHmflCZIzrym3Lbndyr3MpE4C8RIogGOjlyZ9cG9Qt4dxvSj5MCecg1RLW1kSVJe0a4lSM8ZRK6rodp4sGa7HCHkB0iFd+UZMb3V1dXo+TDnG4TFGpHC8/NyWl3kk1rQDLnHHufF5cmk28wZ0m5bDs/ZkcEbnUnW07TAuz8Lhca5xTtwO47GjQ/Gffh23c/N9LA9z6623zlyHuCvOQdKPbJ7sKzDyWPIrQ5Z9ZIjNsGaM+dJLL5UkffjDH56ewzz72GrZbaLdkv+7h6979g55wLp2ImNxvt9qWY0y1uv7NyuC621tlLXEvbmz66HFgfHzzOd5mj1DfN7myZ7Cc+HAgQPNhtfQ0NDQ0BDRXngNDQ0NDQuBTas0pb6BNjqGQJfdYO1Vq6OK0dWd/IZ6DfWB/x2PdRWWU/9oZHfVhddZQ8URVZ7Q8zPOOENSR71dLZKpFlD1QMFRBXsAJU4b8TtcumnPA8IzQ38trduQ2sBVpozX0zkNpS4aCksYjUZaXV3tuYDHdWHt+CSQGfdx1j0G2TMvrpaK143fx/lzhwNXT2Xu4+5EwN8ck6l+mUNPWecJF9zJROrm26tigyw9mKsqa3snu54nUHY1GN/HfXDLLbfMjJ01ZVysX0y+jNqL651++umDIS/r6+tVh434f1cB0ibXi/PkSbtdxejq5Kj6c5WmOxwNhUx43UNXS2dOWf5ZS+eXOSAN1aOLfY6/ZU4psf3MTFJLyoAjHM/ObN08NMfvo0zF6c5486AxvIaGhoaGhcCmwxJWV1enEkkW1M3bFqM2Uq2Xl4lSsxtrn3jiCUldcKqngMrcm2kfZoLLMedGtgZzwMHApYhLLrlEknTTTTdNz0FCrAX+4pqNET7+7iEGzmBoO5ZZ4jcvLQQLHCpHxG+wQ1yyPUF0dHTxAHZPdJtJhy4NRqcUB67l7jDBGkud4wIsAibMXPJ9lszZJWyXMjPmzZjcKcrDNzIJ0sdOP7K0Ye5k4e3WpOn4m6edcueVeG6t3AzMmDXmnskSQdecgPie1HBZu846SBodnxPsL9jgrl270vHTh7W1tUGGlzmJxLGjccJhLPbH96zPrQd/S/2SVaw/c+D7IbZXqyKe3TseFuLJAxzxueMMv8bwhs5xrVDt+9gnZ3o8k4cSHTij87nK7kHmZGlpaW6W1xheQ0NDQ8NCYNMM78iRIz3WFKUNGI7b1mAmsJgs8Bx4KiRYBtJgVtYGVuhMEpdoXNxjX1wP7YHUUeJijKQmch0+Ugz2iocffnh6LmyT8kbOXJCQo2Ts5Y1go7AR1oDjYHGxL8yNn5O5WXsYidsMMl26S6SllKqktbS0NOPKzhrGYr4wPE8h5+WoYjJp9oanbfOCrLEfwBmJ2zE9IXGEJzYHWfozZ3C1EI/se/7PODO7m5QHEzPHrslwFpwFDzuzB+zrGE7itjtAcgEC0eNccQ8SInTw4MHBsJaY8CILS4jHxU/mib7RF6l/39Xc9z00Jx7jZYnYU5lGoZYIwhMcZOnB3O7rv2c2NU+z5jZ3t1VKfX8D4LZRD5bPxgWrxoaXJUmo2ercjp6Fd2wmhGF67txHNjQ0NDQ0fBWjbKZ4XinlSUkPbHhgwyLj3NFodKp/2fZOwxxoe6fhWJHuHcemXngNDQ0NDQ1frWgqzYaGhoaGhUB74TU0NDQ0LATaC6+hoaGhYSHQXngNDQ0NDQuBTcXhbdu2bXTCCScMlrz3DA2gVvQwO6ZWXn4or9pGmOecY2n3hWjr+Vz3r+o6NWemGHfjWUaee+45HT58WKurq70Lbd++fbRjx47BGLChTBq1/mdxb/HvoTEP5f3c6NyNkJ07FD82T7+y346lj8cyvqxUkv/m8V3ztB/jsJ566ikdOHCgd9LKyspo69atvZizOBfE84F55tozPNWeN0Oo5Vb1awydO098obc/T99qeTjnOedYft+ovFbWD4/r4/1B7CixuVm5rZhN6ejRo+lzx7GpF96OHTv0xje+sVfXKL68PFjTU+6waWOQqm+8WgLYoUDD2mbNkuvWUKsb93zh1/Yktf59/H9tsw797fPpD6Da9eN3noQ7S6RMfbMHH3xQ0nhzfuYzn+m1KY3X+9u+7dt04YUXSuoC9D1YWerXOPSag1kQqj8IPIDVg1XjbyALFo5t+f+zY4ZedF59fZ5K8X5P+OfQWvr6e+B71mf66KnavP34wCURgNfh84dYllCZJAzLy8v6yZ/8yf4EaLzul1122bSGIgkMYr3KV77ylZL6yQM8lV2cc0+IXquans1xbb9tJlED4Pr0Pc5TFuAd4XsonuvB8bVnYAw8r6Uhq1Wbj2162jH/m37ExBGcT0ISngec8yu/8iuSpA9+8IPTczifvu3evVtf+MIX0rE5mkqzoaGhoWEhsCmGV0rR0tJSNbmq1E+55Il4s/Q5nrDWUZOipL4kshk1xEa/D0nrG1H/LLFtDRn7AF7KyM/JWAnfoRbwNFtZ1W7vg7ORLGm2S26ZBB/7dPTo0V5pqaw9319gqIo0qKWHy5i+S8+eUiybp9paDjFyzvHSPjUGFpN6DyXjrsGTu9MG8+vsPV7D2UyNFcR58JIu7Adni3GtOTbug9pYV1ZWdMopp0wrqT/66KOSpIsuumh6jK9lTUuTrV8txZvPT7Z3/L4ZUudupELP7nXacS2XJyn3hOHZeGosPZsT2nMTlc9F3NM+dn+GZOfA1vy5Q0L96667TpJ0ww039MbDsS21WENDQ0NDg2FTDG9tbU379++fvn2Hkix7guRamYn4W01qcukiSiS1gp81J4bsO2eHWR83whDzOxYJayNHgJqtKv4/k6giol0gJnaO7Tr7iWWWmJ+YMHeIPUftAGwzYzPOklzKjPPl7KFm0/NrxP8POUNI+dw6Wx5yXvA5rNmia3aaeKzvlUzKdabsNkR+Z+7jdZG4fU7YQ9zfMbkwc8ExtXI3MXm0l9wZsrEvLy9r165dvSTLMSF8jeE4W8u0EJ482hNPz5OkeihpuvfFzxkqAFvT7PhezcoF1bQOPgeZzdDH5/egP+fjd76mPp/Z89vnnr358pe/XJJ09dVXT8/Zs2fPTHvHHXfc3M/qxvAaGhoaGhYC7YXX0NDQ0LAQ2JRKUxpTUNxnMycTVwO4s4pXYZb67stOwWsOCPG7jdz454nHGVJTDLllb7b9jeJV4v9r6rYhd2TWB1UJoQSuyohjohJ0dPWO18vGx7FUVn/22Wc3rGnmDi6xXXdkQW1GP70mXISrRlwdmlVO9vmoqbaz63l7Q84StTgrbz9TT/qxtXPnifvz+wc1dgw1qd2nvhaZ0wr9Z53cjBH3m6s/vf5axNLSko477rhpzcNdu3ZJkk488cTpMdRcA1FVHvuWPTv4rVaxO7sH3MQwj5NM7Rni90Q0QdRUiiALD/Br155VHnIUz6k5r3nYUgTPHZ8/H1+cE98rqNR9vb7lW75les5DDz0kqatteN999w06zEU0htfQ0NDQsBDYFMNbWlrStm3bqq7yUl8icPfWzG3XpYmag8aQO/1GoQZDGT1AzT0568uxZCTYyLCauSM7y41ZTeI5UcJF0gJUl3ZJPEp2VEnH9RvpmetlQfkEicZA0hqQKkLt0AAAIABJREFU0l0SjdJsrcoyYA/Fc2AkXqndA6czRwp37fbruiQc/+9Sa62tiBpbGwpwdkeDWpiFV3aXZh2MYlvucBPPZY494NzZWmRQtMt3zLXv4bhuhMx4GxlKKdqyZct0L15zzTWS8rXc6DkQmQn9OXDggKRuzDBfZzPRuSdm+YjH0kYtxCoeWwtlyJ47YCNnrNjHWqgR42YNsucOqDkdDiUtYP74ZB/i7BjB+awBzx2uh1MMziuS9Hu/93uSxgHnkvTII4/MHZrQGF5DQ0NDw0Jg04HnKysr07evu9PWvpP6DCFKsUgasBakJD49RU2UomvpyFyqifBjaynM4rm1oOiNUk3Fc12CYxxcJ47Lg4Oxk+3fv3+mr/z+zDPPTM9FKkJyQ3pCAs+kYHIRPvLII5K6OeH78847b2YssQ9IZTGw3LG0tKTt27dXGYvUzYunoXOWEZkpx/o5tM/3ngjB/x+v73s3shlnqG47zNayZjt1yR6mnDEX3zN+T0SWjUTt81ZzF4+s3dt19sk9GtkjtjX2nbNp2owMz+/1Ukr1XhqNRlpdXZ3ajLE3R7bG/13b4H1D2xHBfHCfPPHEE5L6Nr19+/b1znWGf+qp46LbsJu49mhEPEWeaw2yRB5u36uFOjFeqVsz5obnLM8QNEFxf7ttjvvH++a23dhH1oD1oo/07Zxzzpmew2++ZwHjPPvss6ffXXLJJZK6BAQ7duxoYQkNDQ0NDQ0Rx+SlCTLPN0+jxFseySGTtLAfudTCWx8GgQ44k+yQHlzCz6QywHWQGPH+QuKJ0hkSW4191Lwq42/OAmBlSLtkBpc6acy9zZwZcW6029EHl9a4LnPFuKVuvfCA4hjG/dhjj0ma9ZYi4StsYNu2bYOMd/v27YNp1NxrzW0pjCtKwC6Fu4TIHkK6jnPijKrm+ZrZDPkuejjG68fvXSNS8yT1NFIRHvhPn2Hg0WPRg/sZu+8/Z1lSnxGzr3ycUftR85R2xhzn3gOMN8L6+rrOPffcmT4+/PDD09+d/dM/7n+OHWJcgH7yXKKP8R5zezLt8lzLkqKzn7GTM+/uARux0d70dYqB4G47hcFyjj+T43U8VZv7VzDP0avb7ZZu08s0Z2eeeaakLpm8Pz/cHixJL33pSyV1Wq/NoDG8hoaGhoaFwKYZntTX0UcJGMkDiRB9Md/DHKK05Lpf9+gckoC4jpeQQSLgeplXGUAKRPJCQo6ej57OCMmG792LKfOWArQLa+Iz6t+dQbhNxXX5mWcXY0bCQurMmAtMgb6yFhyDFHjrrbdOz/nmb/5mSbN6/iGGt7y8PJ2vIVsXY6W/tO823ThGjz10r8nMs9i91hizS/xxbumLrwuM3NclXpNjOddtbCBLBO42ZD6JRYr14DwFl4PfWdNs73gqLrfDxXMYO1I/mhLXPsR7gu+Yz8OHD1e9p5eWlnT88cdP70/6ENPhuV0MW/T9998/07fIhLmHOYff0FzQ/t69eyXlnpfOwBgj93hk6+7xjIaFOcjsWLVEzF5KiO+j96t7lzJv7sUd7XC+zq5d4VjmhrWOv/l4OJb5jXsVFg37ZE3Q5jHnvEck6YorrpAk/cEf/MFM3+ZBY3gNDQ0NDQuBY2J4IIs5gqU8+eSTkjopD4knKxUCPEEt0kW0bUm5HdG95dwzKNog3AMRSRemhaQfGR7tcw4SFSwk88oCLv0hMTJHWTwUkhrSmNsmnWVndi36iiTpiYEjw+McGCzrg8ca+vLoDerlh0466aSqtEUcnvc3Mm/G5pKhFxaN59Af1qrmZcb3sX/OGLk+Er73g3HEc92Gm9mkXKIGbnfKYqyc2TEeL4LpcW3S7FrFfjAXaDaQrqXuXqA9rof3IXMT9w7t0D6FWjk3y3LCmGNml5p2YNu2bbrgggt6NtfITPg/9xb79iUveYmk7l7IvIyJ52KOWW/mALtc9AfgeeJjr3moRngZKC+SHZk5//fCtv68ybJfsa7uqe73U9Y3167BuJwFR7bmsbDMr8frxnVmr1DAlcTQrInbZCVNbbkcc999981VTFlqDK+hoaGhYUHQXngNDQ0NDQuBTak0R6ORjhw5Uq1hJPWpvasyOTaq7zwdT83FPAsidyrvbrQgU5egUoByo6ZArRPVYxhnXdXoNcX4O/YdKu8OO25wjqoMVBb0oVZLjb7jvCB1Lr78hjrCnYKi+oPf3FUalQPq3mg8pm+oOZaWlgbrgu3YsaNnBI/7APWFq7uZLwzcUT3tLtZumPc0XpmDFXNN33F4cLWbVHekydKQAXeYcZU93zOGeD/RNw9VYL8RfBtdy1kjPrm+7zv2alRpMreuymLfc2xUJ7oa1FVZWZJid2QZSg21detWnXXWWdUQnXhtzATs5zPOOENS5/4eVYxcm376HLvaGrVu7D/X9QD37B6rqd1q6up4vocYeHgAwLFH6quuUfeiovVkz7EPqCwxcfD8o298xnPd6cyf9VlqMb/X77vvPknSPffcI6kLQYjXob1LL71UkvSBD3wgTWadoTG8hoaGhoaFwKYZ3uHDh3uG9EyqdddbpBvcTrOEtZ482F1VM+O3M6xaYtYh47E7DTCe6MLshmzgQbweNB+P8XM9aDgGqyIp8ukOBxzLuZkB2h1enJVk5Y/caI1hmDWIjjzuVj/kHuyJxz2dVvw/v+F4wPxlqZCcNbPuzDWfzgDjd+545GnI4jk+T7BpJGCviC7VQ0lq5YIiE2BfueMTc8D4o0MFLIe1gum5tiALqGYN2JuMx9NSxb3j9yBMgns/q7Q9FGrkWF5e1sknn9xzXov3C6yc/Ur6KtYlCwHxvehgXBkz82dHDK+QuvnKyqD5Oey7oWeUJwd3pxieA/EZyrqyD/hkzzCuLLG+X3ee5NHuQOjB6Z40Qermib3C9ZydxrVmXNdee+20TxslDQeN4TU0NDQ0LAQ2zfCyxM3xLY+kwXG8mXmDoxOODMj1uEhJDz744MzfSAxRF+wBsh48nOnSa2VakCpgljEQ3OFJdvnbbTzxN+8zkt1FF10kaVaKow8wPOxXuJp7qZcszIP2kbDoG+O94447pse6RMr8uW0P3b7ULweTlf8BpZSZ34eKqqK/dwbkkmnsQ43JOSuMNkjG6uvMWL3EUISndHLbVky5VCufVJNKsxI29J8+M172RVYeilASnxNYoycXjmDvMC4+a3bWCBgm12f+Yioo7C9nnXWWpLp9S+qSR7sNOq4lv5Fk2IP8mb+oHfDwBg97YW49qUCEJ4D3zzi3Xm7Iy3Vl97KnLGT+fc28XJHUT6vGs8O1EPEc9g4snfmDOXtwedzbnirPGayHWMQ5YDwcy/WyFH6sD/a9iy++eMaGPYTG8BoaGhoaFgKbLg+0vLw8lUgynTNvfJgAb3kYXpbU2W0ASFpeSBCJDo9BqS/1E2iKxIN0FiUA905yVoKECtOIx8CS/NPtj1FqYp6QUpC0sJMgaUXp0wO9XT/ukmuU+CiQSUkfJCvm/POf/7ykWYZBX2KQdYQH2Er9kiEbBZ5v3bq1F2Qf+8264kXmczoEZ7xoAZzlRrbG3uF67BGX2uM53n8POOfvaP/NPJPjse5hnKUW8yTp2LMyLQTtujSOPQtvQ9hVvB7ry5y496Gz+niOs15PkpAl+0XjM2TLI2mBe2RHJsTYPFGxe3ZmbJaxeh/cfh7vafa8sz7XDmQe7MxL7f7PUsK5v0St/FrsI6yfeadPtD+UysyTR3uasqFC2DwTOZbnKeOMnqXOev3ZD+Jzh3mivW/8xm/U3Xff3etHhsbwGhoaGhoWAptieOvr6zpy5EgvUWuUxN1biDe3xzbFt7x7w8EmiKFBevPip/GYCy+8UJL0zne+c6YtpLSPfOQj03M+8YlPSOpLL55yLMa0oAcn3g0pmb9hEPQ1Sp/0AUkLFsxcYSuIUoxLzTBX4oluv/12SR1bi+wBhnfZZZfNtMF1b7vtNkmzTJljmE+kNOYCRnHjjTdOzyHFD+tx2mmnpaVtQJQGPe2UVC99xFwSExjtiF6YFEmYY1gf5icyIsYEi3b7CxJyZm9mvV3azNKReQoztx3zd1bg2OcCz1VnO1Hi9xgx/n7ggQdmzrn++uslzXrAuU3cWWKW3o3reGo+t/PFPepscGVlZTAWDy/f2G7cB64B8XvavXZjf/hkDtkP3K/EOkYmjBcoyalhqtwvzGmcJ9aQPcizwllhXEv3OndPcvf8zbw0ma/4PPO+AfdJoH32Hc9g7qt4b9AHngt4MPNM4XqxNBzHsF6ecJxnZNwbPE+Zr2uvvVa/8Ru/0RtLhsbwGhoaGhoWAptieGtra9q/f3+v3ExMIEoBUWx2XhKev6N3Ty0RMizq8ssvl9SPx5I6by/ac8kOCSGWiPfMF14OCCkwetpxPlIZ0qV7rXmGijhPjJPPmoen1C9oC7uB6dF3vKmuu+666bmeDLtWMiljlIzdmQN9I8mrJN11112SpJe97GWSpDe/+c1VGyDX9/idaD+oFULl2nhuxawyzANjZT5uvvlmSd06IBFjT4jtu03o/PPPl9R5JsZz+D+SLnufv7OiorUYKme07okp9TOI+N50b0qpm1NsuPQRxoIU/cpXvlJSx/gl6aabbpo5lvvJGR8MR+rmmHu+lvg82rM8gfJQLBXe4e6JmCWE9799bjMPX2dW7Gs0JVwvFpyF0ZEZJO5JqWOJkXHx7GCPsC94dnk8cOyjZ6txrVhm/2PdeXY4280KXXv2JPcSBTwrYW9SPfk+n8xnhGe7Yh97gds4LvrEHn3ta1+bFtzN0BheQ0NDQ8NCYNNxeEePHp2+7WFgUfLh/14ixGPPoq3H40KQtJAM8MBBiop2H76D1XzoQx+SJF155ZWSOgkhMhOXklz/jwQUWSgSLe2h1/c8e7EYKkAax/6GjdKz0UQmwDx6gUSkKL5Hirvzzjun58JUsO/Rvn/G2C366OvlGWuihMw63HLLLZKkb/3Wb03znYLRaNRj/BHOuJh/pDfmHluU1NmGP/vZz0rqmBCMnHNYn6iNYC9yLNdxFk08qNTZMN3jDYYHw8SmHK/jnm7unQmixA2LYb1ZO2I3hzK7MA6kcPYsoJhvlI6vuuoqSZ2mBjsnn+wp5j2ez/7mb1/jaIdxm+c8mTKcFcb2PK8v+9QZUNRqoOmArbkmiblnXNETkD3BOvC88wLYUeNB36IHr9TXDmUeiTWmxZ7imRX3AQyfNlh/+uEsOF7HM67QN/YSz6HIsjmX+4l7jXn71Kc+JUm64IILenPCPvAMU+4vEsE8XXjhhYO+AxGN4TU0NDQ0LATaC6+hoaGhYSGwKZXm0tKStm/fPnU7hWZGoz4U1x1Q3DU7UlBXo7ljiyc0jqpGaDpqCNSFToFRCcXreXkQ1B+oOqLKrxYUynXcwSEGumPU9wTTtWBZqV8NG5WSVw9GPRDnhPZRs9EX5hHnj0suuWR6DmP3YGhAP6JzhAcy33TTTWnlbTAajXpB8DEQ2J2I6Pf/39659Vh2XWV7dFV3px2jlkOwiALGMXbbHBILKVIUzhJccYmEQIH/RX4Bf4DLSJFAlhzhBJzEJORkIDgxhLSIEnfittPd+7uInr3fevaYq6r86bvgq/HeVNWudZhrrrnWHu84vIN5Y32kixHXG9twPNwqzA9zkslETubhGrmHXQdy5gyXHtdusYJ09bCNxaFdAgByTkh+YKy4iSgaZ13m/eK+kzLPOsftxr0mTT3XOWPDjQc4L/c3hZxxLTEHuFL9/GYSGPeBZ3Gr4zmw+HLOE9e4cmG6zCfHkOOqOqyZl156qaoOzwsuz6rjpDVLzHWiz6wjxopr0+100sVt+UaLZVhCL92hhHtwu7qlFM9vns/tjpxQx5zh2szzMSesVe4tyVEcu2s2wPWxL8+P2yFVHcvGXVQ4umoY3mAwGAyuCC7F8G7evFlPPfXU3rokESS/5d2CxAKtXQsUgMXj9iwuzMUyqTpYWBYPdRuTZEAE/m3FYOlgpeV5ODfBWhfkWhA2rVUKLWFyFFtaLigtLa6LOcHSJykCC4tjZhEuVhJWOOzWLZSSrbrNEP+zoG1KKbno/969e0sR4N1uV48ePTpKgumCzZyLa3a5SBbMMpdYni5xcTJOlxrP+VhDTnhIYDWzL3PLPWTNJJPwnLg0gzFxfVmYyxqFYbl4l/u+lZZtEWfWzJalDVIYvOrAcJMpMxaX97Avc5aFz4x7JaztMV2/fr2V6wJY+2YRzD0sLZM+LA/H88KYaD/D/GXpgd8ZPJeWo+uEwF2WwPnd4qrquNzC0mhmevls8Dtrh+eUz3mX5fn8zrXXi+eJ+cznd9W6imfUiVYJNwR2S7UuyZGfW+8dYxjeYDAYDK4ELsXwHnvssXrxxReP0mq3LEVLLzlel9sAF6o6TtG13LB4sOMkaSlZNJV4EhYJFnBadFgcWPCWPeNYXdkFsRTHNCxw21kp7OM2GlhnnK9r4gnLXbUw6URjHQsxU0/LHqaMBbnb7TZFgGkgnMgWL9w75pQxwKKYt2QKbEt8qhPezX1z3XG/+YyxwBZgKjlmF5a7rRJzkkzCRcJmUWa9eS+dys5YiF2ybwozIwPFdTn13+IJeX0cj32IP/r68j7zWQrCVx3uJ//P5wmmwHPy4MGDzVjMw4cPl41081otPMG4/ezlNhZKdmyIn3lf2MZSWKuGrVWHZ5VnyM+ci/yrjuXm2NbvXIuMVx23VYOV0VaHe8x6yTG54bAFEMwe8zyWObOMXOfV4XpchtEVx9sz8tZbb7XfQR2G4Q0Gg8HgSuBSDO/09PQMu+ObO62ZlZ/d2Uv5fywCrAi+wbGm+btrxLiylj2OtADsayZWRAwH6zOzt/DRu6EtlqMzSDOm5iakji90zSLZJ7PY8trNGjJ70ozRWa5dpqwLy93wE0sWP3zVcVuTLXmohw8f1g9/+MP9vNlnX3WwZl3IbMmxvP+Wm2P++clcd2zN8Ql+mhlnLNeFv9wf5qLLJHammb0ejul12YrcF7elgdkls4XtYo3DkO0x4R5nhqdjqzwDzB/PSO7j++a4OYwmx+j46XkNYHNtdTFvF5w7u7HLHeDcjoNx/K2sUYvgM0++h/kecDa2pQY7b9Qq58FegU6qz+859uEdDtNLEXnec2475dZGILORuQ63MMss4Kqzcmt+B67aH3UMjvX14x//eGJ4g8FgMBgkLsXwfvzjH9crr7xSv/d7v1dVxy0cqo6z+ZxRw7d+ZpW5Oadjdraa8tvcFrf98vxMi5TjwKjMgLqMLsZETMN1avYrJwuBIWBxu12P5XvyOJzHbKCTBfJYHLMzch5tEXO/sP74G7miqoO178zcFXa73VGMJb0DfGZrjiwv5iJr/czSLT5rVtDFGBk36xCGtCWE7exjy4QlO7C3wU0vHb/o2gO5RtGNZruGw9TDEVtjbrC4WY/J9N1Q2JmqnKdrf2QGzjYZ5wFeMw8ePNhcPw8fPjxax+kRcQNRx6k7z5PPZ9bptdI9a6v741ZGOUbHIH1dHbP0e2XVaDnB8T03Xoe806oO72V7RLrGuTmePB5gjKw712bnNma7zt7tzsNzcv/+/WF4g8FgMBgkLt0e6N69e0dMLGMczrBjm616G6wgZ9i5fY5ZW/4POKbTffNbTYRjuO1RZmVZLLjLdKzq1RI4HtlQjlly3rSaHVOz1ee5yHlYxS+A2U9ua+aaKjpVB/ZbdbACncnZYbfb1YMHD47iI7mPLd0Vq0Hst+qwzmBnVtrxPHUKP5zX2WOdpW9W5jVL7CPnvKvny23MjLZiU4wZds0aynY9zJcbgJJZ7Lq/ZJRY4z4+6Bies0B55lf75pgyI3K1fmg87f93bM3P40rdpup4nrzO/Mx1z4vF0P0+yhiXY2l+DvmZXg97XFbxxa1M+c7rlGPvPD38z8+N3yXdWJ2n4XZOub4dg+Re8M7cqtvO2PhF1VaG4Q0Gg8HgSmC+8AaDwWBwJXApl+ajR4/q3r17R4kTSZWRHev6QSWSgpqOuzDbFDkp8coNtiUPtSplsCxUFmT6Ojiv3a0dBberwkKzlr/K/R1sd8C5c/N6Pp0WvxItzvNZsJnrdHFxjvW8ovOHDx8euTC65I7cp+rY1ZgBdMbFvbMQ8FbigV2xTgTy51XHQr+WmLJbLH9fuZYtmp7zsEpOsKRe3hdKPzqRh9yXZIX8P2sTcWwLOrAu8lpWCQ2+zi4Z4zzB6KpDH85VT7jueE7c6mCXssMUW4lvPp+TY5wwkr+nmzOP2z0/fp+dVzKR63s1Jt4H3NPch/tvUQbPeSfwsCqd8Pu8K0VyeYfnOsfYCQKMS3MwGAwGg8Clk1beeuutvVVJAsOrr76634ZO4xQwOnBpizi3sXXs9O0ty87WuRMAkiXY0iGhBusCZpdBd+SsVskjWwFul2+QQk8QG+u8kyMyQz0vmSX3Oc/KzX0tc8acWyotu42bcd++fXvJ8na73Zn0YSzE7p66sNhF+JlMZCk5j81p3Gk58j+urWN0+Xn+z0kKzJdLaRJdok6OvbNSfR632QJZKGw5LcC8WqauK4Mwo3Ch9VaauEtqfIzuWs9LK3/48OGSXecYDM95t9787rDXxgkqVes59HXlPOHRMZN0wliXRAK8rr3ecvuV+AbPTyfKwbuId9/Kc8E++TytSkL8XHWye557z2O3T17nMLzBYDAYDAKXYnhVP/tmpy0Q6eGf+9zn9v+35bFiF10cbtXkcD/YxnpeWeWOK6UF4CJHjod1g7RUFsev/PmrdOSuxQf7ILVEyj+sKf3ibnfj61hZflXHMj2rwufO4vb9A118yUz5wx/+cMtSOf6DBw/2DLKTN7OVam9AJxq8sgRtkbJPssNVrMbrsWsp5JT2VVw4j9tJo3X/zzlxoT7zB/PuJKXYZlVu4XF0DJZi/1Xblo6RrUoAzKDzPBcppEawYBVjzf23YsT5/xzfKi6+xdY8DyuG2rVO4zn3fTGb8u85hvSq5LE6AQLfZ3uJsrUaLZL8nFryC2+YGwnkPn5ndN6J8+5X9/1xWe9AYhjeYDAYDK4ELsXwrl+/Xr/wC79Q//AP/1BVVZ/61Keq6pCZWVX1ne98p6qOMx4t/JwMwplA/K/Lisrtq45jhCu/+FYWI751RHaJFSXD85jM8GyZdFl6AKklrD8zvaqq559/vqqOrSSzts7CXInSehzJKM1mbJV3bUnYhnn6xV/8xeU9u3btWt28efNo/DnHZnS+T9212kq3XJst384atBW9JeK8ap+C9Yp3INseWWDc1+N72Vn4PD9Y1ith8KrjZst+RnwPkpWvCpxXx6g6Lih2bKiLwXPfM3az1Tw4pcc8lvzd98wZgltYFYJ3x7Y0mrfpMjJZB85w9DrIewmTZyzEav0eZZ1nprdZtEW9mZtsLcX7G4bH8ez9sCB+1XELuJX4Q+cFWjHxLs5otnmRTN/9cS+85WAwGAwG/4txKYZ37dq1unXr1j7LEGHh3//9399v89JLL1XVwbLBmnCriK6Og20tmAy2WguZkdjySThbiTFhCeGXTrayagNzkaxNW4ocl4aYnPcb3/jGfh9887TIWfnSu9ZC/O76qC05slUsjDmy4HXVofUJbUbu3r27mRF6enp6JFHUxePMajqLfgVLfpk9dZ6F82Ti8nPGz77Mh5lwJ0u3klwym8q4CPEV35/VmPM8Zje2mp1FmWMwK1jFjnN/Mzxi4p3HxLG7d95559xMO1/zSrKtu9aO4a9E6b2GO+FxnofVeu9qE1krrCHYEdfBmsnscNfz4Y3yPh1rck2tY4fcj5xH3oV+f/vZ60SlWbeO4XKMznPDuC1l5jXbZQVn5vBFWd4wvMFgMBhcCVxaaeUnP/nJvn3Kyy+/XFVVf/qnf7rf5nd/93erquq1116rqnX7ns46W2VLuQlqJ0LLt70ZGP/POiUY6t27d6vqYK3YyugaY9p6XjG9zuLwMZgDlDEYV1XVG2+8cWZMbOPs1y6jbBWHwWoiLtAprYBVa6FsD/Tss8+eGdvnP//5Mz79LWBddlYzcNygyy61Jbiqi7PlmNuujrElVu77wPm4rmyJY0ULsw6ux/WGeXx+YuFjrbuuMY+3ElY30+yEx50Zu1XH5jjpqiVYNkPdalxqoLSylQltVnERtr6qEfb4u2xW7tUq43brfMwHcV6YcOfJ8LnZ10LU3bPBtrzn2BYRcZ7lVOlxVq69RX6+8vrN2j12t5GqOvbqreJyyXr93D722GOb6ycxDG8wGAwGVwLzhTcYDAaDK4FLuTRxLeByIY3/s5/97H6bO3fuVNWhKN2SVSRjdIkndiVAUy1DlfQVmmwJLCg3Y8ziSn6HvjuYvCV75YSaVVf2bp9VWQDXm+Ud//Iv/1JVVV/72teq6lAITLkH19sJwNo159IGu8Py99UYO/ce5ybZZqunGanlq9T1HJ/LVJzs00k8+VrtcmGseb7zEo+2EpBWa9Xu9xw3WCVHbLnscWUCC5DnfbEYubtv2+3c3TMnQWz1QXNxPNviwuwSXnytW4kHu92uHj16dOSiz2teCY9vFZOfF4ZweU+eg3eI3cTMucsTqg4uTMoAEPDgc5I+sgO5SzFw7WVSVNXxus/jfvGLXzzzN+9ojo3LM6/D72S71jsBeicQ8o5yMmCuA0IAdnd6fWTpBNuyzi/S/R0MwxsMBoPBlcClpcVgeVWHb1iEoqsOpQoIS8PogBlZ1cEq4qetMwc000LA0nGwNTsp53mrjhMPYE1OcMiArFmaE1zMPrfkgSy82kkNPf3001V1KEanIJSfWEvdvra0Mwmiqm/x4rR9J2V07U64juzcvgoeP3r0qO7fv3+UgJJW80qAm2s028xtzLxWQs2dnJqZnEsxkhG5ZMXlGqzrrqXQqkv1qo1PgoQmkq8sPZed6TkfiTNY0WaanWXs+70qAM45WSXjmC1slR2cnp5uppY/evToQpIWQrHeAAAgAElEQVRSHstKTqsbj5m3f+b7wIXnwMXVneQbTAvvE/eFtZP3xYyKY7AO7HHK+wIrcnkPx8xEPuC1aHa+JUjPue2N4Jh8nnPGXDjpxn/n2lgJBFwEw/AGg8FgcCVw6cLz69evH0kGZUo03/Kk1TvVHGszi1C7uEce19Z6l4JvtoS1RCwxLS03XsUStp88435YNGxrpmepsY7p2NJ1qncWdZM6zNy4cB+LPpvUgpWUj4u+c4wraTFbcsnYV+nHKzx8+HB/PZ0IMddoZr8See6wsri7diaMwUW0WJ1YwLlWM76S+zBfnWjBqrCZtcR5HGPNfS0dRXyM64It5Hm4LsbEMVhnXWulLATfmqNOjH0l39XFQt0ya0v6a7fbtex3S6B7S8x7hfMYXrInx5X9jHWNr+05eOGFF6rqcE95tvJaHYPmuMTdWCtdgThz+7GPfezMeSgro5wovQOwQpdkdB6Zqv6ZZz37/dPFQnnXWijCMbxs7HwR4YEVhuENBoPB4Erg0gzv5s2bR1lenYir40Z861PkmOwJ+Fvdcl6O9eXvWADEDrGesXLSAmb8jt1ZricFgLHcsMKwsFdtgjqfM+d1hlPn77clTwNagIVHbCfn05akLSEzPZ+76lhg1sKzeVzO94EPfGApHs053FIorVnWCOfk2m1pd80gzWpWjUvTuoRRcl7uN3FSruXjH//4fh/uv1ko64wxJ0vrxA9yDuyVSMFhzsO6ZvzPPffcmeuG+VcdLHbOZ9bJWuratawY3lZ80dfHejCj7OJZ/Hzf+953boYv6Ji+77cl+Lpj29PiHIHVzzzPSry5k040C+W+2NuRGZiODYN8n+Wx0hvBO9EskPceY86ibot6r1padevC2/o95ByNhPMK7N3pGDO4iCwdGIY3GAwGgyuB9xTDc4PMLf+6sxbN1qrW1pEtE//d/c+ySlgOKZ/j7DuLR8OaUurLNYFY8q4f6eYEyxcW5lgVbDT3cazE2Uvsw5wl63brDrOermWKs6LMXLnnyeCcqfahD31ok+HlWLp5cgyXbbeahfraLMi71WoKy5a1wTrgp7NEq44ZHvefdQgTy/XNeLG4XUNlCa5kgp7/ZNNVh7lPy56sacckHQ9mDWd8ZJWdCzj/Vjsq7gHn4Zhdw9ZVTWKC947ZfOdZWrGyLrbnmtBVU2X2yUzvVexuJeuWx3eNo9+n3XPJ+mL+WWer1mr5mT1m9r51gvAem71C3fvAbNfenK4RML+7ltPxvq5+km1/9KMfbXogEsPwBoPBYHAlcOk6vKpja3nLSjez42e2QOF3LA+zDGdr5jnM7BzLwVrO2hCOC+PCAsaaIPMx6wsd48IqxvLgGhhjWulkPhF3++53v3tmn2eeeaaqzlpXrtFa1ZNZEaHqOBPWVtmWKszKkrO1lmO6iNLByclJvf/9719adHk838M8hq+1E+nN47s5aY7f7N8Wfteux+eBaRNjgAHaiq46fm4szAvjzH1tueJ1cIwqrXTG6+NarBi2kDFDZyz7HneMjPvEeWyV85wls3FbpS1cu3atbty4cRSPy3vhOjsr4GzV+K2aSLv+N2s4zejs6dlioY6TrpqtJuy5OC/zNo+zyh0Aud7I3HRWpmvfung6Y/DaN0PuYsaee6+LTn2IMX3/+9+/cMbmMLzBYDAYXAm8J4bn+EWnp2a9RmtPZszB1omzFt3EtfNT28LDesWazXpAqxJg+bIN7CytBiwa2BqZfFw7PnWQcRq3EmGssE5qFpOFOuvKlpWtxZwTW0erBqoXbamR23ZxGNjNG2+8sbS0drtd3b9//8jPn2Myw1plmaYVy++OJ7puDGaUrJG1wWewG366FUpev+uwYHadvp/jbLbwk2FVnX2erOvKsb73ve+duf6co2SkVQfmZV1Z1nl6FqjRMsvxs94prfh/nJdjpOXvDNWLwHO/1YLL22y1h1q1g+K+d+dxo+FVE9y8Ps7tFj/Acec8t9sB8c70eyKZvq8TuDY6nyd7B1wj6nnNa3D7MTO6LpPUrJZ97Q3p2DX7bDWeNobhDQaDweBKYL7wBoPBYHAlcOmO5/fv3z9yOSYlhpbb5ebyhK7lCpTYrga3fumEoP3Taf1d12rcDYw5i3er+iQS9sX9aJcaLoVM9f7gBz9YVcdBcNyjuKeyANTp7Z0cWHctec0OTls+rAuo23W66p7eXc+Wa4EWL6BLI/baAbiEmetOmsjp8i4FsZBuno8Uf1yZdnkj4J3bWmg673dVn4zjBKCVlFW6iRgj643rslssC5GZW5e7MEaSp1jvWX7jJCwnkHVF2Oxj1/N5IgQXxaNHj+qtt946cgl3LbFWIu8dVqLuzPWqnCO3XaXDO3yRY7KYM248C6vn9XjeXeriUq6q4xIgwPl5Z7lMojufXY6sj7x+kv3Yx2GerojeiXV24XehD9/bBw8eTOH5YDAYDAaJSzG8hw8f1v/8z//UL/3SL1XVsVXFNlUH68UW15Zl5ICzA+Z8+2fwe3V8t7PpAsGMkYQDJw90ac8uLHVxNGPFuq46NG91Wj3WDVZazgnssitGzevxPFf1KcN5/hUDzP+5mBjkMZ32nMXBxsnJSRvA78bnYlczrmRpbubr4m3YC2wmrVnuu5OmuHdY+K+//vp+Hxdts68bgqZ1azboFivMMcdImThKWL71rW9V1aFUhrng+jrvgAWFnWDDMUjAynMjP0aaepcMYVgYwKn6mcjFHHfttIx333233nzzzX2D5E6g3W3A/Ixvte1iW+4tbNnJHfl+WMmRsWadNFV1XLoE+JvnI9mKvRpOAHJZVh7b8n1mQayZTsrObdfMFi1TlmNE2o415Gcl31VmeGbkXbNqy8jdu3fvQuLgVcPwBoPBYHBFcOkY3ttvv30Uz0pLy5Iwti63YMbhwnOsmjzWquDTBagdu7DVhLXRCRub2a2at2LNpJ/azNWpy5aJ6uZkxfS6mOiKyTk1e+u+rYq+u5KQVdmDkdZ11/TUxc5YoGZ+yRSwTolL8ZM4jIt6u/iB1x0MiHFk+5QvfOELZ7blGLShIlZ4586d/TYweK9Ns2lYaTKuV155paqqvvzlL1fVganCPmENHaO0eMGqiWfOJwySuWc+YXpuj1R1LAzRyU5V9U2f83larZ8HDx7U3bt39y2zthp/8hwy52ad3Tksfs0cM7fMddcw2XPNXHZlPPYSuTSD8215lszSed90whCW8nLuBWs3y6HsIXOs2F6JjF1zf2gCztrhc8dg89o5rwXUYYU59/Zu/fCHPxxpscFgMBgMEv9X4tGdX9zSVPZ121LpjmM2sZIaY0weY3eMtJpsDXWZjlVn4z1ml84q8hiz+Nd+aMcrusaIzFvX2DHRtUpZzYkZ35aQLlhlweb1XBSPHj06KhpNqx/rmLnO7MEcb8YciLfAimBjxIhgPmTKdhlpnJc54PhdFhtzBwvAOv7mN79ZVVX//u//XlVVn/jEJ/b7wIoszOz7QJbb1772tf2+r7322pnr67LxDJgKxyeWAitgXrsGzs8++2xVHVgNP7/yla9UVdXzzz9/5pqqDvcLC95ZdC6SznN2GZfGbrert99++yjzu8v09jNt78pWpjDxSwQJXNRvr0duY5Fvr/O8Zj+PzlHIOBbnXolzWGghY7l+B3tsFu2vOhbJ4Bg8V9xj1kUnWmCRdOcU5PV5DrhOe+a61kwps3bRrN9heIPBYDC4Erg0w7t169b+G7sTyPW3uDOEOkvOLMV+a3/eZYU67rYllGxG6UwuW6xVx409V/Vm/L8TcbXf31mOnSyXfeq2VDtrd5XRueXntnSVY5Vbck4pMLxiojTxtJXezZOBpdi1cYHhEXvinn3kIx+pquM1mgzVEnLE32xd5riwYhm35bNgZLC1qkMMw3VJXrtIzL355pv7bRj/b/3Wb50Zk2u6MrOTsbhJKKzMVnMnacd65+//+I//qKoDk82sTdcmWiB+S9g4PUKrtXP9+vV68skn99fI2LpGwH7feL4ya9JxNo7vmDeMJQXhXTPqNkH8P993rs3zmLmX+Zyu3mds6/devkNWtXQrCbWqA7u1gD4/Wf/evuoQ53X2sxl/9/7ms2wInGPvPIJs+/M///MXyhGpGoY3GAwGgyuCSzG8k5OTunXr1t6KcKZV/m4fsP24HdPbatZZte2HX1k6rtnIz2zpOKO0U2fBanG9iBlfXh8WlGsQ3VQ2sWqeaLbYZVyuVFmcuZpj5DPG6ho4j7nq2EK9efPmuW1YrEjTsU7HSy1gu9WIEyuTY6QF6vOxDfu4XRCZlxlnBLAX9oHlMG/J8IjrEUtzzDYVI6rOzvFTTz1VVQd26Fgqc0O9XtVx7MTi0ezr7M3cxlnHsFTmJpkzY3MmM393sSl7DLbWzc2bN+sjH/nI/hqZk+4d4qy/lZB6gvsBMzGLBzl+5p2MROb8V3/1V8+MI6/LXg17T7rmumafzoh2i6kOKyFtN8muOsSKUX9yXJ3r6t7RrnnmufL9z3ldKXI5Vtll5nfzdR6G4Q0Gg8HgSmC+8AaDwWBwJXBpl+Zjjz22p9ddEonTg1ddirtec8aqA3W6pZzosZL86Y6zSo6xqyGPsxKltdRYXpPpugPRdgVVnU0vzm0Zm4tWcx6cTt9dT15T7uN+W1vuNruvz+ttlu4k34P8zKK6FgSnxKDq4GrDhcjaJMnC7rW8ZlxxuBotqtsl0XA83DVO23aKedUh4I/rCHcRc4pkFokpKWLO/9iWBBPuD3OR95+x4Iby9ZCcsyVLxxicoIY7kfKEnAtS1UkccrLUViLXO++8syxNoOM58/ibv/mbZ46R53CYYOueOmnFrm3muitbsuQX84/L1z0V83hOhmKMduNx7Xl81jfvGReTJ+x+tIBH1++R33HZ233o0pq8Psbo9w7Psd2XCZetcYxObITPeOZff/31tmSkwzC8wWAwGFwJvKfCc2DWk7/zLb5K1OjSdV2I63261GLv48Jw/u5SmG1pYTl0cmhYKQ7A+nq2AukrptexULcMWYlkm0lXHSxUszUz2C44bitwldJcdbAy87rOkxfDms2CVWBvgFkm++QcYzVzTTATs9wuvRkmwnxxzeyD6DfMImHZJq7biQ9VVb/xG79RVYdyA+4pY3zmmWeq6lCsTup/1YGFwspIKmHMnVg51jhzw7a+jk4Q2u2BvGYobYBZ5/9I5GANsT62RMr5ucXw7t27Vy+99NK+bIPr6oSLVx3OmRPuT47Lxc+sMxfwJ8ODWfOZJQX9zsrzrFoWrTwxuY89Ltwn1m4mE6261puB5bvx6aefrqrDvWPtwN7dOinvLet5JQTuAvgcA1iJfndeQBKGvvnNb56Rx9vCMLzBYDAYXAlciuFV/ezb2+wmfc5Oa7d1Z3aTv5u1uKi623eVduwyggT78z/LNXWi2Ja+sWi1mW0n4mqLyiy4kxazGK3Tj7tGk+yLdWZW2rVoshWLpWipobzX9ptvCQADxmk2UHVcdmLxaM6XbIaiYGInzI/jV8Q+UkwA1uT4FNdMLCxZARa1YygWVMdSzuPDAhwvfeGFF6rqUAaRYtWrJp0rkfSqw33mOhgzYr6ANl85n8wjx4XJMTddQb/Zrdd1l8Lu53RLWuztt9+u11577aig3oX8Ccfsttal2SDPOGuFeexEj/ECcO+YA86f7wF7A1ZNXXMuLAdojw73wSUg3fV15VZVZ8tuYPBcM6Ug9oJ1jIv3Dc+kY7idR8vs2szfZVlVBy8Oguo/+MEPRjx6MBgMBoPEpRnetWvXjuS10npyzMSNWEFaGc50sj+W/3cxQ8fwbCF02YCOR1k4uRN+9TYukncm11ZDS2dJdfE/GIT/x5iwpjq25jYt/hx0BfxmrM567TJXu/iecXJyUrdv394zLcafkliObXRxN/+NRUrMbNW806yj6rDObI1z3o4V8pkz6ziWW0xVHcubwUxcUM/Yc3uyTf08OTs558Ss3yLRWMj87ETELS5BVmZmyAKvN+I8jsV2VjjneffddzdZXtVhjinkp8i76jgu7bXTeXpWa93SaH72qg5MDgYMq+Fntw9rxs9N92z5mr2vvTj8zPP5HWVPFnOyld9gLxvrgevM58y5CGZpINeBM3sd5+N8ef9effXVqjo0Rb5x48a5niUwDG8wGAwGVwLvKUtzS6jTIsRmfHksw9s4m43zplXhOhU3/mQ8yRotUeXr6RiLY1z47rs4SI6j6sAKVvVdbqOS29o6ct1dx/As2mrf+VbDVu+zyqLK41yE4V27dq1OTk728QIsu66+xkyPv9k31wmxpd/5nd+pqqrPfe5zZ47PT1hVxsI8h8TOsF45Xza5/Nd//deqOtxftrEEU943mBTMJGN0VQdmx+d5fRzXGYN8Tlwu1x/sI9lT1eH+sC33Mlk288Tz45q6TjydsRD/g40wb107Ku4p8/juu+8uJaJOT0/riSee2M8985nto2BjHt95coVVB3bkbV3jlkzIa8QxKB8jr9nSctwfxpFrh/vOOrbQvFtNJbh3/LQAfucJ8vuE8dtz4czvvI5VnaHr8aqO2xu5+TLHSolAWlVlzHUY3mAwGAwGgUszvBs3bhyxjq71DpaBazOczZZwXYzjf1jP6et3K3pqnajRcMwo97F/2OKuOUZne33961+vqoM6A758jplWs0VOzYS6TDJbbK63MgvKTKtVnU/XXsf7uM4HYGl1otiZdbqytN566636+7//+/qDP/iDqjpYwFaUyXOsBLo7hRgal1rUF1ZFrC/jcY7DOabbqQJZUcdtTNgnm51aYBhL26zDccAcG7V5/E0sjXWdHgwrXJzHcjJmyDxxzWRlOmMxvSywD3tijE59iH3u3r27VFwib8Bix53XhmfZ3iBnruYYVq2wVk2Rq46ZEPvae9LF1l0P5+ax+Uwwt7DaVTYi6y/fA/zOWvQYHa+tOqxnC95bWYY1k+9VzyfHZe102ehWg3HWMZ/zHFcd3r1se/v27c2cicQwvMFgMBhcCVw6S7PqWJewa72z0jDsKuKdzYP17JqPrp2O281gPX/729+uqoNuYcbUXAPkpq32W+c+jIHzcVxULFwvlXALHjPltJp9PqxDzksMAUu/q/ty3Z3rcdI6M7t2zWPXaNZaoFt+9J/85Cf16quv1p/8yZ+c2SebnVonlHXAPe10AxkD1ixMj32YJ6uoVB0z1C7GUHV27XBc3xdnB3Zs/Vd+5Veqquq555478znZZpwnGRfZp6iMYP0T6+haF60yhbH07TlJxuw6U9RMzGyThfBMW2eW56dTy+DcMNfvfe97yxY3p6en9fjjj++vFcbMPFZVvfzyy1V1uD88F6xnjp3vH67NjYAdX+TznOuuNVrVMfNPrJpSOy7XMUq2tZIL+3aeBcfSrPO7pTPMu8Hre6WmU3X8fnP+BteVa8fxZBgt94bj//M///N+H+5hNt2dGN5gMBgMBoH5whsMBoPBlcClk1ZOT0+PqHC6/lwQbfrujsTdtqv0ZLfzyX35DLcRLgfKB3CDVJ1NKKk6uAncpifdFXYHmEJD9aHbWWJg0Wu7gOx6yG0tTm3JNEuQVR3uQVdsm+ftWmqsOqxvpTBnwsvKtbDb7er+/ftHMlSk5Fcd7gtuGQL1pCSTUJGuJXfvJomIa+d6+JmCwxaN5qdlnHIenW7O3+4IjWum6jjl2q5s5o/rzbIFzmNRX+aok16ydJ5djMBlGd312bXNnOXacZmP10pXrsI1fvGLX6yqn7metxIy7t+/v08M+7d/+7eqOluKwXPA/yyR1707nOpvMBdsl65mv6NchmV5xKrj9xzn9Ti6ZBy343GIqJNS5H92AbrMIl2oq0QdxubSilxTLs1xuMHPVX7mInx+/tM//dOZv3Pc6b69KIbhDQaDweBK4D2JR9tCTYvbckZO4ugEoJ3+bdFgrPIuIcBBY6wLmnqStECBeNWxRWUL362Acmxc10rUFaQl6bZDZm9uqphjM7CoSGbYEua1Zef057S8XQKwanuU1qctxYu0B4IJY51lmyASjRgL8+bWJF1Q38kCbvXCuHOtOoXdLZFcSJvnduKRyywyAYM1yDr2enfKf66DTL3Ofczich1YLLxrA1PVF56vkpS4Lu5BjtHMzkkqXodVh2Qlisdv3LixKS326NGj/bV2TIhkpVdeeaWqDkwfDw/3o3vGmH/mwSnxrAvWbh7Hz7BZU9cc2+8BJ3XkGJ0I5PcMc9IVrbsMyfff5839s21TjtUejE4I2mO1iH3Oib16nA/PDx6ATow/3z+TtDIYDAaDQeA9xfAstppWswsXVwKtaW3Y0nCsy40kuwaCfObmp5alyvNY1Ndt5bESqw5W4Mpasq89LY5V81aui5+Z/r6KoTEOWMNWTNTFqBwTS7WzilbX5aLf/GxLtsnHxrJH+Ddb78DGiGWZ6TmOmmMw43L8qitpcXsoH9Nxizw3cwwr4HPmNmMpLgewSLWZTV6fJZxWxcsZS3GsziIQLpJP5rUSJ95a31sNmvN6k5HB7LpYV4fT09OjmDHC2lUHiblvfOMbVXWI5cHwOjFnt3Yyq2G8sJlkwqxb4stuz+MygoRl2sz8Mm2fbd2s2ELX3VpyjgDr0Iw84fvA3PBMWlg731kuaXDxv9lqgrlmXfDMc95kkl5vF33/VA3DGwwGg8EVwaUY3m63qwcPHhyxtq5w1ZYIVkZXeG5LwP5iLJ6uEaOFkrHCusaoYJWJ5JhDWnTOXuOnGZat0Kq+SWeO0Qw29+GnhWC3rJoutpbX2wnOrhplOnaXsUVbs7vdbhmHQZbOTVeTZcPwHAfz2HLclkDibxfkYmnn+TyXZk9d+xSLiLOtM3/zPF4jZnj2RnTxOI9/JZqQ2zpebuHxrZihs+bM7JIVW6jZz2knHwdryhZCK/Hxk5OTunXr1p5NcN9ef/31/TY00SVW/4//+I9VdSjqh+nlORgfa9JM2MXXubb5H3NtuTPmJ9m2n0Mz7C7j1uIIK49ZF6f18S1I4PuWv1t2jHXQNUX2+djHbYi4f7kv18FxYXhk5DJWmF7unzHjieENBoPBYBC4dAzv5OSklZkC1MbY92oLsas5A47HuZ4kLRLLWvl8tt4TjmU5XpItKfjMbTLchgh0bM3sA1bAdXWi2BZ1dsZlJ8ZtSTEL6HbSQqsWP8wN1lnXHghcv359aWnB8FgXnCezNLnfyEJ997vfPTNe7mWOkblbjXsrzsh9WDXK3JJTcx2eYzjd/QCu93McrmviyTGc8ZbySsCMwXFNGFe3DszwvM68thLOynNMPmsgGUMyxq21c/369b1l/9///d9VdVZQmGvh/fPrv/7rVXWI6TFftD/KczvTlnXh68h76rVoxsq6To+IPQjMpXMK0jvAcZlvYverjOVcB16LXg9+RqqOmR33iWNx3qwzBfZkrTJ+c054B5OhTXY944DxbXn1zmscnBiGNxgMBoMrgUvH8Ha73d5i+/CHP1xVvUWKJfWd73ynqo6zifIb21a4RUZhBVjAXQakazwcN0grwLFBrBUsOqyotHxdT2g1Fmd8ZqzSWWCOFXZNXIEzFW1xY4l1MSPHUlxTk9dnBskcY4FZNDavJy3jlbVF81dbjGmROmuS+AgWvducVB1nJDrj0vVXnVqGW8vkmL2PW9hYJN3i0vk/szVnNTojMuE6UNekdrVUzmrODNsVXIPm+GnHmB3n4XyujczYDXGzrHVbxfB2u92ZtUr2dMZ1OBdrhqxNrpn6PNpTcdy8ZsYNi2HceGJS2YXzOduU+li3LcuxWaXFOQw5t9l8uOq4ptdz3L0bPa9eH7mPn3sLTzumn8+br4u1YhHu3O7LX/7ymfMSg2Vemb9cO/4OGfHowWAwGAyE+cIbDAaDwZXAe+qHB/XHPfDaa6/t/wflNRV377R0wdhNYuoLJXZRYtW6FxdUvEt0cf8zC+MiNJ374E6DWjsJgmNx7ExT7zqD53l9jPydeVzt08mS2T2JOwI3RVdQDewiI10Y18Mv//Iv77clwNy5RozT09O6ffv23qXJWLriflxV7khPElG6N/gf23K/7TbsSlq8VjgG95qx5lq1YO3KTZkucN93FwA7ASrdYCmuneex9Fy60FcJVS414L51YsUWgGbMnYi4k69W0oAJwgiEPp544okLFZ9XHZc+VR3myeUouMjoi0n/vapjKTmug+My1zyDuQ7Y1vJdrGsnJlUdz4sFrblvnfBAN+9Vh/Xn+5O/+13lJLpu7VhCsZNKW43V5RVOVOvejYj+IxBPwhpj7Vyn6SK+aOLKMLzBYDAYXAlciuE9fPiwfvCDH9QnP/nJqqr66Ec/WlVVX/3qV/fbuLAcC/7u3btV1af4Om3VQUkYHj+7di3AyStuV1R1XIyMJeLWPp1YrNPgGauTMdLyWZVkuIi9K4q2/NEqaaIrHnaSjBlLN48OUlO4C7tKhgMTvnPnTlUdins7nJ6e1hNPPLFfB1h5uQ/3w0XW7kyd98UF2CuRZf5OKSQXaLsgvyvmZQ6976p9U9Ux+7PlvWLteR4nQXismZhgYWnPG/eWe5rlN5bQcwd0LPKcR45rYWnuBYk8rKXchvfD7du3lwyPkhYnlSX7Zf5JGrEX49d+7deOxgDbYwwrEQmuvUsMcrG1xTNyra6k/ix00bEVe70shNGJgLgkiznpvBDAknk8gy5p4PNcB5zPjNnvnxSCJvHR3iYLq2fpGmvyIp4lYxjeYDAYDK4ELl14fvPmzfrjP/7jqjpOkU1gpWCd/+d//ueZbTsJHFs+trTsJ899zGrchLBrt2Nm6UaZaaWvrC9feyeQ6rR0fjL2rsUL4/f5XBDssoyq47lYCVDn9VnAmuJvrGnGk/539kfE90c/+tGyrdGtW7fqzp07+3R01sNzzz2334b5YHz8jQUMU8C/n9dqa3Ul55Xjc1zC7NmWZO7PZ7ADp7hvFfVbkNctX/Kem0EAi4aAHxkAAAjaSURBVBh0bN2C2hYi4F5kCQ+szN4Hr/8cj5sfu1SHa8hCcVL8uaePP/74siwBWFou59ixetigmwpnzJiSKYuS23vDOuxa/bhQ3yVBuXbMnl0mYi9S1eHd4XIUtzDjWHkvVyU6Xqv57DiG7+a3LibP9xxzzVwwFnshMr+DdWtPgj2FWX5kb8qqYXiHYXiDwWAwuBK4FMP74Ac/WH/1V3+1j7vwjZ7+VWcT8e2OGOgbb7xRVWetj1XLE8sZwT66olcsBMfYtvzUwEyvi8NgibpNiuWZOsvHxeO+Tkv/5FiAhVjZ1zGkHAtwK5FO3s3F6ViMf/7nf15VVX/zN39TVWetdGcs3rt3ry2e59xPP/10vfrqq1V1YIXJuBiDY5pYs51ElWPDMAdb5dynXKsWJXfMjvNsSUqtWFTeD1vpbj+zKvbObd1+yMIKybwtIed2VDBLrPdOds2MwvOX51tJ9HEfWUtZKI4Hgay884qHd7vd0XOS4+bYHJf3jGOtGTMmfsR7xcXUjpt3rX787rJsW2YUM/+sUTO6TnoLWPaM8ziLsZPds1i+BSgyd8CyZ47p+R2ZzIssep4bzsu9Yb7zHhBz5b5ZLLqTsnNW661bt6bwfDAYDAaDxKUY3vve9766c+fO3tL5+te/XlVns6UcA8AywG/LvmntuU7H7Ixv906ax/5iW96d/93ZcY4duLaq6thKsuXrfTu/+EqeydlNCSw3rLBVFmpa3DAvx3+cHZhWEUwJSSasdGJtf/Znf1ZVVZ/+9Kf3+3jOLa+WeOyxx+rFF1+sL3zhC1V1EPVNEVq367HEWCdNhBVroV9n6bm2ruowZ85IW/3M43kN2ZrONWUBbjMKrqebPzfVJKOS9e06rbx2njHmBCZGTRrHTIvbLYRcO9WxNbewcm1kbgtgOcnIt6TF3n333SPPRLJ1syLG4izmZAp4nSxOb2+Hs53zOG547Zh7jtGMdxXDS0+PPVQWdeb4zGN6XRijWafl9jJexvvbMmd+3zkeXHV4hzD3PCu8311bnL/7XeyGAh27zuzqqcMbDAaDwSBw6SzN69ev7y034jFpIaTAatVxrQk++zfffHO/jVtNuE0PVgDbpYVvH73hNjtcR+7j+FsnyNv5yLtjgGSU/M+Zdlbg6DLtbC078wor1CLK3ZhWYsWJF198saoObADrHFbwl3/5l/tt//qv/7qqztY6rWqpbt68WU899dS+Zu/zn/98VZ3NuHz22Werap3xxlyk9YdSB14Gt1oym+6sdK8/ewWSFThG6xqtrl7SLVUcQ2NfzptWvesiuWfcH9ZUWsAc16yTukksceImGWdyVqtjhq7HqjpWqGEtcqxOuYj3APf08ccfX64dxKO9nvOaYb6MhdiQG0LnGDg3ikGuoeP/FrOvOlb0IfvTTX0zo9zKLmaUrumtOtxv5paxuMbN3rDuM9ah2Vm+s12ry7yxDfNsBaDclvNwPdwLx+SrDpmybON6PP7OOTHbOy+798y2F95yMBgMBoP/xZgvvMFgMBhcCbwnlybUFUHhBPQcKr5y9eHSqDoIFENbLTBtt1S6CZxwsBLm7VLLu2A011l1liq7eBhavSrD6Hqa2S266jmWv6+2cYF9ujKc7s4cWAiW1O2qqr/4i7+oqkPSyt/93d9VVdXHPvaxqqr6zGc+U1Vn79tv//ZvV1XVSy+9VFU/c6WtyhIQj37hhReq6uDmIvGp6iD0C1y+0blv+Qy3HO5CF2TjZunKRTg++yI5xTxll2xLmTmJxULNVYd+fhR6O/GJsVpOKbfxPXVPx0zasPuRa8d9zNg4T65Vy485acbrLo/j8AIuM9LV812AG5FwxZNPPtmWRzCGrit3wm5crtku4M49DSxtZxm1dOM6EcgJV10YY1Xq4SSy7llmHycF8v+tEhML23sNdW5Xxsrat8QXz0pKi5EE1PW6zPNmqIh9eG+vkr+6Up0sT7ho8fkwvMFgMBhcCVya4d24cWOfqk4iQ1oVzz//fFUdp/Y6PTi//bFaLHVkaSIneWzB58vEGorIsXy6lGWjY2Hd+VzcXXXcjsX7dFaZmcJKpJjP00pzYSZWLveCn3neZ555pqoOc8K94Hr+8A//sKqq/vZv/3a/D0kmL7/88n6fzvpmDu7du7dvAwLTS4YHAyFNnmP5fue4M+EirxmL14XbuS+BeCxSAvEwMrObPN+K4XdCw8wlVrHl51ibLirOa3fxuAUPcm2ZpcGmAUwaq70TRbaEmkWLM7XcDIJtuC6uG2u+6sDwsgRp9Wztdrt65513ls9C1YFpMP9ORCOpJN87zJP3YQ6cMt8lIvm+ONkjmbCfO7cdYp11rczMMi3x1bVBW3mwfC+7//kYTl7q3sUWjOB6mXv+TwF61bHcnss8QCfRlt8lU3g+GAwGg0HgUgzv5OSkfu7nfq6+9KUvVdXBIuliT26Jk8c4GoQKjYnL8a1O+rStmqqDxWOfNpYcx8x9XOhrS2eL6QFbsxaR7SwOizpvtfZwc9KV/BmWV+7rmJ1jEexLvC7Pwz5YZTT3RTD8j/7oj/b7YLnTJgq5sA4//elP67/+67/2x4VRZnkKDI+4m2NCWJfJuJgP7qXLYpgfF9vmcTgGBbLMEx6MZFzEMLHOWV/cS9hUsg/HUvmb2JYZRJZJ+L473telzHNcx4xgWIydee6KyF1C40ajnRyVnyMXPMPuq469K+fh9PR0f78Y9xbjYix4c0AKNDhGyzxQtuF3VQpkrFqadWsUcM38z8XqjK0Tked/Lr9gjNzzjP9abpF7x/kt0Oxz53HxbHgt55ywDWsUTw3vMn4yvzl+5pHnt2t7Bsz+Tk5OhuENBoPBYJC4dlFJlqqqa9eufb+qvv3/bjiD/w/w9G63e9IfztoZXACzdgbvFe3aMS71hTcYDAaDwf9WjEtzMBgMBlcC84U3GAwGgyuB+cIbDAaDwZXAfOENBoPB4EpgvvAGg8FgcCUwX3iDwWAwuBKYL7zBYDAYXAnMF95gMBgMrgTmC28wGAwGVwL/BxfldYutiQgNAAAAAElFTkSuQmCC\n", + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAbwAAAE9CAYAAABwXNeiAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4yLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvOIA7rQAAIABJREFUeJzsvXm0ZedZ3vl8994aNJRUVbIsCY3WPFqyPGFjmiGy8KIbG4LdKybExtixF2lYnbBWEnqFNIGETndD0gFCHBoamnYIBNoYMG4zxRM22EjYmqzJKs1SabAkV5VcquHee/qPc35nv+fZ77fvuSWBsc/3rFXr1D1n729/0977fd6xjEYjNTQ0NDQ0fK1j6SvdgYaGhoaGhr8OtBdeQ0NDQ8NCoL3wGhoaGhoWAu2F19DQ0NCwEGgvvIaGhoaGhUB74TU0NDQ0LATaC++rHKWU7yuljCr/rpscc93k79e9QNf84VLKd74Qbf1VoJTyt0sp//Ar3Q9HKWVlsg4/Oufxry6l/HYp5YlSyuFSyn2llJ8vpXxdcuzDpZRfCn+/a3Kts17IMYT20zkupVxbSvkXpZSd9v3cYy+lvKmUclsp5dDknBNfyL43LC7aC+9rB2+R9Br79xeT3/5i8vfNL9C1fljS39gXnqS/Lelv3AtvMyilfJ+kT0naKemHJF0v6X+T9O2SPldKuXKDJn5X4zV/4q+oi7U5vlbSj2nc7ylGo9HqpD+/MtRoKWWrpF+T9IDGY36NpIMvQH8bGrTyle5AwwuGm0aj0T3ZD6PRaL+kT2/UQCll22g0OvyC9+xrAH+dc1NKuVzSL0h6v6S/M+qyQ3y8lPL/aizA/FYp5arJi6SH0Wj0pKQn/zr6Oy9Go9GGe1DS2ZJOkPRfRqPRJ/6Ku9SwYGgMbwGQqTRLKZ8spXyslPKdpZSbSimHJb178tsPl1LuKKU8V0p5ppRyQynljZPfHpZ0pqS3B9XpL6UX7q51QSnl10opj09Uc/eWUv6tHfMtpZSPlFKenfz78OTBH4+hz9eXUj5XSjk4UX29MRzznyT9XUnnhv7dE35/cSnlF0opj5ZSjkzG+U67DurAbyilvL+Usk9jtrWZvi6XUv6XUspjk35+VNJlgwvV4R9JKpJ+aGSpkEaj0Rcl/aikSyW9qdaAqzRLKX9YSvmL5LizSilrpZQfCt+dX0r59VLKkxO14mfnmeNSyrsk/eLksPvCb2fNo9IspfwrSazVr06O/5PJb2+YzDPzeVsp5R+WUpaTdt4z2R/PlVKenuyZrw+/n1hK+alSyv2TPXBvKeVHSiklHHNSKeXfl1IemuzZx0spf1xKubjW/4a/+WgM72sHy6WUuJ6j0Wi0tsE5l0n6t5J+QtL9kp4qpbxdY9XZj2v8kD9O0tWSTpmc8x2S/lDSDZL+5eS7qtqslHKBxoxkv8YP6j2SzpF0XTjmTZJ+W2M13PdoLIj9iKQ/LaW8dDQaPRKavHjS538t6SlJ/1jS+0spF49Go/s0Vqe9aNLn75qcc2hynZ2TMW2R9D9Pxvztkn6xlLJ1NBq917r/65L+s6T3SlreZF//laR/KumnJP1XSa+anDMP/pakz4xGo9q8flDSSNK3aswC58H7JL1vMk93h+//rqQ1jceqUsp5kj4jaa/GKssvajzO3ymlfMdoNPqQ6nP8iKTzJf1PGqs8905+m1et+h8l3SrpNyT9C4332b7Jb+dL+iNJPzu51is1nuMXabyvNOn/v5P0P2r84v3nk6+/XmPm+OlSypZJOxdrvH9vk/Rajff7Lo3XTJJ+RtIbJP0zjV/Cp0j6RkknzzmWhr+JGI1G7d9X8T9J36fxw8//fTIcc93ku9eF7z4paV3SVdbef5T0Fxtc82FJ//ec/fvPGr/sTq/8XjR+8fyhfb9T0tOSftr6fETS+eG7MyZj+yfhu/8k6f7kWj8u6TlJF9j3vyLpcUnLk7/fNWnzp46lrxo/HA9K+vd23D+btPujG8zZUUnv2+CYL0r6PVuTXwp/M4azJn+fIOmApH9p7dxm7fyqpMck7bLjPirpxjnmmOueZ9+vzDn2SyfHfe/AMWXS3o9N5qFMvr9ksqf/94Fz3zFp/7X2/Y9JOizplMnfdw610/59df5rKs2vHXyXxlIv/945fLgk6Z7RaHSrfXeDpJeXUn6mlPK3SinHP89+Xa/xA/Wxyu+XSjpX0q9N1F4rE6b6rMZM47+x4+8cjUb38sdoNNqr8UPvnDn68gZJfybpAbvWH0p6scYPzIgPHGNfr9aYGf+mnf8bc/TxrwSj0ejLGjPT70V1V0p5maQrNGZ/4A2SPiTpQDJH15ZSTvhr7rokqZTydaWUXyylPKixQHBUYxZ4ijrtw+s1fhn+nwNNvUFjLcNf2Pj+SNJWSa+eHHeDpHdOVJ0vL6W0Z+XXAJpK82sHt40qTisD2Jt898sa3/jfr7F34OFSyv8n6R+NRqMHj6FfuzVmHzW8ePL5q5N/jnvt76eTYw5L2j5HX16ssWrxaOX3U+xvn595+3rG5PNx+93/ruFhSefVfiyl7NB4Xh+asz3wPklvk/Q6SX8q6e9J+pKk3wvHnKrx2n9/pY3dkr68yes+L0zsdL+vcd9+XGP2dUjSd2usTmbtWb+N9tsF2ngP/AONGfnf10R9Xkr5VY0Z6nPHNpKGrzTaC2+x0asNNRrrc94r6b2llN2Svk3Sv9HYxvMNx3CNpzR2chn6XZL+icZqM8cL6Rn5lMYviR+u/H6X/e3zM29feVGeZm2eNl839V8lva2U8uJRbsf7Do2ZzEfmbA98RGM72/eWUv5M0lsl/dZo1vv0aUl/IumnK23M+9J+IXGxpJdJeutoNJqy5FLKd9lxX5x8nqkxi8vwlMY2ubdWfr9Pkkaj0QGNX6Y/MrFrvkXjF98hjV+EDV+FaC+8hipGo9HTkn69lPIaSW8PPx3WWGU3D/5I0psGHt63a/wSunw0Gv3U8+rwxv37A0nv0dj29MXk940wb19v1thW+N9Liq71f2fO6/w7jZnYz5ZS3joRQiRJpZQXaeyscZfmd4KRJI1Go/VSyq9p7I37IUmna1adKY3n6OUaawwODTRXm2NenvPuj3mAWn3Kyso4Xu977Lg/1lhIebc65xPHH2gsMOwbjUZfmOfio9Hofkk/VUr5e5I2in9s+BuM9sJrmEEp5f+S9IykP9c4jusSjR8sfxQOu13SN5VS/luNJf4nR6PRA5Um/7nGdpM/L6X8a42l67MlvX40Gr1t8hD+QUm/XUrZLum3NJbCT9fYe+7e0Wj0M5scxu2Svr+U8m5Jn5P03Gg0uk1j1vIWjT0q/w9Jd0vaobFt7rWj0cgZwwzm7etoNHqqlPIzkv5pKeXLGjOmV6uuJvTr3FZK+Qcax+KdWkr5BY0dSS7T+EF+oqTrRpUYvA3wPo0Z6n/QmM180n7/UY29aj9eSvl5jQPAd0m6StI5o9Ho70+Oq83x7ZPff3ASvnBUYwHg+VSa/rzGasr/tZQy0tgx5Yc19i6dYjQa3V1K+VlJ/7iUcrLG3qzrGntp3jYajX5L0v+jsaPXR0spP62xV+hWSRdKeqOk/240Gh0upXxGY5vnbRqrcL9FY3vnLzyPcTR8pfGV9ppp/57fP3VemhcOHFPz0vxYcuw7JH1c45fdIY3tUv9G0o5wzOWT8w9O2v2lDfp4oaT/ovHL4ZDG6qaftmO+QWPW8czkmPs0VqN+/Rx9dg/FHZPrPTPp3z3ht90au5zfr7HH5xMas7AfCseknoab7OuKxiqwxzVmex/VmB1s6KkY2niNpN+ZrMWRSZ//g6Qz55iDGS9NO/Zzk99+onLdczS25T4yue6jGgs83zPnHP/E5Jw1+qDn6aWpcQaXT0323EMaO6y8x8eosar3f9D4RXZYYxXtRyW9Ohxz3KSPd02OeUpjp6Mfk7Q0OeanJ/O0T2OnpFsk/eBX+n5v/57fP9x5GxoaGhoavqbRXG0bGhoaGhYC7YXX0NDQ0LAQaC+8hoaGhoaFQHvhNTQ0NDQsBNoLr6GhoaFhIdBeeA0NDQ0NC4FNBZ7v3LlzdMYZZ2htbRzvub6+3juGMAdKS3nYQxYGwXe1EImh30MJq7n7wXf039vwc7PrbTSu7Ho1ZP3wua3NwdCc1MaXwdv3dmljdbWLdT56dJz4Yvv2cSrDlZUV7d+/XwcPHuxdcPfu3aMzzzxz2if/jNf039hv3pehY2I/s3HOg6G9utGcZutfu3Zt/x1rH+fF0P723/z7+Pvy8mxJuqWlpZlPjuXveM7KyvgRtLa2pscee0z79u3rdeqEE04Y7dy5c7rGQ88D/47r8Bn7sBE2Wrfs2Fo/Xujr1Z4D89zrG7U1z7GbeY7799l7A/h9DOK4fD+VUnTgwAEdOnRow8Fv6oV3xhln6Jd/+Zf1xS/OZmWKA/CHLQ/FoYcY3zEh/Obn8jc3idS/qfz6PPjiRqcd3/z+UI/j4liu7X3mb26sQ4e6rEwc430desnQR747cuTITN8OHz4883t8wDN/W7dunbmuvwDjJuIcn/vnnhvnyT3++HF2p3379k3P2bt378x1rr76ar3vfZ6paoyzzz5bH/7wh/Xss89Kkg4ePChJ07+lbs4OHDgw80lfmIMtW7b0zqGfHPvMM88Mjiuiti6cE+eJeY57UOrv7zgu2tu2bVt6XfaMr3V2HcA46GN86fB/75M/KPg+9ovrMcf+YuITIUfq1v+4446bOeeEE06YuR6/S9KuXbskSaeeeqqk8X5417velY51586d+oEf+IHpnmet4/3J/+n3SSedNNNPxh7nk3M2eglmD3c/h7/9Xo7POd8789yX/ht7w/dx9mzMXgwR2cvFn2ecy9z7cy7uVX/m+n7mc+iFxzj2798/8/fOnTunx5x88skz3+3YsUM///M/X20zoqk0GxoaGhoWAptieOvr6zp48OBUouMt7JKr1L3dkbiQxF0tQbvxt0yyjm1FadYlK/8bZJJdNr6IKEUhKXofXeLh+yjNIu3X1EWZhIk05HPLdYbUlvSbOad9WBrHRgmvNo9cn/7s2LGjNy7Y1Be/+MVBVeLq6mqPMcTxIUUy11yTfkb1l/ebPUn/aePLX/7yzJjjPqCvzogBxw4xLj+Gv+PeYZ5gNb6GXD/bu66q8vspk959f7FH6Jvfmxkr4Bhnds5KYv9ranAfbzzfxz4EZ01xvbjf2OOMbUjF58y69uwYMt3430NmhBoLnMeE4hof75uPJZ7r2qhanyPYzzVtQdamayx8j/o+9P/HccLQWU/+lrq1Zv1XVlbmVuU2htfQ0NDQsBA4JoaHbj6T7Gr2kJoR3M+Pv7nxOzu3ZixGwsskYCQDl1YyvXTtOs70arZEqWMxNYYH4jhdD06f6Zvb5zLQhtu3ODfawpyx+hpkNoIXvehFkjqG9+yzzw7q52O77uggdfNEf2t7J9MOuAbB+z+0Vzday8hC3Z44j7Qe51nq5tDH5QxX6u8Dt9ll+9u1DVzfWRuIc+I2YuD3YmwDiZvr8HxwFh+ldI6NdsTaXi6laHl5uXftOK/0gblzVuFrTbtx/P7p9vp5njuZ9sSPYY79HhhyQPNznCHPY/9zTUnmT+F98HvCfSKyZ5Zfn2P8mRzHA/wY2kBTE/sE+8v6XUNjeA0NDQ0NC4H2wmtoaGhoWAhsSqUZ6wpJfVVJhprBPNLfzKEgazdzZqnF/NA+6pToROB9ceOtO0Bk13G3cFc9uhorgxuaM7Wrq6eAq+Hi9WgnGnUjsvXimBhOkR0b59Fdy/ft21d1WpHGczdPDE7NuE/b8RqELuAYwrH0E9WcO6hI9VAZV7dFFSNwVSPrxHVR60nd3LrzRm39s/WpOUdljjyoW/2e4BjWOAvZ8ZAc5pW9xFyceOKJ03NQQdMX1E++/+I8+v0x5HRw9OhRPfHEE9OQGA85iO25E5HPdVShuSMI/eV7n4t4bi3er/Z7NlZXOWZOJLXQrFqcbkRNRezP0bh3MlNDvJ7v4XhdN7u489k86nc3/7D/4j3vppqtW7cOPnciGsNraGhoaFgIbIrhSbNv2lpAY/zNz8uMnc5A3IGiJiHH79wRwCWgzEED1FykYx+d/Xn7PoboMu0u3TVjeYSzHJiKS6FI69kacA7GXWc0Q8H4NXfxOHeM68ILL5Qk/emf/umGTis+13He6INL5Xz/pS99SVIn2UndvmIeNvqMc8137A2C4d0VP+4dWK2Pc4hx19h+bb9FFu3OKX7dIckWyboWEuSON/EYpHOX7LkecxWPhW37vYJDSdw7p5xyiqSODR49erTKilZXV/X4449Pr717925JsyEyzhT8HsuSFriDhDtXDN3zfp/4/Zeds1H41ZATSS3Rhe+L+NzxdmuML55T08g5AxvSQjizA64Vkfpr4IkjfA9L3fMshqJs9NwBjeE1NDQ0NCwENm3DW1tb6+nsh972NcknSlr+FvccjW7Pitdzhuduu+7GH3/zfsOI+IzswwPBa9Joxg6RRGqphLL+1ALnGQfSkgfES938Pf300zO/uYSXBWH7/PF9lg+R3+LcDNliov0XRCnQbQq0jx6ffRfTdvncuQTsbUX25HY+1yywR6OLPizT18NZQWaj9vl3yXtIU1LTWAzZtZkvZyOe4ioLMWCfMz5PWlBLeSZ18wULdBtO7ANrkCWvAOwb7IYeBhH/7/thKJyCa3raOQ9az+4fT3iwUThP7JP32fddlqrRr1tLSJCx0FoatCHm50zP5yKziXraM9fIZXPimiXfq4wr88Hgty1btrTA84aGhoaGhohNMTwCQF1iy6Q9D+L2YPUo2bvUgOTF37AYZx/xO5fSYIuZFOOeQC41ZQl5PQjZvfNqjCgbe83jzoN943g8iSvAjpFVMfC/mXPsJtmc+Hi9r3GtXYLfSNJaX1/vrQe6es6PY3QbAGON6+LzTfv0zT07I9PH6w/W5mPnelEy9/mvJQTO2nPW6ew804pkezEiYx+cz76jXRiS25Di2runnXs983v00vTvfA9k7Jo+RW3RkGfj2tpaL91UTN9X83x0Jp4xSfrAnvH+Z4kC/H6g/aG0gTV731B6MLfRegKImvYg+86f11lwfC2hQa3aROyfJ4Fwb+As+YMHwTtDzzQAQ/faRmgMr6GhoaFhIbBphrd169ZeaZqhOA6PxeGtnyXkdSnMvaaw3USWAUNAWndvLKTB6NmH5M4xnow08/jxmByXoj3eK0ofHiPk+mn3oov/53p4wLmkzblZQm2XhNzuENkKv9Eex9Q8ZiOQjOfRpTvDp9SHNJs+KP7GfqBv0YbHtRmL959+n3vuuZKkiy66aHrurbfeKkm6//77Z9pCqnzxi1/cu56zFfYV+5CE6meeeWZv7M5cv+7rvk6SdO+990rq4hmj1Myx/MY+gE1RqiuW7CLlG3s/1iuMfw+lv3K7uUv4ca3oE2PnnvAkwvF6rCn33lAC4NFopPX19el9y9gzL2rfn37vZUm9XRvgc5ExT+a2Fsvntnapz/Cc3WTaIe+Lj3coxaA/BzK7m8OfLxnrjMfFZ4iX/PJ5dc2G1O2jWqxtNi7X3kXN0UZoDK+hoaGhYSFwTF6aQ8l8nUV41gJ+j295Z3QunXscVpSakGzd3kNxQNqI+n7vq0tnrj+Wcgkx9t1Zb3Yd93SiLT5jbJPb9bx9L50TJRwkYbd51WwT8druueZzksXQxKTU83pLDXmIIcEj/cGeHn30UUkdo5D6Hnv039k7DOmlL33p9NwrrrhCknTnnXdKkm6++WZJfVtOTHrsjJ4+sjcff/zx3rjoE/NNn5CE+T2bE1gujIJP1tbL4kjS5ZdfLqm7x1w74Tb4rNSPZ1FiLlgbWGS8ttvGYXyZjfpjH/uYpI55X3XVVYNJ1bdu3TqNgYxjBZ48mU8YOB7L2bPK94rHf2b3J3vQGRBj9GTL8Tv3fK0lMZc6NuPM1VlaxnBr5Zlq/gdxDoCP3RlZ1H7U4gsZp7PG2I57TPv6xXM8hrd5aTY0NDQ0NBjaC6+hoaGhYSGwaZXm6urqICWeNjyhm1BhVDNDVas90NiNyLSVpZZy921PghypfnSpjm3UAiXj+X6sqyuh5H6NCPqKWoTPrOYTc+EqTFedZG7p9LGWvieuG8dwHVdBZ2vtqr+lpaVBx4MsLVmm8nnwwQcldepB+nb++edLmlUxulqavcE4mD9UgKS0iqBfX/jCF2b+9kQIEajvUHF6QuOHHnpoeixqO3dWoM/cG1lQt9eW8/llXGefffb0Ow/jcRU6yJzOPDFvLS1aTOvF9diTqI9JAcYaxD3K3vnLv/zL6TFRPRaxvLys3bt3T80Ubi7xtuPY3IQSj+MedceWWg3C2D93UvMK4cwfznSxPcDa8smeivcE57hzWq3GXZwT3ytDiZ8B13FVPePw52zcq7SHWpTrePL1GBrkTjLuYJU52Hi9zMz5qobG8BoaGhoaFgKbTh6Ni7A07ArrhnFnEJEpuEu5BxsiiSEJR4nBww5qQY9ZsLJLE7XUQrG/tWTV7vIbJWM3SiM9YUhHioqONx6Y61KNXyeWo3GW6+wsSzjt7s3urJBJWkjpcd2GgoezgNPIaj/5yU9Kkk477TRJ0mWXXTZttzZW5oV2PEyB7++77z5J0iOPPDI9FybipZ6QZt1AL/W1DjAdxuPOUpJ0zz33SJJe/epXz4zDg7pdGyL1HUFYBxx5YKyxX3fddZck6frrr5/p04033iip7/w1lASCOXAnlujA4Vob9hCOLWecccZMn6Xuvn3yyScljZNy1xJhr6ysaNeuXT03+8zZxpmBO6Jk1bYZv6fG8jCS2D93pvD14X6KTBhNDvcLf7M+GQsFzlg9IUU2J/6bO6Bl2hjGijOga9U8cD+yKw+V8mQAQ1odf+6w3/z+iu279mkeNIbX0NDQ0LAQ2HTg+ZYtW3quo5n9iLcwb2jYzFCpDaQxl3SQKggEjuzJXV3dLX3Pnj0z/Yn/dzuP26SirdCv50mDOZa5ifp+tzlgm0K6dQlT6gdi0gYSPSwoC8J96qmnJPXd3D38IkrpjJk18ITKmQ3PGcKhQ4eqAaCllFRK+9znPjf9jjAB9gz9QxJ2phz7AHtgbmPoQrze7/zO70y/I0SBtfLg8aFkvqwlx7okCquRurmkHbf7cX2OixoMZyh+PQ9xkDp73lve8hZJHaODaRLeATKm5H/7XETblDMg1s3LLcW2GSPzuW/fvqotZnl5Wbt27eoxhPgccI2IF0HOAqXdNufrALsdStDtwdQ+rriW9M0D870sVqYlqSUAAJkmC/izxMMHot2PMfPJXHjaP7fpxT55KSlPMhBZoocsuG+CFxCQOg1IPGbeNGON4TU0NDQ0LASOKXl0rdii1E+1g3SJ9Jylt4GluJcS7dMGklGUSGCOXibD7TFRikUi5TckO097FRme25FqJe/5HpYldUzOwXg98Dhezz2RkJppM0uu6ozR53zI88ltrs5ysxIpGRNyHD16VE888cT0749//OOSZgOY6RfHwdJYJ6S92CeOce9MwDhc6pS6gHNnwO5hHMflzN73GRJr9CTFFnneeefNnAOjfeyxx2b6E7URMHr3JHTWlCVUR7vh2gcPhI/wQGc/1gvDSv1gb67DfUvqtJik20u8bN++verhu7y8rJNPPnlQivcEEMyL2/ajVoP7nrXjnnWmmd1j3tdaQoDI8DyJvBdKzQrAAi8x5mAeIxPyZ5MnPs+KIgP3vPVE8Vm6ONrBJslvaCXQvkS7ptsvgZejyn7L/EE2QmN4DQ0NDQ0LgWPy0gSZDQ+JgLc6Ul18q0uz6YGQXnhjw154+/OJhBzZE153NXsB39MfqWMV6ILpG+Pg+sSDSZ3nG8fASt2ukMUIIdkxZv52thBtEhyD3dJjt1xizWxrziy99EuW9NvLDXlS6Sjl0kdY9vr6etVLc//+/frwhz88jU8juXLcF9iY2EOsLf3mepmnHUwIqb1WkDOOmWOdBfp1omTszJ75cEYemSR7hXRa7D/2JPYSxhm9NJkf90L0gsQR7IkPfvCDM+NhDWmfPhIvF8fKeLg3PXFzJlU7i+a62JtJDSbNesvW2gNLS0szzwufi3hNT5/mnpFRy8CzKSY/53pSt5asV3aPuWbHYx0jc4H1uzdobQxS3+vTfRRA5k3tfazFrWX3rB/DnEQP6fi91GfTjJP2uUcjy0bzx95wbVdWUNm90Lds2TLoHT7T37mOamhoaGho+CrHphleKaVnL4tvV8+O4SVPkFSijcOlcmwetEub2H3i257fkEyRXvnk+rDEeKz3CSkD9kESXkl6//vfPx2/JL3hDW+Q1E9sjUSM/UTqmKJ7SSKhIL3G0jX011mnM2Yk1qi7Z27POeecmT67HTLaVJhHvvNsHVlCbTBPxoP19XUdOnRoaq96+9vfLmk2Do85Y11OP/30mTayTCRua4zSo9S36cX+uz0WeImSLF6ReWHPsIeZtyiBu/cln8wF+yCWygFIvIzLM+24diT2+4EHHpDU7RW35XisbDyG/VdjbfEcjw11ezB9jPZaNBdkWllbW6tK6aPRSIcPH+6VGotwj27G6DG2Wayf20Xdc5AyTllpIY7hby9PlXlrewyvJ4SP46Mv7ufgMXUenyf1i6kCt+Vl5/gna+cJ1TObPnPMvc2zCzYXNRjAY6Nr8c5SP96zJY9uaGhoaGgwPC8bHv+PGRSQCNwW5KUiouSDDQhGgp0n2oakLvr/6quvnp7rsW0eC3T33XdL6piepF6ZEVgNEglSRrQbXHDBBZI6Wx7FQ+kTtgLir6LuHhvG3r17JXVeYRxLrsUo2SElI9khWSMFvuY1r5HUxZUxV9K41IokfeITn5DUSYVIVrQR7Wcek+TxOEh0kbk4m3r22WerLG/Xrl1685vfPJ0LZxCxP6wh8+9epbGECfMEi6afSOUPP/xw2p8IxuRxhey7mBfVCwxzD3hR4biW7A1nh35vZHFYnl2Gda71VepnwOF6Ucsh9VlRPNelcPKMOvuROhsgfXIvV/ZUnEfaZ/1OOumkasYMsjvV7LIZ3JbOZ7wv6Sd9gMWwR91DMbIIj/NzuyznxGcIvzmjdA/YCPczyErsxP5QoVbyAAAgAElEQVRED19ntR53l2Vc8QxV3E+e8QfEvVPLUcwcsHezeEz3c/B9Fs9hz0f7abPhNTQ0NDQ0BLQXXkNDQ0PDQuCYnFY86WpM44TaxB0Z3Nge3ZKh7ahNMHKiRkQV6OmjpM7w7ymYcAD59Kc/LWnWMAtNJgUTVJzrMp5Ikz3sgXZdtYW6MqqPvCQNf3MM14sG9UsuuURSp1657bbbJHWqO1zcUZNEBw/mB3UDaj1Ut6gpokqT/3vYgycDiOfUys1kWF9f18GDB3upy6KzBXPsKhcv4xJVmqjTGP+f/dmfSerWAVV2FlYB+I39xbkeeiJ16nAPC+FYN7pL3Xq4s4WXYskqkLO/ua47NmQu7vSB9lEleVhMlqaK/zMXrMG1114rqZvnaJLwcjqeDJ224j3BOfTttNNOq5YiksbPj1rasziWWrJoDwmQ+inQXLXMXvHnXWzX73/mmPXA5BHboy8cw/OP7+P6s1Zcx/evq3WzBPQeOB/TwsXxx/M5x0MAuN+ytXJHF55NtMVzL6p5GTP3gIddsM+jqtbfKUNJCxyN4TU0NDQ0LAQ2XQB2bW1tKkHC0rJSOJ6sFVZF0HhWBBCJAEmAtpAqKfFy//33T8/l2kgpMCLOxXkhuuAjgcCsPPEvUmeUltywTdLj17/+9ZI6SYXxRYnEEzMzHiQfjo0SsIclwEZJ04TTDH2PEv7tt98uSbr00ktnxoG0yZpERlZzGPDA+jiP7IOYJHaoAOzhw4d7KcCitOmlflxq9j5l/YZpsYZRwpZm14X2mQ/2gycvz8rCcK6n3qLvL3/5y6fnfOpTn5LUSfIe3O0u9PF+gh15wU/AvotrSR9oj/YJYWE+vTxWbAcGF4PFY5/jvLuGInNmkmbvJ9aHfT60d6TxWngqw8hu+I3192QSmfMDGiX2IM8f5jSGTkmz+9BDmzxonOtHRxQvbI3TmhcPzpKjb1TMNQtBqKUq8xSNkVF6IgV/fns6suio4s8InoXsZ/Z/DF5nf7EP/PmQJbimv4S2nHjiiWmoSobG8BoaGhoaFgKbYnirq6t68skney7fV1555fQYL+LqrsRZAmOOhZ1xjgdZw4w8mJi+SZ2EQJoql3YjkF74hA1wTpTo+P/5558/0z7w1F/xeownJsqN46LPkUnAZj1oGIYZ06tJs0yJeaLPSJK0zzjj9ZDS+WSOIxOXZgPFGU9M3zRkxyulTKVo5jyOw93pAf11G0i8thfkdLtLZgvwtGl+rkvPUj8MgXM9eB1bYhyrhyN44ueM4TBmD50BSM0xPZi3w98ewjCUYo5juJ4nVo4s1F3xfT6z8ldu6z548OCGSYDdRpSFSHk6Kw85iedwbcaIBsYL87omI47NtSV870kGMsCOYDlZKjvg7Jbr8Zml4PJgdNcgcP0sGJ9z3L7syR/i3uH/7Fm392WJAzzBPXD7Y7yOB/cvLS01G15DQ0NDQ0PEphje4cOHde+9904lOi/TIPWlCt7UnhopSohIQX4Okg4FK72sfWwPSYe+4XHpSZBjXxxcNwuuRcIlXRPB8QSiwzo8BZPU6Zo9HRjHuD1A6iRglzbpu+v2owSEVMa8MR7mnL9jmR23K7mdxNlQbB/WuWfPnkGGt7S01CscmZVtcqnVWVzsN2OhPaR0PxYmFKVLt20gmXrqorgPkIq5jl8Pdv3nf/7n03NgqCQ/d6nWtQ+ZbZX1YP/xN2nw4v72RLyeJLmW6NivLXXr7cw/rhv7zTUZgL0V9w59YhwPPfRQqrmhTxkLyUoUeeJiX9M4Zo5hD3niYo71orL0SeoXTHYWFdeW//Mc8CTyvu/iNWsMxu+j7Nno7MztznF/u0akZhvLtBIeyO6JpjMG73NbSzydleiaN9g8ojG8hoaGhoaFwKZteE8//fTUu4kEylFS9hLtHsfhCZvj+Z6CiWORzpFMMimG35AY8CB1XbTUsSf6itSObdKlQqlLbEwCa9KgIcXQd5hljJfh2i95yUtmrus2lHg9pEAkG/fg8oTQMT7Oi2C6tMR44/V87j3uhzFEr0cYAwzvhBNOqKZ7Wl5e1s6dO3sesFFKc7uAp8/yPkrdetdSLoFMAq7FEdKGx9ZJ/YTTXqQYDUNMtwez87mpeRBm0jzXZZ29lNbQOGqelrG8CvBE137/uKYmHuN7x9lpZHisLZqSp556KrVdgZi0nnmLjNBttLUi1XHNfR583/kaR7bjCfRhic5y4znYtDy+z+//yGbdXul7iHPc9hrhMYn0CXbqdnqp7yfh9yL3XeZRyjr6HGT2TN8b7qXpyb/jOUP3Sw2N4TU0NDQ0LAQ2HYd35MiR6dsX21R8+yKF85ZHMiQGxaUqqe8l5BIIkkEmkURPHamTQJ2ZREmYYz1xKZ9IDvEcWOGrXvUqSdJb3/pWSf0SL4zvk5/8ZG88njzW7SNRUnFJ0ZPV+hzFc5Ho3GtuKFMFa4qtklhIzyAT2QDMIWauiWWRIpDQ3SM1rqVnKeFYZ2JZglzX67udgvmM9j+3OWTJlONxUp8BeVYWGHD08MUbMGaGiH0a8tZ0Ox9aCGx5vofiOZ4w2ec3i8d09uTef9m6+Vw7y86K73IszwWPtXSsra31mEjmCQ3op2cZyUovcQ95jJm3EeeJsbhmwZN9ZzY8b2PII9Hv2VrC8WzvuFbDbXZ8xrl3LYv7ENQSUkv97FpeDi2La2XOaywtm3vPSHT06NGWPLqhoaGhoSGivfAaGhoaGhYCm1Jpbt++XZdeeqluuukmSX3jtNRXT6Ky8JRF8ThPveUJWVFLOhWPx/LpbvQgc/VGDeW03QPR4//f8Y53SOrX8/KgaMIVpC55sCfQ5hxX2Upd0uMsGXEcnzsFxet4LTAfX6ZaQKXpKhNUNNHwzLVxRNm/f/9g1fN4PnMSHSpQrfh6u6okqjj5zhMAe+C8q6mkbr7dISCmSpNmg/q5HuvPuaz7zTffLKlT90vdPHkYioeAuPo1/p/r0AYOEJ7kOY7DVWWu9smSVdeCuz3YN57jjmOuQsvqS7I+nsYtAykNvd/xHA8LqAXzR5W8J4ugf/48yMI4PNzJ79MsXKi23u6sMpQejPY98DxTCXoaOFfdZwmgPZSBc11164lEpG5NXf05tA9dZe5z5H/HvsRA/abSbGhoaGhoCDgmpxWYURYU6Cl++M3TRWVMAYnbXfKRhHijZ8ZjgEQQy5f49byEiEtYOJd8/vOfn56DRE3JIs5BKmR8tB2Tqt5yyy2SOqnfpRmvaix1TiO11ETuRBClNZesmAtYkJftiHCJlfFkqbmQ6GnvyJEj1fRQa2trOnDgwNTp58Ybb5QkvelNb5oeA3upSbWZodylYt9/noopC0uosQskybiX3PmFdSaZt5fgkbq5dIcjmKxL51mJFw+sJ8CdcIjYR3eVd6cld3TI7t/sN2l4vznbYLyZBsPTrb3qVa+altxylFK0ZcuWQSm+VlooqyK/0TGu3ciccWopvlzDld0PtFfbm1l6MHcE8fG4FiReB3iokScJif316vWANY1rCVwL5eWiQPy75ujiDlUZg0XrtnXr1g01S6AxvIaGhoaGhcCmGV7Ul2bBw0gL7hLvabsim3EG50GdHuwbA1Q94a+XlskkklpRWqRkbFIkcJak7/zO75zpay3okX5EewX2Ksr1IGF56Y1oz4L1eQJeZ3aZZFMLzHRJPEpk7rrOJ8dmLtN+nTPPPHNamsixvr6uZ599Vt/0Td8kqUuufOedd06PoQQS7MnTNmXSntslPFB/SLJ3adkl7SydGmsFA8eG5raOyMy94Kon83VNRmQFHgZAn5zpER4jdSEKhEN4YnUfb9wHWRKE2IYXnpX6iRroP98z/hjuwf+vueYaSWPNSVacN0PG1n0vujbI93E8xu9ht19me6hWeqfWRryOn5ul2fOxArdp+T0R55A9w37wUCee0TFUx4PU3QbuCa7j9bxPnjSc+yg+v13bBZzxRdAOe56E/vOgMbyGhoaGhoXAMRWAdW+/LNWX2+ywgWXlgWoJSmvl6zN9vafpcu+vKJHWJCukDJgd0qckvfKVr5w5p5aWirkhQDj+Hw/ICy+8cObYWsBzRM2OlRXkdBsB7XrS2ji/fm23J2ReZ27nOe2006q2FAB7fs973iNJ+s3f/M3pb+wnyhnx91BguHvjeUoktytkyW6dRXki8qyIJ1Ixv3lgc2T4rqHwIOVaKaYIZyN8nnXWWZJmU5mxRpTvwnbs+929K6W+tyNw78Csb84KYKHZfqO9K664QtLYrlNjS6UULS0t9eYvKw9UsyF7CjrazfrvGGJePqdug4psxp9NzI+3n91j/tx0W+HQGDyBg6chiyW60JCxN9E6uR2TNuP97kzZ2ZunD4tjHUoc7m2Tjo7EIF/+8pdn2hxCY3gNDQ0NDQuBTTG8lZUV7d69e+q96MUopX5peOwILvln3kS8xV3KrMWTxHZcWh1Kn+RSKu2RcJq/SY4tdVIqUoXHtnEOHkgkVJakb//2b5ckfexjH5vpq6dTypiy23uAxypmdlQ8CN2DFMQ2ndE5C8gYXsZQhxK5Li0t9ebr+uuvn/5+ww03SOo8OF/2spdJ6uaU8URpzmMNa5Iu142Mz5l9LYYrSy2GVHzJJZdI6jzGvJin1K1VLTGzM42sOLLbbj1WjLhNqWN7SM14kJLw3PdOxmBq91xWrob22F/EJLqtOjIJmDLnbqQdWFpa6rGn2IcsfVkcoz9bpH55oFqcYmZjc5sgbWEXY3yxj2i5PA7OyxBl8BRzvmaZBzvgWNgt/gEgSyLPs9DtwUNemrV7z/dwZHOZb0D8PmPzvHdiqsbmpdnQ0NDQ0BCwKYa3tLSkE044YZp5whNCS92bGikvemNGRGnGJQP3uPMEylFK84h/PxeJJJ7j0hEM4v7775fUsY7oNYlU4RknXC/PnMQ4PGL37rnnHkmdBI5XopdOiuNAGqrZSUDmuerxX7V5juewLl4kN9OlezHfHTt2VMvzcD1nFZFlvuIVr5DUFU/lEy8s5jSuH/11CbcmAWf9d68yt7nFTCvsFUo9wey8MGy8JzzuE9QSXWexgjVPUi+hFdvhWGzSeMRiI0Vqz5hLraSMx6bFc5C4+fR9GLPPwDZhPUPsppSi5eXlXtaXzLvUbV5D9jEAi/G4XPeqzZKt02/GzP7g98suu2x6Dloi9oMzPfeNiP33bDDsGdcSZGzdGVctw0zsG33wcl787kWlpXpGF5+/7H3B9fy54PdmPCY+x+YtEdQYXkNDQ0PDQqC98BoaGhoaFgKbUmmWUrSysjKlkk888YSkWfUaVBRVJn97CqhMnQbcyM/fWYVmV9d5YDjUP0tYihris5/9rKROTYXKJ57jCYXdOOyOCFEtgRoA9cYnPvEJSeNAbalT/0b3d3dVdxWTp86KlJ523JXY05RlCYe9ArGrzuK6oc5BNVYLL8mu6W7VETir3HvvvZKkRx99VJJ07rnnSppNTeThL0OVn73/rnJxt+ksaTDrihoMtTdOI64Siqi5+ruTR1Sh+vi4r1ApMY9xbdnX3CfMH9/jeMVnDEuoVeF2NXi8Z+kL+4CgfNSWqDL5Xeonod66dWs1LGBtbU3PPvtsNSWgVA8TGHJm8N88yYOr0+I+8Dqf/rc7Bkl9VR/w+zSraccnpoZamFLcd+7IxTg8nCyaL9wZp6aOzEJpas/i7Jno1+Oe8/ALfx7F/8d3TFNpNjQ0NDQ0BGyK4ZEAGCcMnDxgRlInLW6UzipKOW6YraXayYJ6hyRPKa8IDjPFiI+0cuWVV86MIUrNjAPDM9IMUrOnCYvSI78RgI6Dw969eyV1wbcx4bAn6XU3dGcykT04u6059kRk0pePI/ZH6lerrrEqMBqNes4XWWka+odTD+vgzCv2Adbne8mdWeI8eQiG9yML+aAvMZ2a1JemM7Z72mmnSer2DA4BjAHWGOfcHWhYU+452Fs06rvGwEvXuJNEHL8zSl+nGEYAWH/YrrNe+pNJ4UPJgeMxR48erZaLimOppcIbKoVUS8zMnMLe4j3iCQg8uJv1j2wdRuKJwP1ZGfvoTmvOvDx9V0wizlp6G+w7EPvIWNkztOHXzZzT/B5wJj7kbOQhQF5RPmqEmB9Cv0opjeE1NDQ0NDREbIrhra+v6+DBg1Omcscdd0ialSpwj3b9rUuVEV6eZ9o5k5K9YKvU1/ny6QHoMfXSAw88IKlL6kzJGmx3XiJH6gcNw8boC1IS+vAY0sBvSC/YqAiwRjrMglRdZ89c+dxktgp30fag5ayIp0v0tYTKsT0kt0OHDlVZHvbfIRboyQI87IEQgMhCYviH1LEnTzSehRg4G/eCxr7W8RhYi5e/4jPaRVgrvvM0eJ7AIUrALi2zZ7mvGG/GQhmfJ41mDB5MLPVt1TUNTdSysAZ+f9aSv8d2XYORYWlpSccdd9xgkuVaEuKsBBZwm1aNkbA+cU09EbLPG+wjakTQLHmKPLfHZunIPHm3B62jHYj3htsivVhyltbLCz67jW2I4QFn7UNr4nvS94H3OQKGfMUVV0yTK2yExvAaGhoaGhYCm2J40lg64e2O11xkT0g2zhTc2yZKPu4B6JL2kPTndilPweP2uvgd5XoIePZg0thHD4SslaxBasvGBy666CJJ3dzs2bNH0mw6Msq+uGTn3nNZMKd7s7ke3PX+sd8A1u6eVxH8hvR18ODBQYa3ZcuWqk0ituOep7SZJTFwXb9Lvu5lOk/CYY6FsWRewZ4ui/niXoiB1Kwddq/MszaOJfbH2SafMFX2cmbDo094Y+I96QHcsR+e0ICxu20ySvhub/bCs17QObYXvRlr9/loNNLq6mpvLaNWo5bE2VlM5mXsDMSZHwwvrmmtUCpjRUMTtQNe1gZ2znxl+4J2fV38uQPDyzRojMPtmuyTuL/5vxd85m/XdMV9V9MOuf/BkB3d93tm1/Zxffd3f7d+93d/t/d7hsbwGhoaGhoWApuOw1teXu6lQIpSDG9k3up4armdZKYTk/bcq9Bj+DIvw1pJCjwgP/3pT0vqPP6kLj7oda97naROwnKdd9SHuz4aTye34SBVY2uROkkOiYrrXXXVVZI6ZkNRVKlLp4VN1G0pLq1FCdDtmZ6OLJN2acc9uHyNo5TrUtj+/fs3tOHVEjVL3d6gD7WEwJGNuleh21/dxpLBbZwuVUeJ1Nkz3qHMAfsusgbO51juCVgAyDQLrrFw79ws3RrryzzWkoZn+4B9XvOIzLwq3YuWPet7NUs4vVHcZITHRcY5dhseY3MmFveBeyA6G/Tfs7I2zCXsmecMaxz9ANxmd/fdd0vqtAKuPZK6+4519nRnPv44x7VYXfYdz6MIv9dgrLBc9gp/Z8WYPd6wVkw4u66XdWPOoxbRtQ733ntv1cvc0RheQ0NDQ8NC4JgYHpKIv42lTiKA4SBlIqEgCUXPTpeskUyQiIZi7XizIz0Tl4RthSwP2M2kLn4QyRcG5iXvY2aIWqJhPhkD/aDN+BvzhXTE+Ij/u+mmm6bnfOADH5Akvf71r5fUSWMuqbokHvtai8fL7AJuP/NYxMxWiKTFsUM2PIfbBiJo12N0XGqX+vPh/XTpMrMjAWc3WaJu+ouUzLzDavg+SrG0y71AAUsvMJtJqV4k1jNSZDZj1vK8886bmQOX+LPiyLUitEPlgdy+7cVxaT+ynSxB/EaxVM42s6witfV3L9p4jLNCn69sLzH/PCPw8OaTZ0ucT9ga57BnSCqfeYPSB/aKZ3pyppnZYznHk1e7vTsbM2yU53qWdcbBb6y3xwpnrNC1UhwLs4tzz3gozbV///5WHqihoaGhoSHimLw0PWtFZFyeQ5O3PW9qmFfGLmAxnuPNJd8YS1XzlsQjjjbjORQ3vOuuu2b6Rnwenm/vfve7p+fQPsyV9pBeXAKPYH6Q0jgGSSuz6dx8882SunlEmsEz1m2hUeLCnuT5Cn294jm1PH8w1iwfJ+MYso9FlFI2LOMz9JvPtbedteGI48sydkh9lhP3N5oKZ1Yeg5ZJwF4MGW89j6HK8mLSntsVPQNK7IszOC9e7DZyqZ7r1PdFli2De83nPtMOwDbcHpMB+2+Nzce2na0xp1k8l+8jj0/ztjNvXTRIfHp8WtyXzprwJYDp8dwh3lTqnjOwP18X/vaSQ1K3j2i/ZpfNngMO1sv3aBZT5yWy/LkT55H967Gjfv9EPxH6zfP6+OOPbza8hoaGhoaGiPbCa2hoaGhYCGy64vnxxx/fcwWPNNsN1tBY0pE5zZU6VUKNanvYQlT5cA6UH7UAqkfURagxpU61g0oDtQHB6Zwb1R9ve9vbZn5D1edqlixtF+pJ5o0Acz49MXVsh/EwJ1SvJjAdNVlcAw/k52/G4wmv43g8DMFLDUV1FXPO2u7cuXOwRND6+novlVBUH7k60NUrqEri3LoqoxbUnRnoXY3r4TaMPabRcrUMbXCsp1uLv+GwhdqG8Tz88MMzcxHnxFPLsd6c69XSpX4ldfYZ84bzTBYIXCsH5MhUw8D75AkQ4nfzJP1dW1vTvn37pun6slAGf3a4k8pQNfGNEqd7UgOpUxN64nQ3w2RhPN4u36PijM5y3P+YXRiPq/39eSvNPk8iPOA+e377b6wTJivGF/cO//dPkKmv/RjGwbiz4+gLjo833XRTmnosQ2N4DQ0NDQ0LgU2HJWzbtq2XbDVzD0bycSeFrHyOB/O66z/sAykHhib1GReMzsupRFZ4zTXXSOqMw0gKngIqXuejH/3ozG9IyS7pMD6CSqXOOYFxeRJhmFIMZWBOkNI4xxPaZpK4ux/TV2cQUeLGccbXx93gY6JjvjvrrLMkjaXemls7cAearOwHThdcyxlEFijte8eZScZUfO48MS97JjOyO5P0FElxf7s7NnvSg5Nx6Ir7gHM8MNedPmIwvhf49H3tZWKGXLq971nCAJ8nZ3jOnOP/Y8hOje2Rls7TT2XaBA9p8iQSWUgLcO1DLc1aBHu0FvAe4UzXQxe8QHPsk6e581AJZ5hSt488VZo/B7LiqhzLc5y+eUhaXDPXOnjSB0+wHc/3feXrFc+h33EftPJADQ0NDQ0NAZtieMvLyzr++ON77CJKWs5aPMA0KyvvJTCQXjgGfS7SRQwxcLdjJAGkJoJvSdUVv8N2csstt8yMw91rGbvUMUj65vYmfo9la3BZdomSucK9Ns4Jx6LXZ94efPBBSZ30xvexHBHu4YQ5OPvJ7Fxue3QW78HfUjdfztCHgITqduDYP2deQwVsfWwu9Xs6qsgWvX3GgQ3FE1DH67lk7RJwtPs5C3TGynpx/agxcXssYJ970u/YJ+8La4fNFcS0Tb6fPRjfS/9kffJ73YPkIzyhQ4aVlRXt3r27V0A0rrUnCfC19aB4/3/sd7yulNv/eHZwvzM2L/KalZbiN54RziRjknTXdvn96Enlo3bAbWauyeJYEiFIfeaIVoA+sUfZU5lds8a2soQXvp/oozPM+GzxBO7HH398Y3gNDQ0NDQ0Rm7bhbd26dfqWR0KKb2wkBN7UrkPnTT1UqNB126QFGwpWdrsYUjPejFFqov2XvOQlkjopDLubFxGVupRBNS9Nxu0JoqVOwvJ0WkiFWYJUpD+YG3ayM888U1JnX0TCzLylYNm1cktxTmoMr1bCJvY/Sp9DknoppSdxxxRz3j9ndJkU5zYzZ4dZGSIfM+vvxYszj1sPfncW6OOT+kVoPUkw1/cUdLFd1tCT9mYJer3/7EW3kyC9R80Ddm1v3z0j4/i8XWdZQx6fsd3a3lldXdWXvvSlHquOzx3uLeaS9XFWERMmezo97kNPZsEejXPM/c+xaKHQ5vCMwTNX6ntUY8MF9DWWCfProd1ir/KcoK/Ru5F9xNz4veD+DvEc+sZzB7gvRuZ56+NxLUXGzD3Jt3tkx3tiqOTTRmgMr6GhoaFhIbAphre2tqb9+/dPpc0sFqPmNZR5BAGXvrA9ubecSwNSX1rhrY+kR5tREkFKcSkNaQymBauTOqaFBEKSanT5LtXSdryeS9xIcsxJTC2GhAND9dg9ypB4wuvYHl54HsuVSVrOqpn7LFUaGGJCDop4uqdatAE4C3NvLJdUYzvO8NwG5bY3qdsjzLvbqTK7oEuttUTMmdbD40trjCazM7pUO5Q83GMEAYycc9mH0abnyYo9vivbO5ltVer2g0vvsY/x3Jod5tChQ/r85z8/vR+zQsB+bfd4zEo98WzwZxVjh02zT6I9Dj8A9iQetmheGGv0N3D7HuvB37DDqB3yNIS1+yfzZnR/CS+myjlx/ekjDM9Tlg3d427n38gmH+Gp05iD7B50lrm8vNxseA0NDQ0NDRGbZngHDhyYkUCkXAfscUkemxHf2Oih+XSpMssIAdzLB6mt5vkZ/3/vvfdK6tspkPAuu+yy6TlIR7TvUh9ShyfPljrpjz56nI/HLEqdrQ5G59dB8so8+5wZwfQ8i0JkBUiBsB2XxrKsFJ5IeSMpa2lpqeepGpmQsxdHxiTdxuUZFzxuLl6PfZbFP8W2o9Tstiz3wPTMHlI3Z7VitG7bjZ6w7g1MG5yTMUofj3v0sWeyc5Hs0VB4bFrmuepr4LGCQ5I97Q15+K6uruqpp56a9uWCCy6Y6Vu8hq+Ls91MO+CsyZl3VjCVOcSWhp2P5wTMLnpNOtP350KWzcgzxnicnydwj5qlWtForucemHEOvFhtbb/H+fTyU35OpmWhL7THeDL/AEB/4/07lOEpojG8hoaGhoaFQHvhNTQ0NDQsBI4pLMFr3UWVCFQU+u+qQA9ojudnhmWuK/Wr+0odbXa1ICoFT20mSXv27JHUuWC72zafUXVLcCbfocqAkvM944zJqmtqAq8EHVVRMeg9jtNr3GUqJvpPH93Q7Kl+pE6V4MZ/d0zJ1i2qjYbSQy0tLfXSGmVGcP/OqyFn/XPVh6fLygLCUY14VXHG4OmcYt/cASVLFkc8/3wAACAASURBVAxcre7GfAz2HkQc++QOIH69uF/cJED7uMXz6WExUrd/3enHHQ+GQjVcZeuOFXGMUfVY2zvLy8s6+eSTp+ejtsucVzZyVorXcFOJJw3nk+tkyZi9FqCfE/cO8+xqaneEi9fhHNbQU2+5qjmq3xkXfWLdvbJ7vOe5PzzdmSdN8GdyRK22JsieITgB8dz053p8NjK3MaHBPEkvpMbwGhoaGhoWBJtieKPRSEeOHOlVd45ptDzBK29jN2zHt78nFXVjJ1JFVlLE3aSRfJEUcGWOxlyYnRvkaQvDPaV44rEwVo7BWO2lS6Kk5UH4WSJm/xuHGlyGGR+hE264jQzWr+PM0gNupU5SY3zu6JC50NMexx4+fLjqau9Vq0GUzGqJpd1RJEqV7mjgqcs8IXRkBUjS7BlPNO4JjqXOAYg1dYadVc2uSePA91/UmLgR3x1faDu6v3tpJ/YV+x5nBZfepW4t2c9eoitj+r7fnNFm94Q7shx//PFVRrCysqJTTjll2i57NLLaGlvzcWUaBQ8x8fAUnm9RO8C12QeeZN3XS+o0LoQa+Z5xDUOEawX8PspStDFW1t+TVDCGLDzJHdH8ulmCBcBc1NL8xXsQZsx37M3bbrtt5jqR9fozb96QBKkxvIaGhoaGBcGmGB7w1DtRivGkn7zt3caW2QD8jU1b7mYdz3V3XS/eyu8xhZVL/Z7Elc/7779/eg5hAkg4uCp7W874Yl+chXhQZZT86QOuy0iOnjLJQx2kfkJbt88565Y66Z/5cvtsnD/g7tV33nlnj7UCSrxkKb7iMRG1xM9x/d1m43PqqYqyxLwutXph4Dh2dwN3u1IWHO92JE+8PJTUu5aWK6ahi/2Q+loA5o8yVXwiTUdJHEmaveOB7x4wHs/PyinFNrJk5bE0Ui0cZWlpSccdd1zP7gvbjv1mrG4Dz1Kw1QKja1qNyLwZI3PNXnENSWS1XgaMsbtGK6KWTpHvPeQg0yzw6SkFM40Cz+kak+NYfo8hNG4n9STisLn4bGSd+I55pYQbmq54jmt6WuB5Q0NDQ0ODYVMMb2lpaYZtZTYJZ1yehiw7B6nBPdJcUuDaSKhSJ+UhccA2kKyQhKMEgITDJ8HdLonG1GLY7DgHaYXxIvm7LSyOuVa4Eokv2ghgFbBP1/N7ctoocTO3XqTRy5DEtfRikR7I6jZYqWOFMOEnnniiyuBGo5FGo9FgORjfK5nNVpqdP/rpDNtZdGZzQCpH8nYmxvekfJI6+wt9ZF24HuWbotYjSqdSv0gpc5bZKOkvx9LHIbsf+/bcc8+d+Y2962w9svIhVhMR95uPg73pLDhjrozjs5/9bC9pAKDwtNv6Y7+99I0nk3Dv5vh/Z6Sc4zauoSTFzC1jdK1O/K2WFMOTjMe+ANrzPer7IoJnld8T7s0bUQvkdw/vjJX7sexH0iFmacK4x1hbT7QRz8mSPcybQLoxvIaGhoaGhcAxMTyXaodicpB87rrrLkmdhBx1vw4kj1oKM/S69Cl+unTm5TSkTtpzLz2PA4zJnL0oradRcs/H6FXkXnpZ/Is0q++HcbluHkkWL1TGG9MeedFIt5E6S4xj97/pB8dGVkii3GiTqOnS19bW9Mwzz0wZa2RADmf2Lr3Gvvq6u/ckc+oMUOqn1oIt00fGFUu8sDfQHLhnJ2wulmlBO8Ce4Ldrr71WUqex8LmWOpu0F8JkX7MvYqkZ9jrHcl0v+cJ+uOOOO6bnunere8E6Y8qOdSaW2SY5h+vt2bNncE9E7QB9iHvRPTfpg8d9Rgbk2gZn017kNLIZruN2eZ53ntRc6qeYc3u8e7lG+Bwyb8TWZWy1ptlx+3/Gjrw8mNsQ+T1qdJwVenJq+pppd9yzmE8v2ST1k25v3749LS6coTG8hoaGhoaFwKYY3vr6uo4ePdqLeYklf1yaQPLCFoRkFPXvSJ5ezNDZGxJwjDly70/3HspiW/j/3r17Z/rCeNzjLrbLdTwLB5KOJ1uN50a7XmwLaQZpPrZDH2EZtMtcYLOMsZC+Lm4zYE7i+Jwpue2L8SGlSbNecly3xvBWV1f19NNPV7ObxGt5uRn3zhsqPprFJcbvo0SKVAkrYw6Zaxh+5uFLe9432ozaCbeL0q5nSfH9EOfE4UwrahTc9uk2G7QBXixZ6tu8azawyCRqhV59D2XetVzv8ccfH0wavrKy0lv/rNyQszT64rGwUrd2bjN2VusMLJ7jdnLWMss2wt73kl6Z7db76GNnzfy5F9fF579WxDeOq6Z582TVbnfO+uyZpPzZEvtf8zr3wttSN4/RT6R5aTY0NDQ0NARsOtPKc889N2VAxPHEt6u/8T0uy+O84jmuS3ePJPcYlDoJEQnB4+9gVbEf2XdSxxyxscTfuaZnj/BPj8+T+mzQJW+kwjgnsCeOgckhySOFkn8vMgq8TpFqazE8keHRLtd1Cdbz/sU5qcWKRRw9elSPPvrolD25bc3bztpzKTCOze07znI8U4jUScnMHWNkXjwvotTPpOJ2MrfpxD6yHoyLfehliDLm4uvg8VLR7ueem5yDbc/zgEb7n9t9vU2PrZL6XnOZp6Cfw3z98R//cXqsI8vTmnkXcv+5RoL15z6K/fEYM9af9RgqsusMzPdfZjP00mLuHRzX372e/Z7wOYjPHddyeT5MEJ8DPh7P1uKet/H6XvyafeUexpFF1ryA3SYatWOcEzUjLZdmQ0NDQ0NDQHvhNTQ0NDQsBDYdlnDiiSdO3dGhz9FhAurrSWfdzT2eA7IqurEtDJfRRZXfaBcVp6seI42++uqrJUmXXnqppL4RH9VJrFYc50DqjLeuwvKEylJHx93wy3juvPPOmb+lbt4IyPSyIFB9+hjd4FHr0CdP5kqfY1kYNxYzDi/vlBnFo3tzzXh86NAh3XHHHVMV0yWXXCIpr3jO2mXu7FwHeAokr5TsqrjYf3d04Lq1hMBSX5UJ2PdusI9j9PJTWTC0t+3qKMbjezWqvtxZwZNI+70R1aGo2TxFms9fts4cQ189rCj+TbKCL3zhC9Pr1lTi7rSSOXm4kwOhS4wDNX88B/Wmt+fqOg+vkPpJwz2VXbZ3acdVfD7uof1dK6+VlQnzPepr5qptqZ+cnHvAE2v4mOL1eCbxnHUnxLgPPFG3O6HxezyHvrFXh547jsbwGhoaGhoWAsdUHsiDuqMbNZInkjxSFG93mEg0nGJMR7rwwo4eBBmlZ/qAJHfBBRdIkl7xilfMfB+vR9+QGjx4l+vjECJ1jNSZgzvWZEGVLr0gCcHezj//fEnSAw88MD3nc5/7nKR+SQ/6gWEY5hWlNCR5Zy7OFiKz8GB05hXJOXMy8cDtIaeV1dVVPfPMM9NxEfycubf73+7UFI9zxx8v9eOStqd1k/rSshdxjVItx7j7ee0z9smlcQ/yzkrvuLNQbU4ivESSr3+WABowLi+27Aw6WwNAu4zbg8El6YYbbpg5djOu5SCyC+6Hc845R1I/GTpjjmE19C+GOcXvAXMdk1fQb0/j56w2S6dWS5LugftS/fnijm+ZI5onrXDHOzQZ0TnPnf5qYQieZFzqJ2Pg+ebao7jvsmQSUn/fxXllrSNDbgyvoaGhoaEhYNPlgUopvbQvkeHxpn744Ycl9VmA/y11UoVLQEg6bnuI0iVSCuV7rrjiCkkd84ERRanJ9dQuHTCe2EeXtDiXY+hjVvjRbWa04X+TgkfqmCrSDDYJtzfS12hvdDuSlwfKEjzzHZKb25nchiB1knuUoocCpU844YRpGi3CHwhtidf0MAdnPnEtPfyAv92W6oH1Ut/12stdZUzY59YDf13ijsdwrmsd3GaUBfN6ELTbjuK6eGknv46Xo4rXYz95sndAm5kt1xn6ULJyTzKxkYS+tLTUk/pjsmnm//LLL5fUaZIoJOq2aal/L9GeJ3dwLVI8159rntIus8e5jdrZe8aendHV7I5xH3hYEud6maL4rEKj5M8oxse6sZZRYwLD4xnsqcuyROfA73W/X2NiBQ8nmzdxtNQYXkNDQ0PDgmDTNrwsgWqUzpwBeVFA91iT+l6MSGFIIJ5aLEoxSFKUnvDisW6/iH3z/rtEFKVYL/eB5OHlkJA+MsmuZusAkXkxVuwGJN2mLU+DFO0L9NXbp69ZGRIkVk+z5p6MMM445lqgccTKyopOP/103X777ZL6Xq4RWeLd2Kcokbpk6JK1M8C4Li7FOsPL0izV0p3xvc9xPNZLujjDdC9HqZ+g3dfFEx3HMTtTdE9CkKXbcjbF9bIAfm/HA+mz67zjHe+QJP3cz/2cpLG9PGO2XGvr1q1piSeAhoeSSHhler/j+sNWnAG5TY/voye0J292/4JMs+TB6Nzvfv9kGoXamrqdLj5DvFgxnzzn/NkV/8997mzMvetjf7i2p1D0EkPx2e/3uJeNymx47m3ebHgNDQ0NDQ2GTTG8Q4cO6c4775yyqZh0Frh9yKUnJIQsMTPMBLbCm9yZWIxXc+8oJCFPzBolEdfJuxSLh1eUPrz8D5II3yMJcd2oc3advdt9smKKtBftHlK/NIbb3qSOXfCdsxH3eo3fMedeZDNLFJ6lF6ph69atOuuss6YMDykw9sHtYp6mycupxLG5BO8xbllJpqzESfw+S+Y7lBw7+8zarc2be+tlxzrLyeLwWLta8mYvlRPnxG1QwO+viFrSb48DpDiuJF122WWSpHe+852SpPe+972pBy3jOHTo0LRvbqOUOg9rbMOxtJfU7Z14n3h6Nrfpu1YnPkNgQBzDs5D7n+/jPDrbjOVtauPyfeQMzwtOR/brSeK9tBB9zGyhHqvp57o3qtR5t3taRN8zQx6+Nc1MljDetYfzoDG8hoaGhoaFwKYY3pEjR/TQQw9N4ysyKcbtVW5Tc8+k+H+Xyt2byPW78diaPSzzSHRJ13XOSCjRXuWZJ5AUORddPl6I2BRiezBXznVbYWQUzIlne3GvMI8Zi3115uqephkLdQmPNc68AWtlYDKsrKzoRS960bQdWDrZGCJc5+82j7h3nNm5ncRjD6NtzefO7SGZx6VL2M6mXIqPffPkzX4v0Ha8nzLbTPw7Y0W+LjUpOivb46yP67stJ57jNjs0MnhqX3PNNZI6Lz6py7Ry5ZVXShozvd///d/vjYX2d+zYMV1bz1gTQX9j9hipe5ZErRTMyu2jgL+z0kLsK/d0ZA74Pl7PPWvd8zlLjg7cQ92TmEfNCxgqOxTbjKgl7nfPXh+T1DE8z2BT87qO7frfmc0dMMeMuWb7zdAYXkNDQ0PDQqC98BoaGhoaFgKbDjxfX1/XQw89JKlzlY/pelxNh4MIx9RUJBGk9EId4Mlvo0EadYO7fNN+po7whKioB9xtN6rOnJ5Dq6HvtUTAsU/ugOLql8zxxNVr7sjhaYLisR5A7SEhmfuzX3+okrtXVK85HUhdAmDWFJVWVCezZzwA2IPgs6B+dzioJebN0oR5QP5QYDZwxyOvnRZV7B5CgqqcOfXwh8yo76p7D6WI+9sN/X59bzuqmFz9XVvTLDyJT8ZDsoSLL75Y0qyaHweW8847b/pbLbxl27ZtOv/88wdDTPg/fcA5jnuKOY994FifQ851NXncq67y8+cPv8f7kvX2+nu1GpvxWI6pqalrDiLxN1dhZ+YgT0rOOvs9kakaubdrCfyzdas5tLj6N96DzKObbuZBY3gNDQ0NDQuBTTG8Uoq2bNnSM5hG438tiBZpCgeOLLWYB8YimZB+6pFHHun1icTLLgnw9ncpKvbbAyW9JEbsI5Ib7SIFcl13XonXIwgWqaXG3qLUnDkUxD65wZ2STVJnPPYkwi5ZZpWVkbhog3HT5yixOpuqGce59tra2nS9brzxRkkdC5C6tFBI4x7I7GEqsT8eoFtzWorSZa2kizugZKETtbRZfMZzvP1aCMU8bM2Dbp1hRNSCxocq1Xv6tlry4jh+2kXyJjE0mhruedLlSV1ZoD179kiSLrrool7/wZYtW3T66acPJtn2McI2eHZwnSzxgDse1aq9xzV1xyp3eMruX7+XPJGCO8TFY9h39NUdUrKkAjWnMmd2mVOW77taYve4Bux9r3yOJjDTKPh+riVhj9dnn/lzYh40htfQ0NDQsBDYtA1vNBr1iq3GN7azNaQX3sLOTOL5Lj17WjBYVHzbIw15QmvXNUcJ2O0gziBoK5YpQoLEZudJlilLgm0iSj4exO12zEzf7ymLaumP+D26fAOkvb1790rq2zei7cglRHdzZu7j9+7CPqRLp7QUNhTKBGEPlrr0cPQT1uou5plUSbKAWh+GWLSnMnNbXuaCXyuE6kkG4jWdYTkr87R8caxuU6kFrcffPNjepXIvNZT1zUNCsuTRsClCcj7zmc9I6pKhs//iuLgnuF9OPfXUNFifa5122mmDJZh8ntgzlKEi4cFQuR7G5ImtMzumh05l4VaxDanP5Dz9YhaCUkuMXNOmZGnpvM/O2rLwBN8HtXs8s6MyX/MwMN+rzjCz8TuTXF9fn5vlNYbX0NDQ0LAQOCaGx9sYiSUrTePpeZDWd+3aNfO91A+8RYqETbk3W5RuYUVIdDWbTWQmHpzsxU05JzIuPEO9AKJLyQQXZ+makAY96TJ9j16c7hXlbNBTc8VzCeqGJXrqJA+SjX0BjN3TEw0lil5bWxuUtNbW1qbrTyqouHeQ9mHLjMnTusVrsJasD+3Vgnjj3qnZNFy6jdejT860nBVG9uyStTM5byOCvrj3nLOOoWKurLPvu8xm5fYr92R1NiR1mpA/+ZM/mTmW/YcNj/tZ6p4DPBceeeSRdPyM7aSTTurtrYzluP2VZNL0G7YpdfY997x2j8+h8jPOSDyZQcZa6VuWNMLP8bVyz+Fa2jipzuR9D8V59+dMjVVnqfo8wUJM3OHH+nc1++lQyax4bzSG19DQ0NDQELDp8kD8k/KEpUgI/MbbHskbqSmW4PCUQe4J5sVPI/NCSsKG5TFBXiwwXs+LQnrqpxjvRd9Iq+Zs1L00I3vyooqAc+lrlNI5x70BnaVlkp17KNIX9yjLYiGRyjxJdeZh5Xr3IaytrengwYPTNcRe98ADD0yPwQ7nMVSMNYu7cV0/TM9TitW8zeJ3PpecE9fSE3D790Op82r2WLcvZuviEqx7BWbnDEnj8fvIFr1P7knKsdGTkHsZBnfKKadI6pgfezmyefqPB/MzzzxTtUvhHe7zlhXzdS0AfYDp4TkqdVoG99IEHqc3VCiXY9h3QzGONTtYVnC45mHpv2faCO93LYVahKc59L66zS2LN+U5Gj3H4zgjap7eQ16ivuejtnAjNIbX0NDQ0LAQOKZMK5mNC3hRRbd5uFeT1EmAHmflCZIzrym3Lbndyr3MpE4C8RIogGOjlyZ9cG9Qt4dxvSj5MCecg1RLW1kSVJe0a4lSM8ZRK6rodp4sGa7HCHkB0iFd+UZMb3V1dXo+TDnG4TFGpHC8/NyWl3kk1rQDLnHHufF5cmk28wZ0m5bDs/ZkcEbnUnW07TAuz8Lhca5xTtwO47GjQ/Gffh23c/N9LA9z6623zlyHuCvOQdKPbJ7sKzDyWPIrQ5Z9ZIjNsGaM+dJLL5UkffjDH56ewzz72GrZbaLdkv+7h6979g55wLp2ImNxvt9qWY0y1uv7NyuC621tlLXEvbmz66HFgfHzzOd5mj1DfN7myZ7Cc+HAgQPNhtfQ0NDQ0BDRXngNDQ0NDQuBTas0pb6BNjqGQJfdYO1Vq6OK0dWd/IZ6DfWB/x2PdRWWU/9oZHfVhddZQ8URVZ7Q8zPOOENSR71dLZKpFlD1QMFRBXsAJU4b8TtcumnPA8IzQ38trduQ2sBVpozX0zkNpS4aCksYjUZaXV3tuYDHdWHt+CSQGfdx1j0G2TMvrpaK143fx/lzhwNXT2Xu4+5EwN8ck6l+mUNPWecJF9zJROrm26tigyw9mKsqa3snu54nUHY1GN/HfXDLLbfMjJ01ZVysX0y+jNqL651++umDIS/r6+tVh434f1cB0ibXi/PkSbtdxejq5Kj6c5WmOxwNhUx43UNXS2dOWf5ZS+eXOSAN1aOLfY6/ZU4psf3MTFJLyoAjHM/ObN08NMfvo0zF6c5486AxvIaGhoaGhcCmwxJWV1enEkkW1M3bFqM2Uq2Xl4lSsxtrn3jiCUldcKqngMrcm2kfZoLLMedGtgZzwMHApYhLLrlEknTTTTdNz0FCrAX+4pqNET7+7iEGzmBoO5ZZ4jcvLQQLHCpHxG+wQ1yyPUF0dHTxAHZPdJtJhy4NRqcUB67l7jDBGkud4wIsAibMXPJ9lszZJWyXMjPmzZjcKcrDNzIJ0sdOP7K0Ye5k4e3WpOn4m6edcueVeG6t3AzMmDXmnskSQdecgPie1HBZu846SBodnxPsL9jgrl270vHTh7W1tUGGlzmJxLGjccJhLPbH96zPrQd/S/2SVaw/c+D7IbZXqyKe3TseFuLJAxzxueMMv8bwhs5xrVDt+9gnZ3o8k4cSHTij87nK7kHmZGlpaW6W1xheQ0NDQ8NCYNMM78iRIz3WFKUNGI7b1mAmsJgs8Bx4KiRYBtJgVtYGVuhMEpdoXNxjX1wP7YHUUeJijKQmch0+Ugz2iocffnh6LmyT8kbOXJCQo2Ts5Y1go7AR1oDjYHGxL8yNn5O5WXsYidsMMl26S6SllKqktbS0NOPKzhrGYr4wPE8h5+WoYjJp9oanbfOCrLEfwBmJ2zE9IXGEJzYHWfozZ3C1EI/se/7PODO7m5QHEzPHrslwFpwFDzuzB+zrGE7itjtAcgEC0eNccQ8SInTw4MHBsJaY8CILS4jHxU/mib7RF6l/39Xc9z00Jx7jZYnYU5lGoZYIwhMcZOnB3O7rv2c2NU+z5jZ3t1VKfX8D4LZRD5bPxgWrxoaXJUmo2ercjp6Fd2wmhGF67txHNjQ0NDQ0fBWjbKZ4XinlSUkPbHhgwyLj3NFodKp/2fZOwxxoe6fhWJHuHcemXngNDQ0NDQ1frWgqzYaGhoaGhUB74TU0NDQ0LATaC6+hoaGhYSHQXngNDQ0NDQuBTcXhbdu2bXTCCScMlrz3DA2gVvQwO6ZWXn4or9pGmOecY2n3hWjr+Vz3r+o6NWemGHfjWUaee+45HT58WKurq70Lbd++fbRjx47BGLChTBq1/mdxb/HvoTEP5f3c6NyNkJ07FD82T7+y346lj8cyvqxUkv/m8V3ztB/jsJ566ikdOHCgd9LKyspo69atvZizOBfE84F55tozPNWeN0Oo5Vb1awydO098obc/T99qeTjnOedYft+ovFbWD4/r4/1B7CixuVm5rZhN6ejRo+lzx7GpF96OHTv0xje+sVfXKL68PFjTU+6waWOQqm+8WgLYoUDD2mbNkuvWUKsb93zh1/Yktf59/H9tsw797fPpD6Da9eN3noQ7S6RMfbMHH3xQ0nhzfuYzn+m1KY3X+9u+7dt04YUXSuoC9D1YWerXOPSag1kQqj8IPIDVg1XjbyALFo5t+f+zY4ZedF59fZ5K8X5P+OfQWvr6e+B71mf66KnavP34wCURgNfh84dYllCZJAzLy8v6yZ/8yf4EaLzul1122bSGIgkMYr3KV77ylZL6yQM8lV2cc0+IXquans1xbb9tJlED4Pr0Pc5TFuAd4XsonuvB8bVnYAw8r6Uhq1Wbj2162jH/m37ExBGcT0ISngec8yu/8iuSpA9+8IPTczifvu3evVtf+MIX0rE5mkqzoaGhoWEhsCmGV0rR0tJSNbmq1E+55Il4s/Q5nrDWUZOipL4kshk1xEa/D0nrG1H/LLFtDRn7AF7KyM/JWAnfoRbwNFtZ1W7vg7ORLGm2S26ZBB/7dPTo0V5pqaw9319gqIo0qKWHy5i+S8+eUiybp9paDjFyzvHSPjUGFpN6DyXjrsGTu9MG8+vsPV7D2UyNFcR58JIu7Adni3GtOTbug9pYV1ZWdMopp0wrqT/66KOSpIsuumh6jK9lTUuTrV8txZvPT7Z3/L4ZUudupELP7nXacS2XJyn3hOHZeGosPZsT2nMTlc9F3NM+dn+GZOfA1vy5Q0L96667TpJ0ww039MbDsS21WENDQ0NDg2FTDG9tbU379++fvn2Hkix7guRamYn4W01qcukiSiS1gp81J4bsO2eHWR83whDzOxYJayNHgJqtKv4/k6giol0gJnaO7Tr7iWWWmJ+YMHeIPUftAGwzYzPOklzKjPPl7KFm0/NrxP8POUNI+dw6Wx5yXvA5rNmia3aaeKzvlUzKdabsNkR+Z+7jdZG4fU7YQ9zfMbkwc8ExtXI3MXm0l9wZsrEvLy9r165dvSTLMSF8jeE4W8u0EJ482hNPz5OkeihpuvfFzxkqAFvT7PhezcoF1bQOPgeZzdDH5/egP+fjd76mPp/Z89vnnr358pe/XJJ09dVXT8/Zs2fPTHvHHXfc3M/qxvAaGhoaGhYC7YXX0NDQ0LAQ2JRKUxpTUNxnMycTVwO4s4pXYZb67stOwWsOCPG7jdz454nHGVJTDLllb7b9jeJV4v9r6rYhd2TWB1UJoQSuyohjohJ0dPWO18vGx7FUVn/22Wc3rGnmDi6xXXdkQW1GP70mXISrRlwdmlVO9vmoqbaz63l7Q84StTgrbz9TT/qxtXPnifvz+wc1dgw1qd2nvhaZ0wr9Z53cjBH3m6s/vf5axNLSko477rhpzcNdu3ZJkk488cTpMdRcA1FVHvuWPTv4rVaxO7sH3MQwj5NM7Rni90Q0QdRUiiALD/Br155VHnIUz6k5r3nYUgTPHZ8/H1+cE98rqNR9vb7lW75les5DDz0kqatteN999w06zEU0htfQ0NDQsBDYFMNbWlrStm3bqq7yUl8icPfWzG3XpYmag8aQO/1GoQZDGT1AzT0568uxZCTYyLCauSM7y41ZTeI5UcJF0gJUl3ZJPEp2VEnH9RvpmetlQfkEicZA0hqQKkLt0AAAIABJREFU0l0SjdJsrcoyYA/Fc2AkXqndA6czRwp37fbruiQc/+9Sa62tiBpbGwpwdkeDWpiFV3aXZh2MYlvucBPPZY494NzZWmRQtMt3zLXv4bhuhMx4GxlKKdqyZct0L15zzTWS8rXc6DkQmQn9OXDggKRuzDBfZzPRuSdm+YjH0kYtxCoeWwtlyJ47YCNnrNjHWqgR42YNsucOqDkdDiUtYP74ZB/i7BjB+awBzx2uh1MMziuS9Hu/93uSxgHnkvTII4/MHZrQGF5DQ0NDw0Jg04HnKysr07evu9PWvpP6DCFKsUgasBakJD49RU2UomvpyFyqifBjaynM4rm1oOiNUk3Fc12CYxxcJ47Lg4Oxk+3fv3+mr/z+zDPPTM9FKkJyQ3pCAs+kYHIRPvLII5K6OeH78847b2YssQ9IZTGw3LG0tKTt27dXGYvUzYunoXOWEZkpx/o5tM/3ngjB/x+v73s3shlnqG47zNayZjt1yR6mnDEX3zN+T0SWjUTt81ZzF4+s3dt19sk9GtkjtjX2nbNp2owMz+/1Ukr1XhqNRlpdXZ3ajLE3R7bG/13b4H1D2xHBfHCfPPHEE5L6Nr19+/b1znWGf+qp46LbsJu49mhEPEWeaw2yRB5u36uFOjFeqVsz5obnLM8QNEFxf7ttjvvH++a23dhH1oD1oo/07Zxzzpmew2++ZwHjPPvss6ffXXLJJZK6BAQ7duxoYQkNDQ0NDQ0Rx+SlCTLPN0+jxFseySGTtLAfudTCWx8GgQ44k+yQHlzCz6QywHWQGPH+QuKJ0hkSW4191Lwq42/OAmBlSLtkBpc6acy9zZwZcW6029EHl9a4LnPFuKVuvfCA4hjG/dhjj0ma9ZYi4StsYNu2bYOMd/v27YNp1NxrzW0pjCtKwC6Fu4TIHkK6jnPijKrm+ZrZDPkuejjG68fvXSNS8yT1NFIRHvhPn2Hg0WPRg/sZu+8/Z1lSnxGzr3ycUftR85R2xhzn3gOMN8L6+rrOPffcmT4+/PDD09+d/dM/7n+OHWJcgH7yXKKP8R5zezLt8lzLkqKzn7GTM+/uARux0d70dYqB4G47hcFyjj+T43U8VZv7VzDP0avb7ZZu08s0Z2eeeaakLpm8Pz/cHixJL33pSyV1Wq/NoDG8hoaGhoaFwKYZntTX0UcJGMkDiRB9Md/DHKK05Lpf9+gckoC4jpeQQSLgeplXGUAKRPJCQo6ej57OCMmG792LKfOWArQLa+Iz6t+dQbhNxXX5mWcXY0bCQurMmAtMgb6yFhyDFHjrrbdOz/nmb/5mSbN6/iGGt7y8PJ2vIVsXY6W/tO823ThGjz10r8nMs9i91hizS/xxbumLrwuM3NclXpNjOddtbCBLBO42ZD6JRYr14DwFl4PfWdNs73gqLrfDxXMYO1I/mhLXPsR7gu+Yz8OHD1e9p5eWlnT88cdP70/6ENPhuV0MW/T9998/07fIhLmHOYff0FzQ/t69eyXlnpfOwBgj93hk6+7xjIaFOcjsWLVEzF5KiO+j96t7lzJv7sUd7XC+zq5d4VjmhrWOv/l4OJb5jXsVFg37ZE3Q5jHnvEck6YorrpAk/cEf/MFM3+ZBY3gNDQ0NDQuBY2J4IIs5gqU8+eSTkjopD4knKxUCPEEt0kW0bUm5HdG95dwzKNog3AMRSRemhaQfGR7tcw4SFSwk88oCLv0hMTJHWTwUkhrSmNsmnWVndi36iiTpiYEjw+McGCzrg8ca+vLoDerlh0466aSqtEUcnvc3Mm/G5pKhFxaN59Af1qrmZcb3sX/OGLk+Er73g3HEc92Gm9mkXKIGbnfKYqyc2TEeL4LpcW3S7FrFfjAXaDaQrqXuXqA9rof3IXMT9w7t0D6FWjk3y3LCmGNml5p2YNu2bbrgggt6NtfITPg/9xb79iUveYmk7l7IvIyJ52KOWW/mALtc9AfgeeJjr3moRngZKC+SHZk5//fCtv68ybJfsa7uqe73U9Y3167BuJwFR7bmsbDMr8frxnVmr1DAlcTQrInbZCVNbbkcc999981VTFlqDK+hoaGhYUHQXngNDQ0NDQuBTak0R6ORjhw5Uq1hJPWpvasyOTaq7zwdT83FPAsidyrvbrQgU5egUoByo6ZArRPVYxhnXdXoNcX4O/YdKu8OO25wjqoMVBb0oVZLjb7jvCB1Lr78hjrCnYKi+oPf3FUalQPq3mg8pm+oOZaWlgbrgu3YsaNnBI/7APWFq7uZLwzcUT3tLtZumPc0XpmDFXNN33F4cLWbVHekydKQAXeYcZU93zOGeD/RNw9VYL8RfBtdy1kjPrm+7zv2alRpMreuymLfc2xUJ7oa1FVZWZJid2QZSg21detWnXXWWdUQnXhtzATs5zPOOENS5/4eVYxcm376HLvaGrVu7D/X9QD37B6rqd1q6up4vocYeHgAwLFH6quuUfeiovVkz7EPqCwxcfD8o298xnPd6cyf9VlqMb/X77vvPknSPffcI6kLQYjXob1LL71UkvSBD3wgTWadoTG8hoaGhoaFwKYZ3uHDh3uG9EyqdddbpBvcTrOEtZ482F1VM+O3M6xaYtYh47E7DTCe6MLshmzgQbweNB+P8XM9aDgGqyIp8ukOBxzLuZkB2h1enJVk5Y/caI1hmDWIjjzuVj/kHuyJxz2dVvw/v+F4wPxlqZCcNbPuzDWfzgDjd+545GnI4jk+T7BpJGCviC7VQ0lq5YIiE2BfueMTc8D4o0MFLIe1gum5tiALqGYN2JuMx9NSxb3j9yBMgns/q7Q9FGrkWF5e1sknn9xzXov3C6yc/Ur6KtYlCwHxvehgXBkz82dHDK+QuvnKyqD5Oey7oWeUJwd3pxieA/EZyrqyD/hkzzCuLLG+X3ee5NHuQOjB6Z40Qermib3C9ZydxrVmXNdee+20TxslDQeN4TU0NDQ0LAQ2zfCyxM3xLY+kwXG8mXmDoxOODMj1uEhJDz744MzfSAxRF+wBsh48nOnSa2VakCpgljEQ3OFJdvnbbTzxN+8zkt1FF10kaVaKow8wPOxXuJp7qZcszIP2kbDoG+O94447pse6RMr8uW0P3b7ULweTlf8BpZSZ34eKqqK/dwbkkmnsQ43JOSuMNkjG6uvMWL3EUISndHLbVky5VCufVJNKsxI29J8+M172RVYeilASnxNYoycXjmDvMC4+a3bWCBgm12f+Yioo7C9nnXWWpLp9S+qSR7sNOq4lv5Fk2IP8mb+oHfDwBg97YW49qUCEJ4D3zzi3Xm7Iy3Vl97KnLGT+fc28XJHUT6vGs8O1EPEc9g4snfmDOXtwedzbnirPGayHWMQ5YDwcy/WyFH6sD/a9iy++eMaGPYTG8BoaGhoaFgKbLg+0vLw8lUgynTNvfJgAb3kYXpbU2W0ASFpeSBCJDo9BqS/1E2iKxIN0FiUA905yVoKECtOIx8CS/NPtj1FqYp6QUpC0sJMgaUXp0wO9XT/ukmuU+CiQSUkfJCvm/POf/7ykWYZBX2KQdYQH2Er9kiEbBZ5v3bq1F2Qf+8264kXmczoEZ7xoAZzlRrbG3uF67BGX2uM53n8POOfvaP/NPJPjse5hnKUW8yTp2LMyLQTtujSOPQtvQ9hVvB7ry5y496Gz+niOs15PkpAl+0XjM2TLI2mBe2RHJsTYPFGxe3ZmbJaxeh/cfh7vafa8sz7XDmQe7MxL7f7PUsK5v0St/FrsI6yfeadPtD+UysyTR3uasqFC2DwTOZbnKeOMnqXOev3ZD+Jzh3mivW/8xm/U3Xff3etHhsbwGhoaGhoWAptieOvr6zpy5EgvUWuUxN1biDe3xzbFt7x7w8EmiKFBevPip/GYCy+8UJL0zne+c6YtpLSPfOQj03M+8YlPSOpLL55yLMa0oAcn3g0pmb9hEPQ1Sp/0AUkLFsxcYSuIUoxLzTBX4oluv/12SR1bi+wBhnfZZZfNtMF1b7vtNkmzTJljmE+kNOYCRnHjjTdOzyHFD+tx2mmnpaVtQJQGPe2UVC99xFwSExjtiF6YFEmYY1gf5icyIsYEi3b7CxJyZm9mvV3azNKReQoztx3zd1bg2OcCz1VnO1Hi9xgx/n7ggQdmzrn++uslzXrAuU3cWWKW3o3reGo+t/PFPepscGVlZTAWDy/f2G7cB64B8XvavXZjf/hkDtkP3K/EOkYmjBcoyalhqtwvzGmcJ9aQPcizwllhXEv3OndPcvf8zbw0ma/4PPO+AfdJoH32Hc9g7qt4b9AHngt4MPNM4XqxNBzHsF6ecJxnZNwbPE+Zr2uvvVa/8Ru/0RtLhsbwGhoaGhoWAptieGtra9q/f3+v3ExMIEoBUWx2XhKev6N3Ty0RMizq8ssvl9SPx5I6by/ac8kOCSGWiPfMF14OCCkwetpxPlIZ0qV7rXmGijhPjJPPmoen1C9oC7uB6dF3vKmuu+666bmeDLtWMiljlIzdmQN9I8mrJN11112SpJe97GWSpDe/+c1VGyDX9/idaD+oFULl2nhuxawyzANjZT5uvvlmSd06IBFjT4jtu03o/PPPl9R5JsZz+D+SLnufv7OiorUYKme07okp9TOI+N50b0qpm1NsuPQRxoIU/cpXvlJSx/gl6aabbpo5lvvJGR8MR+rmmHu+lvg82rM8gfJQLBXe4e6JmCWE9799bjMPX2dW7Gs0JVwvFpyF0ZEZJO5JqWOJkXHx7GCPsC94dnk8cOyjZ6txrVhm/2PdeXY4280KXXv2JPcSBTwrYW9SPfk+n8xnhGe7Yh97gds4LvrEHn3ta1+bFtzN0BheQ0NDQ8NCYNNxeEePHp2+7WFgUfLh/14ixGPPoq3H40KQtJAM8MBBiop2H76D1XzoQx+SJF155ZWSOgkhMhOXklz/jwQUWSgSLe2h1/c8e7EYKkAax/6GjdKz0UQmwDx6gUSkKL5Hirvzzjun58JUsO/Rvn/G2C366OvlGWuihMw63HLLLZKkb/3Wb03znYLRaNRj/BHOuJh/pDfmHluU1NmGP/vZz0rqmBCMnHNYn6iNYC9yLNdxFk08qNTZMN3jDYYHw8SmHK/jnm7unQmixA2LYb1ZO2I3hzK7MA6kcPYsoJhvlI6vuuoqSZ2mBjsnn+wp5j2ez/7mb1/jaIdxm+c8mTKcFcb2PK8v+9QZUNRqoOmArbkmiblnXNETkD3BOvC88wLYUeNB36IHr9TXDmUeiTWmxZ7imRX3AQyfNlh/+uEsOF7HM67QN/YSz6HIsjmX+4l7jXn71Kc+JUm64IILenPCPvAMU+4vEsE8XXjhhYO+AxGN4TU0NDQ0LATaC6+hoaGhYSGwKZXm0tKStm/fPnU7hWZGoz4U1x1Q3DU7UlBXo7ljiyc0jqpGaDpqCNSFToFRCcXreXkQ1B+oOqLKrxYUynXcwSEGumPU9wTTtWBZqV8NG5WSVw9GPRDnhPZRs9EX5hHnj0suuWR6DmP3YGhAP6JzhAcy33TTTWnlbTAajXpB8DEQ2J2I6Pf/39659Vh2XWV7dFV3px2jlkOwiALGMXbbHBILKVIUzhJccYmEQIH/RX4Bf4DLSJFAlhzhBJzEJORkIDgxhLSIEnfittPd+7uInr3fevaYq6r86bvgq/HeVNWudZhrrrnWHu84vIN5Y32kixHXG9twPNwqzA9zkslETubhGrmHXQdy5gyXHtdusYJ09bCNxaFdAgByTkh+YKy4iSgaZ13m/eK+kzLPOsftxr0mTT3XOWPDjQc4L/c3hZxxLTEHuFL9/GYSGPeBZ3Gr4zmw+HLOE9e4cmG6zCfHkOOqOqyZl156qaoOzwsuz6rjpDVLzHWiz6wjxopr0+100sVt+UaLZVhCL92hhHtwu7qlFM9vns/tjpxQx5zh2szzMSesVe4tyVEcu2s2wPWxL8+P2yFVHcvGXVQ4umoY3mAwGAyuCC7F8G7evFlPPfXU3rokESS/5d2CxAKtXQsUgMXj9iwuzMUyqTpYWBYPdRuTZEAE/m3FYOlgpeV5ODfBWhfkWhA2rVUKLWFyFFtaLigtLa6LOcHSJykCC4tjZhEuVhJWOOzWLZSSrbrNEP+zoG1KKbno/969e0sR4N1uV48ePTpKgumCzZyLa3a5SBbMMpdYni5xcTJOlxrP+VhDTnhIYDWzL3PLPWTNJJPwnLg0gzFxfVmYyxqFYbl4l/u+lZZtEWfWzJalDVIYvOrAcJMpMxaX97Avc5aFz4x7JaztMV2/fr2V6wJY+2YRzD0sLZM+LA/H88KYaD/D/GXpgd8ZPJeWo+uEwF2WwPnd4qrquNzC0mhmevls8Dtrh+eUz3mX5fn8zrXXi+eJ+cznd9W6imfUiVYJNwR2S7UuyZGfW+8dYxjeYDAYDK4ELsXwHnvssXrxxReP0mq3LEVLLzlel9sAF6o6TtG13LB4sOMkaSlZNJV4EhYJFnBadFgcWPCWPeNYXdkFsRTHNCxw21kp7OM2GlhnnK9r4gnLXbUw6URjHQsxU0/LHqaMBbnb7TZFgGkgnMgWL9w75pQxwKKYt2QKbEt8qhPezX1z3XG/+YyxwBZgKjlmF5a7rRJzkkzCRcJmUWa9eS+dys5YiF2ybwozIwPFdTn13+IJeX0cj32IP/r68j7zWQrCVx3uJ//P5wmmwHPy4MGDzVjMw4cPl41081otPMG4/ezlNhZKdmyIn3lf2MZSWKuGrVWHZ5VnyM+ci/yrjuXm2NbvXIuMVx23VYOV0VaHe8x6yTG54bAFEMwe8zyWObOMXOfV4XpchtEVx9sz8tZbb7XfQR2G4Q0Gg8HgSuBSDO/09PQMu+ObO62ZlZ/d2Uv5fywCrAi+wbGm+btrxLiylj2OtADsayZWRAwH6zOzt/DRu6EtlqMzSDOm5iakji90zSLZJ7PY8trNGjJ70ozRWa5dpqwLy93wE0sWP3zVcVuTLXmohw8f1g9/+MP9vNlnX3WwZl3IbMmxvP+Wm2P++clcd2zN8Ql+mhlnLNeFv9wf5qLLJHammb0ejul12YrcF7elgdkls4XtYo3DkO0x4R5nhqdjqzwDzB/PSO7j++a4OYwmx+j46XkNYHNtdTFvF5w7u7HLHeDcjoNx/K2sUYvgM0++h/kecDa2pQY7b9Qq58FegU6qz+859uEdDtNLEXnec2475dZGILORuQ63MMss4Kqzcmt+B67aH3UMjvX14x//eGJ4g8FgMBgkLsXwfvzjH9crr7xSv/d7v1dVxy0cqo6z+ZxRw7d+ZpW5Oadjdraa8tvcFrf98vxMi5TjwKjMgLqMLsZETMN1avYrJwuBIWBxu12P5XvyOJzHbKCTBfJYHLMzch5tEXO/sP74G7miqoO178zcFXa73VGMJb0DfGZrjiwv5iJr/czSLT5rVtDFGBk36xCGtCWE7exjy4QlO7C3wU0vHb/o2gO5RtGNZruGw9TDEVtjbrC4WY/J9N1Q2JmqnKdrf2QGzjYZ5wFeMw8ePNhcPw8fPjxax+kRcQNRx6k7z5PPZ9bptdI9a6v741ZGOUbHIH1dHbP0e2XVaDnB8T03Xoe806oO72V7RLrGuTmePB5gjKw712bnNma7zt7tzsNzcv/+/WF4g8FgMBgkLt0e6N69e0dMLGMczrBjm616G6wgZ9i5fY5ZW/4POKbTffNbTYRjuO1RZmVZLLjLdKzq1RI4HtlQjlly3rSaHVOz1ee5yHlYxS+A2U9ua+aaKjpVB/ZbdbACncnZYbfb1YMHD47iI7mPLd0Vq0Hst+qwzmBnVtrxPHUKP5zX2WOdpW9W5jVL7CPnvKvny23MjLZiU4wZds0aynY9zJcbgJJZ7Lq/ZJRY4z4+6Bies0B55lf75pgyI3K1fmg87f93bM3P40rdpup4nrzO/Mx1z4vF0P0+yhiXY2l+DvmZXg97XFbxxa1M+c7rlGPvPD38z8+N3yXdWJ2n4XZOub4dg+Re8M7cqtvO2PhF1VaG4Q0Gg8HgSmC+8AaDwWBwJXApl+ajR4/q3r17R4kTSZWRHev6QSWSgpqOuzDbFDkp8coNtiUPtSplsCxUFmT6Ojiv3a0dBberwkKzlr/K/R1sd8C5c/N6Pp0WvxItzvNZsJnrdHFxjvW8ovOHDx8euTC65I7cp+rY1ZgBdMbFvbMQ8FbigV2xTgTy51XHQr+WmLJbLH9fuZYtmp7zsEpOsKRe3hdKPzqRh9yXZIX8P2sTcWwLOrAu8lpWCQ2+zi4Z4zzB6KpDH85VT7jueE7c6mCXssMUW4lvPp+TY5wwkr+nmzOP2z0/fp+dVzKR63s1Jt4H3NPch/tvUQbPeSfwsCqd8Pu8K0VyeYfnOsfYCQKMS3MwGAwGg8Clk1beeuutvVVJAsOrr76634ZO4xQwOnBpizi3sXXs9O0ty87WuRMAkiXY0iGhBusCZpdBd+SsVskjWwFul2+QQk8QG+u8kyMyQz0vmSX3Oc/KzX0tc8acWyotu42bcd++fXvJ8na73Zn0YSzE7p66sNhF+JlMZCk5j81p3Gk58j+urWN0+Xn+z0kKzJdLaRJdok6OvbNSfR632QJZKGw5LcC8WqauK4Mwo3Ch9VaauEtqfIzuWs9LK3/48OGSXecYDM95t9787rDXxgkqVes59HXlPOHRMZN0wliXRAK8rr3ecvuV+AbPTyfKwbuId9/Kc8E++TytSkL8XHWye557z2O3T17nMLzBYDAYDAKXYnhVP/tmpy0Q6eGf+9zn9v+35bFiF10cbtXkcD/YxnpeWeWOK6UF4CJHjod1g7RUFsev/PmrdOSuxQf7ILVEyj+sKf3ibnfj61hZflXHMj2rwufO4vb9A118yUz5wx/+cMtSOf6DBw/2DLKTN7OVam9AJxq8sgRtkbJPssNVrMbrsWsp5JT2VVw4j9tJo3X/zzlxoT7zB/PuJKXYZlVu4XF0DJZi/1Xblo6RrUoAzKDzPBcppEawYBVjzf23YsT5/xzfKi6+xdY8DyuG2rVO4zn3fTGb8u85hvSq5LE6AQLfZ3uJsrUaLZL8nFryC2+YGwnkPn5ndN6J8+5X9/1xWe9AYhjeYDAYDK4ELsXwrl+/Xr/wC79Q//AP/1BVVZ/61Keq6pCZWVX1ne98p6qOMx4t/JwMwplA/K/Lisrtq45jhCu/+FYWI751RHaJFSXD85jM8GyZdFl6AKklrD8zvaqq559/vqqOrSSzts7CXInSehzJKM1mbJV3bUnYhnn6xV/8xeU9u3btWt28efNo/DnHZnS+T9212kq3XJst384atBW9JeK8ap+C9Yp3INseWWDc1+N72Vn4PD9Y1ith8KrjZst+RnwPkpWvCpxXx6g6Lih2bKiLwXPfM3az1Tw4pcc8lvzd98wZgltYFYJ3x7Y0mrfpMjJZB85w9DrIewmTZyzEav0eZZ1nprdZtEW9mZtsLcX7G4bH8ez9sCB+1XELuJX4Q+cFWjHxLs5otnmRTN/9cS+85WAwGAwG/4txKYZ37dq1unXr1j7LEGHh3//9399v89JLL1XVwbLBmnCriK6Og20tmAy2WguZkdjySThbiTFhCeGXTrayagNzkaxNW4ocl4aYnPcb3/jGfh9887TIWfnSu9ZC/O76qC05slUsjDmy4HXVofUJbUbu3r27mRF6enp6JFHUxePMajqLfgVLfpk9dZ6F82Ti8nPGz77Mh5lwJ0u3klwym8q4CPEV35/VmPM8Zje2mp1FmWMwK1jFjnN/Mzxi4p3HxLG7d95559xMO1/zSrKtu9aO4a9E6b2GO+FxnofVeu9qE1krrCHYEdfBmsnscNfz4Y3yPh1rck2tY4fcj5xH3oV+f/vZ60SlWbeO4XKMznPDuC1l5jXbZQVn5vBFWd4wvMFgMBhcCVxaaeUnP/nJvn3Kyy+/XFVVf/qnf7rf5nd/93erquq1116rqnX7ns46W2VLuQlqJ0LLt70ZGP/POiUY6t27d6vqYK3YyugaY9p6XjG9zuLwMZgDlDEYV1XVG2+8cWZMbOPs1y6jbBWHwWoiLtAprYBVa6FsD/Tss8+eGdvnP//5Mz79LWBddlYzcNygyy61Jbiqi7PlmNuujrElVu77wPm4rmyJY0ULsw6ux/WGeXx+YuFjrbuuMY+3ElY30+yEx50Zu1XH5jjpqiVYNkPdalxqoLSylQltVnERtr6qEfb4u2xW7tUq43brfMwHcV6YcOfJ8LnZ10LU3bPBtrzn2BYRcZ7lVOlxVq69RX6+8vrN2j12t5GqOvbqreJyyXr93D722GOb6ycxDG8wGAwGVwLzhTcYDAaDK4FLuTRxLeByIY3/s5/97H6bO3fuVNWhKN2SVSRjdIkndiVAUy1DlfQVmmwJLCg3Y8ziSn6HvjuYvCV75YSaVVf2bp9VWQDXm+Ud//Iv/1JVVV/72teq6lAITLkH19sJwNo159IGu8Py99UYO/ce5ybZZqunGanlq9T1HJ/LVJzs00k8+VrtcmGseb7zEo+2EpBWa9Xu9xw3WCVHbLnscWUCC5DnfbEYubtv2+3c3TMnQWz1QXNxPNviwuwSXnytW4kHu92uHj16dOSiz2teCY9vFZOfF4ZweU+eg3eI3cTMucsTqg4uTMoAEPDgc5I+sgO5SzFw7WVSVNXxus/jfvGLXzzzN+9ojo3LM6/D72S71jsBeicQ8o5yMmCuA0IAdnd6fWTpBNuyzi/S/R0MwxsMBoPBlcClpcVgeVWHb1iEoqsOpQoIS8PogBlZ1cEq4qetMwc000LA0nGwNTsp53mrjhMPYE1OcMiArFmaE1zMPrfkgSy82kkNPf3001V1KEanIJSfWEvdvra0Mwmiqm/x4rR9J2V07U64juzcvgoeP3r0qO7fv3+UgJJW80qAm2s028xtzLxWQs2dnJqZnEsxkhG5ZMXlGqzrrqXQqkv1qo1PgoQmkq8sPZed6TkfiTNY0WaanWXs+70qAM45WSXjmC1slR2cnp5uppY/evToQpIWQrHeAAAgAElEQVRSHstKTqsbj5m3f+b7wIXnwMXVneQbTAvvE/eFtZP3xYyKY7AO7HHK+wIrcnkPx8xEPuC1aHa+JUjPue2N4Jh8nnPGXDjpxn/n2lgJBFwEw/AGg8FgcCVw6cLz69evH0kGZUo03/Kk1TvVHGszi1C7uEce19Z6l4JvtoS1RCwxLS03XsUStp88435YNGxrpmepsY7p2NJ1qncWdZM6zNy4cB+LPpvUgpWUj4u+c4wraTFbcsnYV+nHKzx8+HB/PZ0IMddoZr8See6wsri7diaMwUW0WJ1YwLlWM76S+zBfnWjBqrCZtcR5HGPNfS0dRXyM64It5Hm4LsbEMVhnXWulLATfmqNOjH0l39XFQt0ya0v6a7fbtex3S6B7S8x7hfMYXrInx5X9jHWNr+05eOGFF6rqcE95tvJaHYPmuMTdWCtdgThz+7GPfezMeSgro5wovQOwQpdkdB6Zqv6ZZz37/dPFQnnXWijCMbxs7HwR4YEVhuENBoPB4Erg0gzv5s2bR1lenYir40Z861PkmOwJ+Fvdcl6O9eXvWADEDrGesXLSAmb8jt1ZricFgLHcsMKwsFdtgjqfM+d1hlPn77clTwNagIVHbCfn05akLSEzPZ+76lhg1sKzeVzO94EPfGApHs053FIorVnWCOfk2m1pd80gzWpWjUvTuoRRcl7uN3FSruXjH//4fh/uv1ko64wxJ0vrxA9yDuyVSMFhzsO6ZvzPPffcmeuG+VcdLHbOZ9bJWuratawY3lZ80dfHejCj7OJZ/Hzf+953boYv6Ji+77cl+Lpj29PiHIHVzzzPSry5k040C+W+2NuRGZiODYN8n+Wx0hvBO9EskPceY86ibot6r1padevC2/o95ByNhPMK7N3pGDO4iCwdGIY3GAwGgyuB9xTDc4PMLf+6sxbN1qrW1pEtE//d/c+ySlgOKZ/j7DuLR8OaUurLNYFY8q4f6eYEyxcW5lgVbDT3cazE2Uvsw5wl63brDrOermWKs6LMXLnnyeCcqfahD31ok+HlWLp5cgyXbbeahfraLMi71WoKy5a1wTrgp7NEq44ZHvefdQgTy/XNeLG4XUNlCa5kgp7/ZNNVh7lPy56sacckHQ9mDWd8ZJWdCzj/Vjsq7gHn4Zhdw9ZVTWKC947ZfOdZWrGyLrbnmtBVU2X2yUzvVexuJeuWx3eNo9+n3XPJ+mL+WWer1mr5mT1m9r51gvAem71C3fvAbNfenK4RML+7ltPxvq5+km1/9KMfbXogEsPwBoPBYHAlcOk6vKpja3nLSjez42e2QOF3LA+zDGdr5jnM7BzLwVrO2hCOC+PCAsaaIPMx6wsd48IqxvLgGhhjWulkPhF3++53v3tmn2eeeaaqzlpXrtFa1ZNZEaHqOBPWVtmWKszKkrO1lmO6iNLByclJvf/9719adHk838M8hq+1E+nN47s5aY7f7N8Wfteux+eBaRNjgAHaiq46fm4szAvjzH1tueJ1cIwqrXTG6+NarBi2kDFDZyz7HneMjPvEeWyV85wls3FbpS1cu3atbty4cRSPy3vhOjsr4GzV+K2aSLv+N2s4zejs6dlioY6TrpqtJuy5OC/zNo+zyh0Aud7I3HRWpmvfung6Y/DaN0PuYsaee6+LTn2IMX3/+9+/cMbmMLzBYDAYXAm8J4bn+EWnp2a9RmtPZszB1omzFt3EtfNT28LDesWazXpAqxJg+bIN7CytBiwa2BqZfFw7PnWQcRq3EmGssE5qFpOFOuvKlpWtxZwTW0erBqoXbamR23ZxGNjNG2+8sbS0drtd3b9//8jPn2Myw1plmaYVy++OJ7puDGaUrJG1wWewG366FUpev+uwYHadvp/jbLbwk2FVnX2erOvKsb73ve+duf6co2SkVQfmZV1Z1nl6FqjRMsvxs94prfh/nJdjpOXvDNWLwHO/1YLL22y1h1q1g+K+d+dxo+FVE9y8Ps7tFj/Acec8t9sB8c70eyKZvq8TuDY6nyd7B1wj6nnNa3D7MTO6LpPUrJZ97Q3p2DX7bDWeNobhDQaDweBKYL7wBoPBYHAlcOmO5/fv3z9yOSYlhpbb5ebyhK7lCpTYrga3fumEoP3Taf1d12rcDYw5i3er+iQS9sX9aJcaLoVM9f7gBz9YVcdBcNyjuKeyANTp7Z0cWHctec0OTls+rAuo23W66p7eXc+Wa4EWL6BLI/baAbiEmetOmsjp8i4FsZBuno8Uf1yZdnkj4J3bWmg673dVn4zjBKCVlFW6iRgj643rslssC5GZW5e7MEaSp1jvWX7jJCwnkHVF2Oxj1/N5IgQXxaNHj+qtt946cgl3LbFWIu8dVqLuzPWqnCO3XaXDO3yRY7KYM248C6vn9XjeXeriUq6q4xIgwPl5Z7lMojufXY6sj7x+kv3Yx2GerojeiXV24XehD9/bBw8eTOH5YDAYDAaJSzG8hw8f1v/8z//UL/3SL1XVsVXFNlUH68UW15Zl5ICzA+Z8+2fwe3V8t7PpAsGMkYQDJw90ac8uLHVxNGPFuq46NG91Wj3WDVZazgnssitGzevxPFf1KcN5/hUDzP+5mBjkMZ32nMXBxsnJSRvA78bnYlczrmRpbubr4m3YC2wmrVnuu5OmuHdY+K+//vp+Hxdts68bgqZ1azboFivMMcdImThKWL71rW9V1aFUhrng+jrvgAWFnWDDMUjAynMjP0aaepcMYVgYwKn6mcjFHHfttIx333233nzzzX2D5E6g3W3A/Ixvte1iW+4tbNnJHfl+WMmRsWadNFV1XLoE+JvnI9mKvRpOAHJZVh7b8n1mQayZTsrObdfMFi1TlmNE2o415Gcl31VmeGbkXbNqy8jdu3fvQuLgVcPwBoPBYHBFcOkY3ttvv30Uz0pLy5Iwti63YMbhwnOsmjzWquDTBagdu7DVhLXRCRub2a2at2LNpJ/azNWpy5aJ6uZkxfS6mOiKyTk1e+u+rYq+u5KQVdmDkdZ11/TUxc5YoGZ+yRSwTolL8ZM4jIt6u/iB1x0MiHFk+5QvfOELZ7blGLShIlZ4586d/TYweK9Ns2lYaTKuV155paqqvvzlL1fVganCPmENHaO0eMGqiWfOJwySuWc+YXpuj1R1LAzRyU5V9U2f83larZ8HDx7U3bt39y2zthp/8hwy52ad3Tksfs0cM7fMddcw2XPNXHZlPPYSuTSD8215lszSed90whCW8nLuBWs3y6HsIXOs2F6JjF1zf2gCztrhc8dg89o5rwXUYYU59/Zu/fCHPxxpscFgMBgMEv9X4tGdX9zSVPZ121LpjmM2sZIaY0weY3eMtJpsDXWZjlVn4z1ml84q8hiz+Nd+aMcrusaIzFvX2DHRtUpZzYkZ35aQLlhlweb1XBSPHj06KhpNqx/rmLnO7MEcb8YciLfAimBjxIhgPmTKdhlpnJc54PhdFhtzBwvAOv7mN79ZVVX//u//XlVVn/jEJ/b7wIoszOz7QJbb1772tf2+r7322pnr67LxDJgKxyeWAitgXrsGzs8++2xVHVgNP7/yla9UVdXzzz9/5pqqDvcLC95ZdC6SznN2GZfGbrert99++yjzu8v09jNt78pWpjDxSwQJXNRvr0duY5Fvr/O8Zj+PzlHIOBbnXolzWGghY7l+B3tsFu2vOhbJ4Bg8V9xj1kUnWmCRdOcU5PV5DrhOe+a61kwps3bRrN9heIPBYDC4Erg0w7t169b+G7sTyPW3uDOEOkvOLMV+a3/eZYU67rYllGxG6UwuW6xVx409V/Vm/L8TcbXf31mOnSyXfeq2VDtrd5XRueXntnSVY5Vbck4pMLxiojTxtJXezZOBpdi1cYHhEXvinn3kIx+pquM1mgzVEnLE32xd5riwYhm35bNgZLC1qkMMw3VJXrtIzL355pv7bRj/b/3Wb50Zk2u6MrOTsbhJKKzMVnMnacd65+//+I//qKoDk82sTdcmWiB+S9g4PUKrtXP9+vV68skn99fI2LpGwH7feL4ya9JxNo7vmDeMJQXhXTPqNkH8P993rs3zmLmX+Zyu3mds6/devkNWtXQrCbWqA7u1gD4/Wf/evuoQ53X2sxl/9/7ms2wInGPvPIJs+/M///MXyhGpGoY3GAwGgyuCSzG8k5OTunXr1t6KcKZV/m4fsP24HdPbatZZte2HX1k6rtnIz2zpOKO0U2fBanG9iBlfXh8WlGsQ3VQ2sWqeaLbYZVyuVFmcuZpj5DPG6ho4j7nq2EK9efPmuW1YrEjTsU7HSy1gu9WIEyuTY6QF6vOxDfu4XRCZlxlnBLAX9oHlMG/J8IjrEUtzzDYVI6rOzvFTTz1VVQd26Fgqc0O9XtVx7MTi0ezr7M3cxlnHsFTmJpkzY3MmM393sSl7DLbWzc2bN+sjH/nI/hqZk+4d4qy/lZB6gvsBMzGLBzl+5p2MROb8V3/1V8+MI6/LXg17T7rmumafzoh2i6kOKyFtN8muOsSKUX9yXJ3r6t7RrnnmufL9z3ldKXI5Vtll5nfzdR6G4Q0Gg8HgSmC+8AaDwWBwJXBpl+Zjjz22p9ddEonTg1ddirtec8aqA3W6pZzosZL86Y6zSo6xqyGPsxKltdRYXpPpugPRdgVVnU0vzm0Zm4tWcx6cTt9dT15T7uN+W1vuNruvz+ttlu4k34P8zKK6FgSnxKDq4GrDhcjaJMnC7rW8ZlxxuBotqtsl0XA83DVO23aKedUh4I/rCHcRc4pkFokpKWLO/9iWBBPuD3OR95+x4Iby9ZCcsyVLxxicoIY7kfKEnAtS1UkccrLUViLXO++8syxNoOM58/ibv/mbZ46R53CYYOueOmnFrm3muitbsuQX84/L1z0V83hOhmKMduNx7Xl81jfvGReTJ+x+tIBH1++R33HZ233o0pq8Psbo9w7Psd2XCZetcYxObITPeOZff/31tmSkwzC8wWAwGFwJvKfCc2DWk7/zLb5K1OjSdV2I63261GLv48Jw/u5SmG1pYTl0cmhYKQ7A+nq2AukrptexULcMWYlkm0lXHSxUszUz2C44bitwldJcdbAy87rOkxfDms2CVWBvgFkm++QcYzVzTTATs9wuvRkmwnxxzeyD6DfMImHZJq7biQ9VVb/xG79RVYdyA+4pY3zmmWeq6lCsTup/1YGFwspIKmHMnVg51jhzw7a+jk4Q2u2BvGYobYBZ5/9I5GANsT62RMr5ucXw7t27Vy+99NK+bIPr6oSLVx3OmRPuT47Lxc+sMxfwJ8ODWfOZJQX9zsrzrFoWrTwxuY89Ltwn1m4mE6261puB5bvx6aefrqrDvWPtwN7dOinvLet5JQTuAvgcA1iJfndeQBKGvvnNb56Rx9vCMLzBYDAYXAlciuFV/ezb2+wmfc5Oa7d1Z3aTv5u1uKi623eVduwyggT78z/LNXWi2Ja+sWi1mW0n4mqLyiy4kxazGK3Tj7tGk+yLdWZW2rVoshWLpWipobzX9ptvCQADxmk2UHVcdmLxaM6XbIaiYGInzI/jV8Q+UkwA1uT4FNdMLCxZARa1YygWVMdSzuPDAhwvfeGFF6rqUAaRYtWrJp0rkfSqw33mOhgzYr6ANl85n8wjx4XJMTddQb/Zrdd1l8Lu53RLWuztt9+u11577aig3oX8Ccfsttal2SDPOGuFeexEj/ECcO+YA86f7wF7A1ZNXXMuLAdojw73wSUg3fV15VZVZ8tuYPBcM6Ug9oJ1jIv3Dc+kY7idR8vs2szfZVlVBy8Oguo/+MEPRjx6MBgMBoPEpRnetWvXjuS10npyzMSNWEFaGc50sj+W/3cxQ8fwbCF02YCOR1k4uRN+9TYukncm11ZDS2dJdfE/GIT/x5iwpjq25jYt/hx0BfxmrM567TJXu/iecXJyUrdv394zLcafkliObXRxN/+NRUrMbNW806yj6rDObI1z3o4V8pkz6ziWW0xVHcubwUxcUM/Yc3uyTf08OTs558Ss3yLRWMj87ETELS5BVmZmyAKvN+I8jsV2VjjneffddzdZXtVhjinkp8i76jgu7bXTeXpWa93SaH72qg5MDgYMq+Fntw9rxs9N92z5mr2vvTj8zPP5HWVPFnOyld9gLxvrgevM58y5CGZpINeBM3sd5+N8ef9effXVqjo0Rb5x48a5niUwDG8wGAwGVwLvKUtzS6jTIsRmfHksw9s4m43zplXhOhU3/mQ8yRotUeXr6RiLY1z47rs4SI6j6sAKVvVdbqOS29o6ct1dx/As2mrf+VbDVu+zyqLK41yE4V27dq1OTk728QIsu66+xkyPv9k31wmxpd/5nd+pqqrPfe5zZ47PT1hVxsI8h8TOsF45Xza5/Nd//deqOtxftrEEU943mBTMJGN0VQdmx+d5fRzXGYN8Tlwu1x/sI9lT1eH+sC33Mlk288Tz45q6TjydsRD/g40wb107Ku4p8/juu+8uJaJOT0/riSee2M8985nto2BjHt95coVVB3bkbV3jlkzIa8QxKB8jr9nSctwfxpFrh/vOOrbQvFtNJbh3/LQAfucJ8vuE8dtz4czvvI5VnaHr8aqO2xu5+TLHSolAWlVlzHUY3mAwGAwGgUszvBs3bhyxjq71DpaBazOczZZwXYzjf1jP6et3K3pqnajRcMwo97F/2OKuOUZne33961+vqoM6A758jplWs0VOzYS6TDJbbK63MgvKTKtVnU/XXsf7uM4HYGl1otiZdbqytN566636+7//+/qDP/iDqjpYwFaUyXOsBLo7hRgal1rUF1ZFrC/jcY7DOabbqQJZUcdtTNgnm51aYBhL26zDccAcG7V5/E0sjXWdHgwrXJzHcjJmyDxxzWRlOmMxvSywD3tijE59iH3u3r27VFwib8Bix53XhmfZ3iBnruYYVq2wVk2Rq46ZEPvae9LF1l0P5+ax+Uwwt7DaVTYi6y/fA/zOWvQYHa+tOqxnC95bWYY1k+9VzyfHZe102ehWg3HWMZ/zHFcd3r1se/v27c2cicQwvMFgMBhcCVw6S7PqWJewa72z0jDsKuKdzYP17JqPrp2O281gPX/729+uqoNuYcbUXAPkpq32W+c+jIHzcVxULFwvlXALHjPltJp9PqxDzksMAUu/q/ty3Z3rcdI6M7t2zWPXaNZaoFt+9J/85Cf16quv1p/8yZ+c2SebnVonlHXAPe10AxkD1ixMj32YJ6uoVB0z1C7GUHV27XBc3xdnB3Zs/Vd+5Veqquq555478znZZpwnGRfZp6iMYP0T6+haF60yhbH07TlJxuw6U9RMzGyThfBMW2eW56dTy+DcMNfvfe97yxY3p6en9fjjj++vFcbMPFZVvfzyy1V1uD88F6xnjp3vH67NjYAdX+TznOuuNVrVMfNPrJpSOy7XMUq2tZIL+3aeBcfSrPO7pTPMu8Hre6WmU3X8fnP+BteVa8fxZBgt94bj//M///N+H+5hNt2dGN5gMBgMBoH5whsMBoPBlcClk1ZOT0+PqHC6/lwQbfrujsTdtqv0ZLfzyX35DLcRLgfKB3CDVJ1NKKk6uAncpifdFXYHmEJD9aHbWWJg0Wu7gOx6yG0tTm3JNEuQVR3uQVdsm+ftWmqsOqxvpTBnwsvKtbDb7er+/ftHMlSk5Fcd7gtuGQL1pCSTUJGuJXfvJomIa+d6+JmCwxaN5qdlnHIenW7O3+4IjWum6jjl2q5s5o/rzbIFzmNRX+aok16ydJ5djMBlGd312bXNnOXacZmP10pXrsI1fvGLX6yqn7metxIy7t+/v08M+7d/+7eqOluKwXPA/yyR1707nOpvMBdsl65mv6NchmV5xKrj9xzn9Ti6ZBy343GIqJNS5H92AbrMIl2oq0QdxubSilxTLs1xuMHPVX7mInx+/tM//dOZv3Pc6b69KIbhDQaDweBK4D2JR9tCTYvbckZO4ugEoJ3+bdFgrPIuIcBBY6wLmnqStECBeNWxRWUL362Acmxc10rUFaQl6bZDZm9uqphjM7CoSGbYEua1Zef057S8XQKwanuU1qctxYu0B4IJY51lmyASjRgL8+bWJF1Q38kCbvXCuHOtOoXdLZFcSJvnduKRyywyAYM1yDr2enfKf66DTL3Ofczich1YLLxrA1PVF56vkpS4Lu5BjtHMzkkqXodVh2Qlisdv3LixKS326NGj/bV2TIhkpVdeeaWqDkwfDw/3o3vGmH/mwSnxrAvWbh7Hz7BZU9cc2+8BJ3XkGJ0I5PcMc9IVrbsMyfff5839s21TjtUejE4I2mO1iH3Oib16nA/PDx6ATow/3z+TtDIYDAaDQeA9xfAstppWswsXVwKtaW3Y0nCsy40kuwaCfObmp5alyvNY1Ndt5bESqw5W4Mpasq89LY5V81aui5+Z/r6KoTEOWMNWTNTFqBwTS7WzilbX5aLf/GxLtsnHxrJH+Ddb78DGiGWZ6TmOmmMw43L8qitpcXsoH9Nxizw3cwwr4HPmNmMpLgewSLWZTV6fJZxWxcsZS3GsziIQLpJP5rUSJ95a31sNmvN6k5HB7LpYV4fT09OjmDHC2lUHiblvfOMbVXWI5cHwOjFnt3Yyq2G8sJlkwqxb4stuz+MygoRl2sz8Mm2fbd2s2ELX3VpyjgDr0Iw84fvA3PBMWlg731kuaXDxv9lqgrlmXfDMc95kkl5vF33/VA3DGwwGg8EVwaUY3m63qwcPHhyxtq5w1ZYIVkZXeG5LwP5iLJ6uEaOFkrHCusaoYJWJ5JhDWnTOXuOnGZat0Kq+SWeO0Qw29+GnhWC3rJoutpbX2wnOrhplOnaXsUVbs7vdbhmHQZbOTVeTZcPwHAfz2HLclkDibxfkYmnn+TyXZk9d+xSLiLOtM3/zPF4jZnj2RnTxOI9/JZqQ2zpebuHxrZihs+bM7JIVW6jZz2knHwdryhZCK/Hxk5OTunXr1p5NcN9ef/31/TY00SVW/4//+I9VdSjqh+nlORgfa9JM2MXXubb5H3NtuTPmJ9m2n0Mz7C7j1uIIK49ZF6f18S1I4PuWv1t2jHXQNUX2+djHbYi4f7kv18FxYXhk5DJWmF7unzHjieENBoPBYBC4dAzv5OSklZkC1MbY92oLsas5A47HuZ4kLRLLWvl8tt4TjmU5XpItKfjMbTLchgh0bM3sA1bAdXWi2BZ1dsZlJ8ZtSTEL6HbSQqsWP8wN1lnXHghcv359aWnB8FgXnCezNLnfyEJ997vfPTNe7mWOkblbjXsrzsh9WDXK3JJTcx2eYzjd/QCu93McrmviyTGc8ZbySsCMwXFNGFe3DszwvM68thLOynNMPmsgGUMyxq21c/369b1l/9///d9VdVZQmGvh/fPrv/7rVXWI6TFftD/KczvTlnXh68h76rVoxsq6To+IPQjMpXMK0jvAcZlvYverjOVcB16LXg9+RqqOmR33iWNx3qwzBfZkrTJ+c054B5OhTXY944DxbXn1zmscnBiGNxgMBoMrgUvH8Ha73d5i+/CHP1xVvUWKJfWd73ynqo6zifIb21a4RUZhBVjAXQakazwcN0grwLFBrBUsOqyotHxdT2g1Fmd8ZqzSWWCOFXZNXIEzFW1xY4l1MSPHUlxTk9dnBskcY4FZNDavJy3jlbVF81dbjGmROmuS+AgWvducVB1nJDrj0vVXnVqGW8vkmL2PW9hYJN3i0vk/szVnNTojMuE6UNekdrVUzmrODNsVXIPm+GnHmB3n4XyujczYDXGzrHVbxfB2u92ZtUr2dMZ1OBdrhqxNrpn6PNpTcdy8ZsYNi2HceGJS2YXzOduU+li3LcuxWaXFOQw5t9l8uOq4ptdz3L0bPa9eH7mPn3sLTzumn8+br4u1YhHu3O7LX/7ymfMSg2Vemb9cO/4OGfHowWAwGAyE+cIbDAaDwZXAe+qHB/XHPfDaa6/t/wflNRV377R0wdhNYuoLJXZRYtW6FxdUvEt0cf8zC+MiNJ374E6DWjsJgmNx7ExT7zqD53l9jPydeVzt08mS2T2JOwI3RVdQDewiI10Y18Mv//Iv77clwNy5RozT09O6ffv23qXJWLriflxV7khPElG6N/gf23K/7TbsSlq8VjgG95qx5lq1YO3KTZkucN93FwA7ASrdYCmuneex9Fy60FcJVS414L51YsUWgGbMnYi4k69W0oAJwgiEPp544okLFZ9XHZc+VR3myeUouMjoi0n/vapjKTmug+My1zyDuQ7Y1vJdrGsnJlUdz4sFrblvnfBAN+9Vh/Xn+5O/+13lJLpu7VhCsZNKW43V5RVOVOvejYj+IxBPwhpj7Vyn6SK+aOLKMLzBYDAYXAlciuE9fPiwfvCDH9QnP/nJqqr66Ec/WlVVX/3qV/fbuLAcC/7u3btV1af4Om3VQUkYHj+7di3AyStuV1R1XIyMJeLWPp1YrNPgGauTMdLyWZVkuIi9K4q2/NEqaaIrHnaSjBlLN48OUlO4C7tKhgMTvnPnTlUdins7nJ6e1hNPPLFfB1h5uQ/3w0XW7kyd98UF2CuRZf5OKSQXaLsgvyvmZQ6976p9U9Ux+7PlvWLteR4nQXismZhgYWnPG/eWe5rlN5bQcwd0LPKcR45rYWnuBYk8rKXchvfD7du3lwyPkhYnlSX7Zf5JGrEX49d+7deOxgDbYwwrEQmuvUsMcrG1xTNyra6k/ix00bEVe70shNGJgLgkiznpvBDAknk8gy5p4PNcB5zPjNnvnxSCJvHR3iYLq2fpGmvyIp4lYxjeYDAYDK4ELl14fvPmzfrjP/7jqjpOkU1gpWCd/+d//ueZbTsJHFs+trTsJ899zGrchLBrt2Nm6UaZaaWvrC9feyeQ6rR0fjL2rsUL4/f5XBDssoyq47lYCVDn9VnAmuJvrGnGk/539kfE90c/+tGyrdGtW7fqzp07+3R01sNzzz2334b5YHz8jQUMU8C/n9dqa3Ul55Xjc1zC7NmWZO7PZ7ADp7hvFfVbkNctX/Kem0EAi4aAHxkAAAjaSURBVBh0bN2C2hYi4F5kCQ+szN4Hr/8cj5sfu1SHa8hCcVL8uaePP/74siwBWFou59ixetigmwpnzJiSKYuS23vDOuxa/bhQ3yVBuXbMnl0mYi9S1eHd4XIUtzDjWHkvVyU6Xqv57DiG7+a3LibP9xxzzVwwFnshMr+DdWtPgj2FWX5kb8qqYXiHYXiDwWAwuBK4FMP74Ac/WH/1V3+1j7vwjZ7+VWcT8e2OGOgbb7xRVWetj1XLE8sZwT66olcsBMfYtvzUwEyvi8NgibpNiuWZOsvHxeO+Tkv/5FiAhVjZ1zGkHAtwK5FO3s3F6ViMf/7nf15VVX/zN39TVWetdGcs3rt3ry2e59xPP/10vfrqq1V1YIXJuBiDY5pYs51ElWPDMAdb5dynXKsWJXfMjvNsSUqtWFTeD1vpbj+zKvbObd1+yMIKybwtIed2VDBLrPdOds2MwvOX51tJ9HEfWUtZKI4Hgay884qHd7vd0XOS4+bYHJf3jGOtGTMmfsR7xcXUjpt3rX787rJsW2YUM/+sUTO6TnoLWPaM8ziLsZPds1i+BSgyd8CyZ47p+R2ZzIssep4bzsu9Yb7zHhBz5b5ZLLqTsnNW661bt6bwfDAYDAaDxKUY3vve9766c+fO3tL5+te/XlVns6UcA8AywG/LvmntuU7H7Ixv906ax/5iW96d/93ZcY4duLaq6thKsuXrfTu/+EqeydlNCSw3rLBVFmpa3DAvx3+cHZhWEUwJSSasdGJtf/Znf1ZVVZ/+9Kf3+3jOLa+WeOyxx+rFF1+sL3zhC1V1EPVNEVq367HEWCdNhBVroV9n6bm2ruowZ85IW/3M43kN2ZrONWUBbjMKrqebPzfVJKOS9e06rbx2njHmBCZGTRrHTIvbLYRcO9WxNbewcm1kbgtgOcnIt6TF3n333SPPRLJ1syLG4izmZAp4nSxOb2+Hs53zOG547Zh7jtGMdxXDS0+PPVQWdeb4zGN6XRijWafl9jJexvvbMmd+3zkeXHV4hzD3PCu8311bnL/7XeyGAh27zuzqqcMbDAaDwSBw6SzN69ev7y034jFpIaTAatVxrQk++zfffHO/jVtNuE0PVgDbpYVvH73hNjtcR+7j+FsnyNv5yLtjgGSU/M+Zdlbg6DLtbC078wor1CLK3ZhWYsWJF198saoObADrHFbwl3/5l/tt//qv/7qqztY6rWqpbt68WU899dS+Zu/zn/98VZ3NuHz22Werap3xxlyk9YdSB14Gt1oym+6sdK8/ewWSFThG6xqtrl7SLVUcQ2NfzptWvesiuWfcH9ZUWsAc16yTukksceImGWdyVqtjhq7HqjpWqGEtcqxOuYj3APf08ccfX64dxKO9nvOaYb6MhdiQG0LnGDg3ikGuoeP/FrOvOlb0IfvTTX0zo9zKLmaUrumtOtxv5paxuMbN3rDuM9ah2Vm+s12ry7yxDfNsBaDclvNwPdwLx+SrDpmybON6PP7OOTHbOy+798y2F95yMBgMBoP/xZgvvMFgMBhcCbwnlybUFUHhBPQcKr5y9eHSqDoIFENbLTBtt1S6CZxwsBLm7VLLu2A011l1liq7eBhavSrD6Hqa2S266jmWv6+2cYF9ujKc7s4cWAiW1O2qqr/4i7+oqkPSyt/93d9VVdXHPvaxqqr6zGc+U1Vn79tv//ZvV1XVSy+9VFU/c6WtyhIQj37hhReq6uDmIvGp6iD0C1y+0blv+Qy3HO5CF2TjZunKRTg++yI5xTxll2xLmTmJxULNVYd+fhR6O/GJsVpOKbfxPXVPx0zasPuRa8d9zNg4T65Vy485acbrLo/j8AIuM9LV812AG5FwxZNPPtmWRzCGrit3wm5crtku4M49DSxtZxm1dOM6EcgJV10YY1Xq4SSy7llmHycF8v+tEhML23sNdW5Xxsrat8QXz0pKi5EE1PW6zPNmqIh9eG+vkr+6Up0sT7ho8fkwvMFgMBhcCVya4d24cWOfqk4iQ1oVzz//fFUdp/Y6PTi//bFaLHVkaSIneWzB58vEGorIsXy6lGWjY2Hd+VzcXXXcjsX7dFaZmcJKpJjP00pzYSZWLveCn3neZ555pqoOc8K94Hr+8A//sKqq/vZv/3a/D0kmL7/88n6fzvpmDu7du7dvAwLTS4YHAyFNnmP5fue4M+EirxmL14XbuS+BeCxSAvEwMrObPN+K4XdCw8wlVrHl51ibLirOa3fxuAUPcm2ZpcGmAUwaq70TRbaEmkWLM7XcDIJtuC6uG2u+6sDwsgRp9Wztdrt65513ls9C1YFpMP9ORCOpJN87zJP3YQ6cMt8lIvm+ONkjmbCfO7cdYp11rczMMi3x1bVBW3mwfC+7//kYTl7q3sUWjOB6mXv+TwF61bHcnss8QCfRlt8lU3g+GAwGg0HgUgzv5OSkfu7nfq6+9KUvVdXBIuliT26Jk8c4GoQKjYnL8a1O+rStmqqDxWOfNpYcx8x9XOhrS2eL6QFbsxaR7SwOizpvtfZwc9KV/BmWV+7rmJ1jEexLvC7Pwz5YZTT3RTD8j/7oj/b7YLnTJgq5sA4//elP67/+67/2x4VRZnkKDI+4m2NCWJfJuJgP7qXLYpgfF9vmcTgGBbLMEx6MZFzEMLHOWV/cS9hUsg/HUvmb2JYZRJZJ+L473telzHNcx4xgWIydee6KyF1C40ajnRyVnyMXPMPuq469K+fh9PR0f78Y9xbjYix4c0AKNDhGyzxQtuF3VQpkrFqadWsUcM38z8XqjK0Tked/Lr9gjNzzjP9abpF7x/kt0Oxz53HxbHgt55ywDWsUTw3vMn4yvzl+5pHnt2t7Bsz+Tk5OhuENBoPBYJC4dlFJlqqqa9eufb+qvv3/bjiD/w/w9G63e9IfztoZXACzdgbvFe3aMS71hTcYDAaDwf9WjEtzMBgMBlcC84U3GAwGgyuB+cIbDAaDwZXAfOENBoPB4EpgvvAGg8FgcCUwX3iDwWAwuBKYL7zBYDAYXAnMF95gMBgMrgTmC28wGAwGVwL/BxfldYutiQgNAAAAAElFTkSuQmCC\n", "text/plain": [ "
" ] @@ -1191,7 +2198,7 @@ }, { "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAdoAAAE9CAYAAACspaOVAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMi4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvIxREBQAAIABJREFUeJzsvXmYZXlVJbp+EZGRY2VNQA2AVIE44vD66Sdgg9jYymd3q/haoXEAbFtxeOrDVhxea7XayhMbBUekbUsFQduRhlYcq1ucwemhlIJSIkUVNWUNmZWVmRFx3h/nrIgd6+y9z4nKuDdf4l7fF9+Ne+85v/Obzrl77bF1XYdCoVAoFAqLwcqF7kChUCgUCh/IqB/aQqFQKBQWiPqhLRQKhUJhgagf2kKhUCgUFoj6oS0UCoVCYYGoH9pCoVAoFBaIyR/a1toLWmtd8Hevc9x1i+zwXLTWvqi19s7W2lnbzw80yHpstNbe3Vr78dbaY5xjn9Ja+9nW2vuGebm7tfbrrbXnt9ZWneO/eWj3F5czmtH1b2qt3XQhrn2hMcz7DUu+5nXDdV+wxGve2Fq7ZcZxV7XWXtla+5vW2unW2l2ttbe11l7RWjvYWnvksKd/KGnj3w7je8bw/iZz72y21k601v6stfb9rbWP3L9Rju7T6O+WfbrWoaG9b9in9j64tXZDa+2DnO9ub639yH5cZz/QWvvk1tofDHvkfa21726tHZxx3nNba7/YWnvPcO7NrbVva60d3Y9+re3h2M8B8F75bMP8/yYATwFw2/l26nzRWrsWwI8CeC2AFwJ46ML2aOG4EcCr0K/nxwL4jwCe2lr72K7rTgNAa+1rALwcwG8BeAmAvwdwOYBPBfDDAO4F8MvS7hcOr5/eWruy67q7FzwOxZcv+Xr/2HEb+nv4by90Ryxaa8cB/CGALQAvA3AzgCvQ7/XPA/CtXdfd2Vr7FQDPaa19Tdd1Z52mvhD9vv+f5rO/APClw//HATwJwBcBeFFr7au7rgt/uPeIp8j7XwTw5wBuMJ+d2adrnRmu9559au+DAXwrgN9w2vx0ACf26TrnhdbaxwH4VfTPsW9G3++XAbgKwPMnTn8J+n31EvT3wf+Ofsyf1Fp7Rne+CSe6rkv/ALwAQAfgg6eO/f/LH4BPGvr8zy50X5Yw1g7Ad8hnzx8+/+zh/dPRP6ReGbTxBAAfLZ89ZWjjTcPrV17osV7geT54Adb1hgs97iWM80YAt0wc80XDfHyM810D0Ib/P3s47tnOcdcN98C3m89uAvAW59gDAH4OwCaAj1/QuG8B8Jo9HL/U/SfXftYwr//0Qu+XiX7+CoC/BLBqPvuSoe8fOXHuI53PeO5Tz7dv+2aj9VTHrbUjrbUfHlSUJwdq/lRPPdVa+6TW2m+21h5orZ1qrb25tfYkOeam1tpbWmuf0lr7k9bag621t7fWnm2OuRH9DQQAvzlc68bhu+e21n6rtXbn0J8/ba2NJJ3W2lpr7SWttb9qrT00HP+rrbUPM8c8srX2I621W1trZwZVw5dIO1e31n5iUGGcaa3d1lp7Y2vtUQ9vlmfjj4fXDx5eXwLgHgBf7x3cdd3fdl33F/Lx89E/aP4dgH/AtEQIIDYhDKqnTj776tbaOwZVzYnW2ltlLXepjltrzxja/ozW2g+0Xn14V2vtNa21y6TtR7bWXtdau39o+8eH87ZVh8kYbmytvbf1qvbfa62dBvDdw3dz91DXWvuO1tpXtV6d/0Br7X82UUm21laH424b9vNNeow59lmttd8f5uu+1tovtdY+VI7hPfKs1qtBTw99/IRhX3/ncK17hnEeNefuUh233Gx0g8x1ei8Mxz1zuG8faq39bWvtS/WYAFcMr7frF92A4e0b0e/zL3Da+AL0P8o/OXWxruvOodembAD4qpl93De01l7fWntXa+3pbVCDAvi24bsvHPbRncOeeltr7Xly/kh13Fp7aetNS09s/bP11LAvv7G11pK+PAv9DxgA/I5Z/ycP3+9SHbfWXjR8//GttZ8f7pHbW2tfO3z/r1prfz5c/w9bax/jXPM5rbU/Gu6HE8N8PHpizo4A+BQAr++6btN89Tr0z7HPyM7vuu5O52M+R7ev3Vp7dGvttcM9dKb1z/Y3tNYuz9rfi+p4tbWmx291XbeVnPOj6FXONwB4K4Bnolfn7kJr7V+gp/tvAvD5w8cvQb+wH9113T+Yw58A4BUAvgvAXQC+FsB/a619WNd17wLw7QDeBuCVAL4CwJ8A4CQ+Hr2k+lL00u3TAfyX1trhruusneH1AD4LwPehV5ccGo69BsDNrVdlvQXA4WFs7wbwaQB+uLV2sOu67x/a+SkAjwPwdeh/rK4a5uBIMmf7geuH13tbb3v9ZAC/1HXdLBV6620azwHw613Xva+19hoA39ha+/Cu696xHx1srX0egP+M/gHyO+jn8qOx81DN8Ar0D9XnAfhQ9D+Cm9gtDPwCgI8C8I0A3gXg/wDw/ZiPS9Hvg+8B8E0ATg+fz91DQL+X/xrAVwNYR6/G+uVhr9LscsPQ/ssB/BqAjwPwBu3M8MB7E3rV/3MAHEM/d29pvYngVnM4VWb/CcBJ9PPzhuFvDb2W6sOHY+5AIIBhxxxk8XkAvhLAO4Z+zboXWmsfDuB/oH8OPBfAweH4Y+jXLsMfDa+vb629FD0LPaUHdV13trX2OgD/rrV2Rdd195ivPx/A73Vd986Ja7GtO1prbwXwiXOOXwAegf758f8A+CsAHO/16Pflu4b3nwzgp1pr613X3TjRZkN/X/wY+rX/bADfiZ5dvy445/cB/F8Avhe9ip0C+dsnrvUa9NqKH0a/Z76ntfYI9Krm/4TenPc9AH6xtfZE/ji2HRPXq9Grbi9Dv89/e9jnDwbX+xD0e3tXv7que6C19h4AHzHRXw+fNLzaZ97rAVwJ4MUAbgVwNYB/jv43IsYMOv4C9PTZ+3ujc9x1w/sPRf8g+npp75XDcS8wn70LwG/KccfR/5B+n/nsJgDnADzRfPYo9DfqN5nPPmW4xjOSca2gX5hXA/hz8/k/G879quTc/4B+ozxRPn/10Oe14f3JrJ19Upd06Dfu2rDYTx42xikA16L/ce8AfNce2vzc4Zx/Y9ayA/DSPeyX6+TzG/rttv3+BwD8yURbNwG4ybx/xtD2T8hxPzCsB1WInzoc97ly3Bum9sVw3I3DcZ85cZy7h8y6vBPAAfPZv4ZRRaG3kZ8E8CNy7ksgqmP0P1Dv5N4aPrt+uB9e7twjjzeffcbQ3m/IdX4BwLvN++sg96Yc/4nDPNvrzb0XXju8P2qOeSyAs5hQHQ/HfstwbIeeab512FOXyXEfPxzzZeazJw+ffamzv0aqY/P96wCcPp/7M2n7FgSqY/QP8w7Ap83cfz8F4A/N54eG87/BfPZSmHt6+KwB+BsAb5i4Tqg6Rq9l+BHz/kXDsV9vPltHb8d9CMBjzOd8znzC8P4y9M+tH5JrfMiw5i9K+sjn9ujeHvbKm/a4Po9Drx357zJfZwF8yV7Xey+q42cPm9j+fU1y/CcMHftv8vnP2TettSeiZ6mvHVRbawNzfhC9NPV0Of+dnZFKu667A71UPvKIUwxqk9e11m5F/zA6B+CL0f+QEHxIvzpp6lnonTPeLX1+M3pph9LTHwP4utarSD8qU9GYPq7aNltrc9bom4axnEY/Z+cAfHrXde+bca6H5wO4H8AvAUDXdX+NfryfP7M/c/DHAD629R6enzKofubiTfL+/0XPkK4a3j8ZvfCl3tI/h/k4h54178LMPUT8eterIW0/gZ29+lEAjgL4WTnv9XLNowD+CYCf6XaYMLquezeA38WO5E38Tdd1f2fe3zy8vlmOuxnAY2buy+vQz+ebAfx789Xce+EpAP5HZ5ho12uqfnfq2sOx34Z+3r4Y/Q/LlegZz9tba1eZ4/4YvaBp1cdfiN5B6GfmXMugoX8WxAfsvlf3oiGcwoNd1+l6obX2YW2IHED/43MOPVv39p+H7Xun6389/hIznp0PA1Q3o+sd094N4C+7rrMOtdyXjx1en4Ze26e/BX83/OlvwULQWrsUvVB+Ev1+A7A9X28D8E2tta9se/BM38tD8+1d171V/t6VHH/N8HqHfP5+eU975Y9h58HFv3+J/oayuAdjnMEEdW+tHQPw6wA+BsA3oF/UjwfwX9E/pIkrAdzTDd66AR6FftG1vxQq2OfnoF+wr0evcrm1tfYtEz9Wvyltfks2rgH/dRjL/wbgEV3XfXTXdfSsvBv9D/DjZrSD1trV6FV/bwJwsLV2Wevtnz+P3lbxzDntzMBPAvgy9ALZmwHc01r7hTYvPEz3AL01uQeuAXBCfuSA8d7LcGe329azlz20l356/dL3l6N/6Hse/bdjrG5XL9CzyedrAEahXRaDeviN6KMOntftNhfNvReugT//s9ek67rbu677sa7rXth13fXoVdiPRm+asfgJAE9pfVjKOvr78Je7rttrmN9jkURRDHt117hn7t85GNmjh/vwNwB8GPox/1P0+++1mFJd9tjsuu5++Wzy2fkw4e21aF/y+vwteAvG++mJGP8WeNfzbKVXwP/dGGEQat+EXhv4qV3X6f58NnrP5m9GL+S9d8rODezNRrtXcIM+Cr00Q1wlxzFk5BvRbyKF56b/cPAU9D82T+u67i380JFC7wJwxWBzi35s70YvQHx18P1fA9ts+ysAfEXrnVaejz705k70tgsPXwrgEvN+Diu9reu6t3pfdF230XqHon8+2MymQgg+D/2D998Mf4rno/+xiUA78Lp8vusmGaTDVwF41eBI8KnobbY/g/7H93xwG4DLW2sH5MdW914Gj8nM3UNzwXvkKvTMAua9xYmhP1c7bVyNmQ+Rh4PBxv8z6NV6n9CNbaOz7gX0Y/Xmfy9rsgtd1/1ga+3bMba/vQa97fELAPwZ+gftpBOUResdFj8Ool0QvA/9D51+th/w9t/T0AsWn2Xv99bagX265oUGfwueh95MolAhweKv0TP8j4TRZA3C8Qch11Dy2IPofYU+CsAnd113sx7Tdd3t6NXjL2qtfQT68NHvRC8Y/XjU9iJ/aP8I/Wb5HAwemwM+R477a/T2io/suu6lC+wPVZPbD97hAf+ZctyvoWcrX4zYeeZXAfyfAN4z/JhOYlC/flNr7UXoY/Wy4/YbL0Vvj/puOA/E1tr1AC7pes/j56OPNXyB085LADy7tXZJ13UPBNf6++H1SejtP/wh+tSoc13XnQDwM621T8BOTOP54A/QCwvPxm61rO69vWLuHpqLv0Bvk/pc9E5OxHPtQV3XnWqtvQ3A57TWbuh2HEceB+Cp2JuT117xcvQP+Kd1ux2uiLn3wu+jj8c+yh/r1tpj0dt90x+nQTV8pzBptNauQe+0tot1dl13a2vtN9CrVD8aPWseqWGT6x0A8EPon4+vjI4bVKKugLsgePvvUegdjBYJCueHF3yd/4Ve+/b4rusi5ywXXdc92Fr7TQDPba19l9FGPRf9s+C/Z+cPz6ifRS9MP6vruj+Zcc2/Qm8a/HIkz3Rgbz+0Hzt4jSneau1GphM3t9Z+GsC3D6rSt6E3WP+r4ZCt4biutfYV6L0x19EP9i70ku5T0d/AL99DPyP8HnqJ6Adba9+K3jb2fw/XutT0+7dbaz8P4OXDg+C30MfVPR29Qf0m9B54z0HvFf296IWFo+hVOk/ruu4zBz3/b6BX69yM/ub4TPSqjV/bh/HMRtd1/6u19uJhTB+B3tnnPUNfnoleqHjewF4+Cr0Tzk3aTmvtEHqb3L9GLL39MfqEBy8b1v0M+lCJXarV1tqPAngA/QP4DvQOD1+AfZibrut+rbX2uwB+dNiz7xr6zFCCzFM+w6w9tId+3jvsn29urT2AfuwfD+DfOof/B/QqrTe2PvvRMfTakfvQawL2Ha2156IPb/ku9GaEJ5uv3zvY2ybvheH470Av6Pxaa+1l6DUeN2Ce6vgLAHxJa+216AX4B9Hvl69Fr/H6Qeecn0B/710P4Hu9Z9SAS8y4LkG//1+I3ub55V3XvW1G/5aF30EvmL2qtfZt6B1GvwX9HI4ywe0jbkZ/z3xxa+0U+jl/h6PdOC90XXdP60OS/nPrkw69Gf0z4tHovat/peu6zM/iW9CrnX+6tfYq7Hjfv6brum1v5NaHnv0QgE/suu4Ph49fjd5p8FvRmwDsXn9P10dfXIWe8f40+n2+if65chi5lu+8vY479DZBe9x15twj6FWk96A3LL8BwL+A49GJXpJ4I3a8025Br7Z5ijnmJvgB5rcAuNG8d72O0f/Q/yl6qelv0T9EboDxhh2OW0Ovg/8b9JvqTvShCR9qjrkc/UPm3cMxd6C/Eb5m+P4getXoXw5jvx/9j9DzpuZ8L39wElYkxz4Vve3sNvQ//Pegf7h/Pnp7/fcNm+dxwfkr6H+gb5q4zkcOa3VyOP7FOs/omfNNw7ydGebxewEcl/W+ybx/xjDeTwn2qN17jxz2zwPos179JHYSeYwSH0h7N6L/IfG+m7uHRusCx6sXvbT9HehVT6eHMX8EnIQV6IWc3x+Ouw/9Tf+hcsxNkHvEXPeL5fMbhs/XvP6Z772/G0w76b0g9+WfDuv9d+i1FzdiOmHFhw/t/yl69eI59Hv45wD8k+Ccw8Mches9zBXHszUc/2foNQRpgoN9uG9vQe51/K7gu09Dn1HqNHr16peh11g9ZI6JvI43gmvdPKO/Xzn0eWNo+8nD55HX8WPk/D/A2Ov9w4ZjP18+/0z02bseQC9UvRPAf9G9HvTzmeid8x4a9sj3ADgkx7CPTzaf3Z7s9W8YjjmK/gf5r9A/2+4bxvU5U/1iOMTS0Fr79+hVmNd1XbdfKcIKhUm01n4APVu5opu2VRcKhcK+YJE2WrTW/iV63fWfoZcYn4Y+NOBn60e2sEi0PrvRpeg1Cuvo2eCXAXhZ/cgWCoVlYqE/tOip/2ehdy46ij6TxivR68ELhUXiFPo47yegV+O/G3288csuZKcKhcI/PixddVwoFAqFwj8mVOH3QqFQKBQWiPqhLRQKhUJhgagf2kKhUCgUFohFO0PtXGhtrTtw4AC2tvpcAXz1bMQrK/3vP9NHrq6u7vqcr/YYPUdTT2apKKeOnXPu+bQ/dfxe+7jX8cy5XgYeq2uZzY0e23Ud7rjjDtx///2jg48ePdpddtll2+d47epn+mr3zNQ5EfZrjfcytxHm+Fbsh/+Ft05R29F3+rn9nv/zebC5ubnr/cbGRng9orWGkydP4syZM6OJPXbsWHfFFVdst8v22P5U/7Jr7uXz8z12P8+9UNjLfoz2kPdZtG7efc3ngP1Nue+++/Dggw8udEKX+UOLxz3ucTh58iQA4NSpPqkINz6PAYD19T5N7pEjfcax48eP73p/9Oh2rWocPtxnBTt4sE88dODAgV1t8dV74Opn0Q88X+13eq4KA3Zx9TvbXtamd070as+JBJPoc85ZdsycHw59aPJcrqcdtz5Iz507h6/7Os0N3+P48eN44QtfiLNnz+5qj2tux8D15nvuD57D723/Dh06tOs770dZP4/2TjTnFnv5UWY7KphGDyL+oNhz+FnUZ68vUz+AfG+vpz9megzX78yZnegq/v/QQ32K7Pvv79PZ8jlx77337noP9HsF2L1Xf/u3f3s0FgC4/PLL8eIXv3i7nRMn+tzzfP7YfrFdnVtvnqLniq5ldv+cDynIhE6F9oHrEe3zrL3snCkBKyNXVvCxx6hgxLUCxvtL9x/3h32+8ZnB35Rjx47hJ39yT2mwHxZKdVwoFAqFwgKxNEbbdR3OnTu3LTV6KhxVKxMRI7P/R8xP2amnbpzD2iLMOSeS7CLpNLvOXDWnd91I2rbzHbWvbWSqnOj6U+q/CFtbWzh16lS4L7y2ud4ZE5xi4myD33uMNpqnbMw6Dm88eqwy1jkq3YhBzFmHSKPBNjk3ViOlx+p7j3XzfD1H58i+J6vhZ9Yk5WFzc3P0vPGeO5Hq0dMARBql6J729p2ud3ZvzWW9mdZl6tw5rHsvz8joXlCtCDC+1/hKNsrfDctOtT0F27daLH5GDcqhQ4f2xcQyhWK0hUKhUCgsEBec0c5xlIlsp/a7KTtkZv+MruMx3bkseI4tIxqnx0r0O2XFnlSX9SHqRyQlRhJn1p6yEytZ6jxmUmXXdbvset7c6zWt/dbCs53zVe36kd1V27HvI62B7WP03ltDnVO1lep1MzYU3Sues4junUgz4Nlo1f5OBqo2QmCHqSiUedq54Tl8PXv2bMpo7fnaR/3f9lPnze5fMqtIg5attWoFzge6773nUcS2iTksNfNB0XambLPe+KP1Vmbr9Sm6F9RXwILtTe2b/UIx2kKhUCgUFoj6oS0UCoVCYYFYmuoY2O2UQLWPVcfMVRlbtYWq+VQNmIVbRCqizAliKl43Uzcr5jhBRdebExIUqQj34uAQqaotIvVLpqJSlXGmRuu6DmfPnt1eU8/sMKWG47F2v2mYUKQO9PaO9j9S4XrqbVVjZk4d0R6JVIaeuUCPiVTk3lh1XqecjoCxapeOJ2p+sMdETleZqpf7YGNjI+1X13WpKprQNeR+0FdgHLKm4T7Retn/pxwM9xIGo2PwEKmQveeqtheFPM5RO6vq1lsDjZeOzBDZ80fDliLHOmDsULdoFKMtFAqFQmGBWKoz1Obm5rYE6wVNK2uKHJy8BAuUMPmdSpweK4kcp+YE9EehIZlTylRbHhuemxDBGxel7MiRwTt3bqjTHGabhbooa9jc3EyZvw0j8foQObTo/mByCmAnmQU/0z2TZSSLGDQ/z/a3BtZr6IllAFNJDZSVepoUzjHfa/IOb+9oAhAdg+eEx3GQwZI16Dx6jDa6Xz1Gq/O2sbExeb9loW56n0fPFLt3+L/Ok66Tx/wyVm0/t2NS7YeXMEQxN6mF5+wVafV0vFnIm+cwZ8c3h9GqlsQmrND9FDlbedqEveyd/UAx2kKhUCgUFoilMtqNjQ2XmSg0dZ+m1cvCeyK7ipeOSyX6KNwjC39RGwLh5VJVSTVish5jj1iqNydTaRqz9Ipz7ckeo4uSKRBZCNLa2lrKoltrozRsHluM2vdYScRoNRXoHOavDNNj8V5YCoCR34LdS5o+UW2zug881h3dE8rYbP91DjQ0x9v3DMGasu96oTpMsajnZGFEUcrEOfC0VTpf3Bf6av/XOY00TXPC/XROvTAo3SN8P8WS7XWIyGZv+6vPXu4HL6XpVApT3TvePvC0FfbVMlq91/T5w2OnQgeXgWK0hUKhUCgsEEv3OiY8L8nIYzhjtCpRRhK5J73rZ5k3JjFlZ5uTbJ1QlpixU7UBRazV9juyt2Z25MjLNfNU1uuo5JoluZib2q21FnokWug1o2QUQLz+ZCssYuHZK5XBaP+9qjOUsGnDJKJkJN4YdU/q/rf94Gf0qtbXjJVENlplVhZcF2WGHLd3X/Ez9im69+z95LHcKWaS+TTomHX9+Z4aECD2Oo60ZJ6WSu3cfPXskVp8gcewDfXetojYbqQt8+aE66NFXDgP9tiIxWeMnWPVV46bx9p5jDzUFd7nc7yl9xPFaAuFQqFQWCCWymi7rhvZYKzUo56hlJqm0pt536n05EltkSdilqJOpSgrdUZ9VHYVsZQsFjLzpIsQMT9tK4ufU7bl2WGj+LzINm3/t9eJpMzWGlZXV7elW882F3l/Z8w/imsla+Dnug/tZ8rIeQ77atdSPe7VRquv9tgoveVeJPNof3nerYTGG3JulFnZ//md2tX46jEMZZGel7j2V9OTRvDirT0PW64pr8lynGRxmT0y0qxltnMdT2SPt2NVm2wW1z/lC5LdG8pkVfvjxRbrZ1F8uMdAo5J3hOcbwr5xz0S1i+0enZO7YBEoRlsoFAqFwgKxVEbbWht5utnk7ypBqk1JPd/YJrAjqSjbUfuEZxdg+zxXr+vZP/X6WXL8iH3O6eOU3TPL2BTFwmX2VpUcI9uwxVSSdI1ds+1OeSpaqMTqxeVqu8rEbB8iFjIngbpC/QlUk2L/V82GMllrw43WV22nWR95LFm2SvUeg448odmGahfsuTquqNSf1w7X4rLLLgMAPPjggwB23/PEnIIURBSjb/+P7MXKJu3/0VrOYYsKZav2emrXjMr+ZftAi3vouL2Y2MiDPIqR9fqkGhx6mJ8+fXp0TqTdyVi++lboXNk50QIXy2K2xWgLhUKhUFgg6oe2UCgUCoUFYqmqY2CcjIKGbCB3HQfG6iwLNaKrak3DfIDYsM9+UJVtz1GVqqpyPGP+VMJszomXzCMqjqBOWJmjUeRENscJIgrEt3OiamzPAUSvr/M2VRTA+962F4WAUT1FFaRdlyj8JVK12uup6m5O/Vu9nqom1TnKjiNKjBGp+O31qIrWfcA5sSo8VeWyLzxG7z3P0UiTuasKz66lOoixr+yj95x44IEHAOy+B7JEK1tbW7NCzHS/qkObdepRs4KdQ2+stm1VHev976ljVZWqjmee6nhu8hnCCyvT55k+f7yUiKr6VnOD3pN2XFNJfTLob4v3O7FsJyiiGG2hUCgUCgvE0hhtaw0HDhwYJWfwHAOikBJlkWwXGDtBqaSnBnMgTrmnxnwrTStzUgnJY7RRcv1IyvYM/jreLMnBlBNKFkwfBX2rtJpJ9xqCosd5x2YpGFtrWFlZGSVAyEKMTp06BWDMBOw5UbIBHkPJm+favaMSv4akeVqEyKFM18NjtKpRiPahXRd+R+bANnhv3Hvvvbve2//5SscVtsHxKCsHxkkcdA68FKO6J/me6+exEnV66bouZTxe6ldv7/AzLzRL+xLdu3r/eGw4SmOYFQGIHIyU2dpz2P5USkTvvtOQxCghi/fc0eQavI+4pvzcMloi0tR4mgEtPBGlJ7V9zIp+LBLFaAuFQqFQWCCWaqNdXV0NdfBALF1ktgR1154KF8mS/VPKoUTmSZaU5NVmmgVcq9QbBY57cxIVR9DQDC8dYZT6kcgSkOu8euEVU+foXFlou1OS5erq6mjslk1xrJSSlfVm4Q8qNfMYbcM7VxNUZIlFNPmCSvrKFoGxvZttsM9aVN3T9qgmiHNyauRLAAAgAElEQVREtuqF93A8tIcq687CvSJmpuzLXkdDrDj3HuthH+lLof4K2pfNzc004YqGn02xR++YKDWrp92ZSoXppQuNipZo+Iud26gEoYYMzgkJip5vdu7ZF+5nfdX9budTGWtU+MIr7BD12bsn9F7IEuXsJ4rRFgqFQqGwQCw9BWNkw7D/q5SsdhqPiUXlwlRS8hLDR4nU1ROSY7CgVBpJtBYRC1AbjSf96jjUQ9FKlpQc1YtVJVqVdLP+qy3Nm0ediyyRwJxjCNpo2SdN8QbsMJ8o6bpti1CJVz2qtaiATSqvHsOa9FxZA7AjgavfAN/ff//9AHYzWl7z2LFju8ahfgvsu5fkQNm2JqC349J7S5O4KLO2rELLk0X3emYT5nWiMnD2OtbWO6UR4Tx5Nl89l/3XAgqejTYrcQj4XvqRd3Zkf/fGofDSd+o+m0r276VvVN8X3VN2TlQLwWOUdXNcdn9EhRXYhiYVssfqPRelK7XH2vEso1ReMdpCoVAoFBaIpZfJo1Tl2e+UlSob8aRbtZHyOy3mrQnDvWO8MnW2bSCW6KJ0iraParfT62UsTyVKZbJW0lNJ8uGkEtS+ZjHMupaqEchiZK0Em0mWKysrI9sVxwnszKWOnfD6wM/Uy5QMj9+T2Xral8gr3Iv/03hZsjhN3O+VcGNMt3r78r2X5nJueTS7L9Q/IfKQztL2KRtRBm3XeSqO1vMWV03M+vr6ZGF1ZTdeHDivRUamffM88lVboNoPvtrrKcOcKjLifacs1PPViAofqAaN52SpbaMCGJ52Ua97ySWX7PpeS98BYw9le29beOdERVsyfwxiKn5/v1CMtlAoFAqFBWLpmaGiBO5AHHdHeDp3lUjIPi6//HIAO9KUJ71feumlAMYxVVkWGfVw1OxOntQexXXpdbxYSJUYldGqHQbwy3oBOxKrJmq39j+2r7HFnr2a4JxodhxlD570O8dW21rD+vr6tgaCfbD7IGL4OufeOZrQXm2pXrlBLc49h70rk6X3JeGVhlOPVGUnXGtvz6pnqu5dL4uaMnHV+hCerVD3iGYC4qt3PdUUEZ7tWe/XyG4J7PiFZCxSGTjvD2VtHmtW/wQ+f44fPw5gZ328WE7NsqRewN5ejYo+6Bjs+VGhkEjjYcelvgZqb818bPiezxddJ+uLwHbp5c7X++67b9f4Mg1RpAnNfi8OHjy4lFjaYrSFQqFQKCwQS2W0VnKIivR6n6nE4ZWto+TI8lrqrUvJ3MucQumJUpuyOGv3Uolb7WrWg1P7q68R67LSuzLlqNRdZgPSuEO2r7mlLThmHuN5+iqislje3CuLX19fTzNDtda2z1FmC4yz0ajknTFNtkfth7I3T2ugXqxsn/uP/WGsqu2LMv3IGxQYe54qy9Lv7f5U5h8xGC9uVz3Iyb45Bs6V3auaPUpZMfvGjFT2OnoPRBoVe6w9JovBX1tb274O++B52kexsdpXe75qHIhIA+G1rz4N6vFrv1MtzJx9zvb1fvfigxX6TIpi8m17vO/ZF9WkkPXbOdN7m/NK34S77roLgB9Xrb8l2X2l82TzYC8SxWgLhUKhUFgg6oe2UCgUCoUFYunOUErdrUolCh3wigkQVDVcccUVAMbqUYV12FGXdVVTqTOJ/UydDzSA3zPARynQCC8RvaqXsoQIisjJSwPGPQcKjsNz5lCoE9ecMCJND5gVFWC/tHSfXRddb1Wbc62pirL/c6xaFpGv7BdNDBbsP1XGfKXKWB3E7HU03aDnaKaqVQ3viUI1gJ354fV0z3iFPbj+dObhsbfeeuuucdFJxar/dK+yLe4v7iW7bhy7mkZUhW3nJko474GOdIQ6vvEYYEctqQ6bnpOaqopVPeql/yPmqo69/a33rC3KoX2M0hhGBV3s9bgOGm6j62Xhqby98dAMYfeqOsXpuHhfeftb3+tvjF0DLQKyLBSjLRQKhUJhgVgao6WbfeZE4CXx57n2cyvBqsFdnUQ0aN5LMB0V0/bKsUVu9lFRdQtPmrZtZXOiDgxRknH7vzrfRE4fFlEaRXX6yooMqDTqMdUs8UEEW64Q2C2VRkWnlZ0ypAvYCTvQuY0c2+w4eCz7dOWVV+7qE/thg/WjVI8q4du9FCUD0eICbNs67LBvUSIYLxxC2+d1qTHKQp6UQWnqT7JSL20j29FE+8ps7f9eOJyCjJb3smop7P+q0eLYvZKA7Jc6CUXJWrwEDOpgGN2n3hg1FMhLjaqaNB2vPvdsHyOtnl7XS6OoTkha0MFLAKLavCjZjg1F1Ge+PuOjNKz2syoqUCgUCoXCBwCWymjPnTs3koRs0L66dkehLVZCU8ZK6ZN2qYw5eenYbN+ILNGCSodZubooibgyZyu9R0xZbXNzJMvIluWl/CPUbuixbpXE9XpecLtXyCGTLLuu254XDRuybSszJquLEi945yhb9BKAKGPhOtCG6dlbdQ8qG9EAf3vOVElFL4xExxqlh7TjZ7u0R6udkgzdK5wdpQfVxBhecpUoWcOccLKM0WobXnEB9UvQufaS3eg1lSkrI5tjE1RNl2c7V38S1SJkKW11n+nzzzJafYZEe9ULk5rad4R3P0XFBby0lKqJ0hSgXhKZqWfholCMtlAoFAqFBWKpXse2JFFmm1NGkXn4qe0qKojspWuLiqgTnsQcpU1UVmclZpVUVVrUYH2vPFZUFs3r45T0GUm29tqRndzzLFRpPpIaPQ9zYspWwlJ53rnAzrwog+V7z5OTrFMlX11D73pqU9J0imrLtOeoxkTZoZbE846NbHSe/0JkL1Qbqm0vShOqDNOORdNS0mNVbWUeu/OStQC+1kn7OFVQ4OzZs2FyGPu/PpO0Xa+4iK5lpLXIEvPoXlHbqf1M7zFqBJTNeX3J7ntg97qoP4lXps5eV/+PjrHwUkzqvotSP9rzvSQU9pxMy2ivtUgUoy0UCoVCYYFYehytSiqetBOxRa80WSTRR2zYwouTtdf30o6plKReul6b2gcv5tH7HhgXsidU6rXzqPahyGaaFXZQSTzyQgbGjCxi1J59PCogYUGP9cyzWz1E1SbrlebKyp8B48TtHiPXmMvMVq92fT3XK6ZOphyx0ygW2/6veyfb30S03yKve/uZMuZIg2P7EvkxeKUDuaZkzlN75+zZs6EWwUP0vJmTLnbK1mjbjdry7gntk+4VL6oiKkhBRCUevT7MScGqcxo9O7zra190Lrz1mutV7eUlyLRVi0Ax2kKhUCgUFoilMlomh59znH1V+6onVWm7KlF6ElFkR9FzrDSqGWDUw069Ar1rqz1X4SWv97zuvPfeeFQqVHu2nc+IhUYMx7aj140KIET9jkBWEnkz2jFFMXxeDLZqGlTazRhGVAggK4jhxToC4wTqnrZANRtzbIBahk0ZtNdnZfHKKLPx6bHa50x7oRoiMnmP/UX+AxG6rptkvVG/outGTCjb83PhaZqUgU15Oev/QGwLzva33tuqSfES9kfPg8gOq//bdj2Pbz1GfyfmrLXVxJSNtlAoFAqFixz1Q1soFAqFwgKxVNXx6upqqq7gZ5FaJnNsmlID70WVoypEqzpmSEgUBuOpqiP1ovZ5TqiOjsNLAalzG6lwMvWP9jlTy0ypbLzvtY9T6pvNzc1tJxuG7Ng+asC+jt1z5phyhNDQkqzmb+S45yXpIDQtII+1NWyjfazfE17iEg2NiFIx2vN5jqa5i8wD9n91DFPVceZUFN3jngMVce7cucn9kyXAUJNKdm39TM1Zc1KJRmaYzMGR0PtG18sLDYycL7N1iZzfdP7s++g5oOdkzxBVK2frps/NqI923GzPOjg+HPX+XlGMtlAoFAqFBWJpjLa1hgMHDqQOJhnbtfBSk00xijmSJqFSnHWA0uB2dQ7wwjsit/epUBp7rpcM3fZjTjiJYo6T0pwg9Lnaguw6XdeFrGRrawtnz57dltqZ0MGT3nWd1WnJslJNeBBpD7L0nVEygGicQOxQR8Zu0zcqY4oc3CJnJTtOth8lLgHGCRDUOUqdpOy+UycyPcbT9uj9pO89tqXtnz17djINo17bS1gQhRx6JT2j59he2FH07OLYs7ArXpdrGmmi5mAvzqVZ4o+pcLJIw+EdQ+h1vFCdqeepdx1Pm7dIFKMtFAqFQmGBWCqjXVlZGenivRCNLEBcz4mk88jlO7N7RGE9XimwKK2i2jbsZ2p3iNhPxoYjO4hlaspCtP0oRMQ7NpI0M5tYlrRBx5GFX9lrWRbI8Xnl1gi9tmdTn0pNl2lFpjQm3niylHDAeL3ssdE+iEInLHhfsbC5Jj3w0pJGZRDVJuilYIzKoXlJLrSgBvuYJRrhGvLcU6dOTZbKi+5xO+ZMKwXszZdBj/M+i/aQp9nSe1XtkV4YTKSdip5HHluMwnm89J3ROPV9ZqOPtHtTIZEW2e+HPqeL0RYKhUKh8AGApXodr6zsJI7X0k16nEUmoahdbYppZNJUlO4rK6asEpfXxlQ6u4wtUmrnqxY/92y0kWfyXuytkbf2Xlj3HExpL+w1eG0mq7dzEWkY5iRq10LiEePPkl1EjNpLM6dMST3Hs2TyUeIAby9xTnQusqQrmro0kvy9VKP8P3r1EsBwHDxG7chZGtQ5KRhba1hbW9veM94aRM+IyIvV9m8qUX/GNKOoA28tleFF93R2nYg5e8/gKFGF7lW7lnO8piNMMdfMRqtzkvn46JiXkawCKEZbKBQKhcJCsVRG68VceWzx4aQxm5OGbaqtOYm0I7tmZiOKkl9Hyfg9NkxJX2M6vVJhkZTreTECvpQ4Nff28yg5eZa03LPFRGvYdR22tra254XshPY8ADh+/DiAnTVTmyXZjxcrqfaoiHF46QYzTUZ0HWUWau/KPLqjmEQvPalK7bq/OSe24DfTQEap7yKv9+yYOfeGplzUknseo2W/p2IhW2sjhpx5MSsyD9WI8UfPMvu/rmmWolDZdbTuXvpWvmpKTK9gA6HsWp+Fnr+BpoGMtJaZrVaPmfJrsIjyBGS27jnt7geK0RYKhUKhsEAsjdHSc5T2MM8DUW06c+13QGzL2kucW1QI3suYQkSs1POMjmyXe5EsKZFrbKedx4ih6feeNBd5EWbeelGM5xztQfQ+A+NMyWxtv2m3VQmczCjLJqVQBrqXmEHPk1PZn3rpenajaF9HHtNZQQLuEY2VtYyWc6ol1vRenGKBtv0sFlLtt1EMpNUUsL86Bx66rsPGxsYo7t177szxNo7GOGUP9eytGfOyx9k+RuVAvb4qo9VY/CxjU/TMUBuql2NA9/NUrLn9TPeVMmh7rs6f3k+eZ7QXHbAMO20x2kKhUCgUFoj6oS0UCoVCYYFYqup4Y2NjlM7MqksidZG6b3uqgChl2xyVrqrsVI2VJRLQOpqqrrHtz3Esio7TOeCrlx5QnZ40CUGkBrTX3ktaMz03SgTuOaDMAfeOqjqt6jhyvNBEFXOcYKIQgEwNPJW4wJ7Pfmuyhuw6+sr9FoVs2OvofuBcMGGFVR2rU9Ill1wCwHcMBB6eM4mnotR1031uVZSeajK6t7quw+bm5shJLXPmi5Ltz9mzkTNhljowQhZWxPXXZ4s9h2umz6YoKYT3bNRnoDpheXVd9VkVhft415uaa7uOU+Fk2flZsp5FoBhtoVAoFAoLxFJTMK6vr4+kHC+gPwoUz6SPyFlHJTCPDXuOJPa9ZbRqnI8C+20ChaikmsJz7oj6GCXUttfWeYzYR+YEEb23jG0qeF/nDBgzwinJcmtrK1wfwC9paNvNwnqU7Uyl8/Q+ixLn2z6SLfKV0PkhA7H/s09koZo+0XOKI1ONNBiaitEeS4eziEFp3y2itfQS0ROaNlQdXGyhBb32VGjPysrK9vnetedqmrKUflEIkM61/Uz3nTqBesxM7zUN2fG0ITwmKgPoMWy9h72wKB2DpqxVLUjEwu0xet+oY5Pn9BntA2+evVCjZbDaYrSFQqFQKCwQF6xMnhc6o2EIijkBziqJZe7wUVq5jJ2qrYJ2T0prDJ3w0vVloRj2OMswovCBaLwWKjlOhRNYRGElHqJxzLHn2rCBKclSWZvdJzomZQVZSsQoDCFKNGIxxWStHZlMVkNospR4ykqUnWjIhudPoNBxWolf9+pUEpmMIU5pjIDYvqbJNLxnwpxkJ3zuEMqYLSK73V7Sqnp9i6B7U9mbbZPrEhV69+411QpEdmOvj/oZ2+J6eMlOojVUNuyF+UTJOzQFp90HmtSEfdHxeto3ve6iUYy2UCgUCoUFYqkpGGkv4f+Ar+PPWG8E1dNPFRew50S2YI/Rqs1FGS3ZaOZZqRKdpk+zNrrIlqm2GSupKdvYS1FyHWd0bGav1HHOYcVTfdnc3BxJ9Za96WfKfr0E9FES8ki6zvahsjbaBK09lhK3Xk/X0ib5V29qthsl/7eIWK8G/3sl6HQPaaIUj+XrfRu92nVTG6wypjmF2jMvU45T7cPZOZkGg9AEDnP9MOy5kfexx7Yj1hsVJrF90+vN2d96jKY95auX+EO1KjrOKZux7VNUetF+93ASHGVFbRaBYrSFQqFQKCwQS7fRRrY0YH7haC/NXBSHlXkyz9XPezaMiDFnnsORvVj7kcXgKsvO7BAq7Xrp5/T6me3N66v9TFlWllhd+zqVRu/cuXMjLYi1D2lavijNnOeVGXmSZyxF51TZA/vjecuyAILaX717gsxBbXFkGJkdlO1rykXVDFjofGlJvYiF2/bUNqfsxDIeZbAcl37uMSd73Sn/Db3XMtty5Lnu7d8orjiLo83syYAfo6rzQC0F94enaYhKKep+80oREvyM+5j98Ly4o3tNtQj6zLZjJ/S5nWk2FFFbFva5U17HhUKhUChc5Fgao11ZWcH6+vooG45FlFBa2WgmvU7p6fdiy6CkZ5mTsmotOB7FyNljo2w/nj05YmbR9e05yhKjJPneXEXZnTzMSaQ+59wpu5buA8s8vKIBFpwLby014xjZgsZGegnb9RiV2j0mo+eQxWXn0G4fxbN6TE33jjJ3shKPyaitW9u080hEdnG10XqZqDgHypw8O6zu47Nnz4b7lM8d1QDMeYYovGxSqhXRvT/HBhhpfrIiI2qX9BhtVBCC+5vvVQNhz4mul8VER34y0T607elvQNQPb1wR7LrtxU9lP1GMtlAoFAqFBWLpNlplU55EEdlkMwlmytvY87yN4mjVBmjtbOpZF43DY5pqm9XYSE+C1TmIvKgzpq7j0zY89h3ZpbzPp7yKM7vuHKjXceax7pWas7D278gmq2vqxWBHWbCUHdo14H66++67d/U/yooD7OwN5hw+duzYrr7pOL3YYmWFamfL/BYiBu3Zk/VcjYH1NES0MSqzVRutF/88NwextcN59vbouRJpIOz/6sEd7SXPZyPy1leWDOysg66d9s2eE2VzUnhrSUQ2be/+jZ4v3ngUURY7j/1G11Vvfi8rV/Q8WzSK0RYKhUKhsEDUD22hUCgUCgvEUhNWrK2tjVzOPXVMpD6YY/yOEit4KtcoGbWqkK3qmKqbKXWITaOozjtRIvA5qdD02L0EXEcOB177RKQW9tYtSozhIUotmUHDlWyfNO2aqpo0WB4Yq/c09V1W0jFLhGKv5yX5P3nyJIAdNWmWNpHXjhyL1MnHqtO1TB7bUEejLF2ohoToPrDXU9WhhvV4phj+z1edE091TNgEIJnz4/r6errf1HQS3R+Zoxmh+8HbJ9H9kjlDcV2OHj0KYEflznnz+hOllI2c/DLHSr7q9Wwfo0QskdnBSx6jUPVvFk401Xfbjn1f4T2FQqFQKFzkWKoz1MrKyohFZM4UU04K3jmKLORkKrm2d31lA3SVp0RGSdPrl6bPi1zzs8QOc4z5UViHfu8xNXVKiJzM7HW94vPZdbO+euDe0TAc256mN9RjvP2mzkKR85OGe3ljjlKL2oQPmsBBQ1q8uY3Kr81Jxajtc2/qvrApH7UMX8T2MyfGKIzDS0SvjFaTJ2jCDNsnqynKGK1NwUjY95qKMysEQETXmxNWOMVks/N5Lp3idFx2n6jWK9L2ZA5buu+U/XtsUVloVJzeS/3pOWbac6Jr2+vo/vCS+dhj54Qwni+K0RYKhUKhsEAs1UYL5HaIiBFFtlr7mb6Pwl88t35NMhDZw/R8+53abi37IXNUW5WOx2OGas+NpN4syXvk/p61GUmuno1L29H25kijGYvous5lot75ni3WnuOlYNT+q22JoRVeEvQocN/bq2oTzQoC6Li4d9TuqtezfVTmHCXTsHMSlQzU8KnsfooKmnssVRlsxGg9pmbv172mYMx8Q4iIXXmYCif0bPlRaGAWlqIhM+p34V0n0rZkyfinNGdZoY3oOaN9nbPvs35o++ojoNot+90cTdp+ohhtoVAoFAoLxAVjtJ4XmSJKWJEFr0fJLTzpNJK0tWSXlXpUOiPUFuilB4xSoqmN0JNKlX1k0qDaxqJycJmX8NT6eLaZqeQWmT1nCltbW6lncpSqLUsGoSwnKtuV2XcVUdA8MPbupAep7l3PpqT2dO5N7Zs3BrXFRiUFbTvcs7pH5uxVnWstJmAZre7RKNG9Z1O1zCzbR13XjebR3p+ZRz3PV0T21ankLUDMvLJ+qBZEU3LqcV570XMh85eJWD6/t/MYzUWkXbSf677VvnoMdyoiIruf7PqV13GhUCgUChc5lspordexlx5sio16NqWo9NIcZqteoGQJ2jfPnqNpFFXizGzP6kkalcKz/0dSl2dfURuWSoXRWDxENrlMSoxswFNex5kn58bGRsrAtW2uJdcnS2+o2okojZ61i0Ye3cosPe9sBcdDW6rtjxai0LXNbHOEelpG9kT7md4/2r7nT6AMLbK3Wq9j9YdQtu2xrb0W+mYsLbDDAD2N05woBx3rHO1QdK6WPoxsml77upe8c6IIj0hL4THaKMVk5tE7FamQpXzVccxZ4+ge8Epwemlwi9EWCoVCoXCRY6lxtKurqyNJ30oTyhKUharU630WlVJT70l7bmTX82x3UWk7ZbhZbKKeq6zFkxKJyOvZYsq2HbEUe71Iysu8xefaaLxj9uL9552jGo1o/b12iKgAu9orbftTsZceo+Vn3CNZLCSPJRPj9bRPno02W+eoz1EMdqQZ8hgUEcXRZgXN1Y7rFfzOkuBH0HssY/FRDLbFlDYqism2/09lkfL2AaG26znML9JozfHi17nwvNyja0ce+RaRB/Gccny6ZzPNgD6fM23efqIYbaFQKBQKC0T90BYKhUKhsEAs1RmK6dCAXG2h6ipV6XoqQ20nSnDuhQbpuWpE98JSVA04R/2rtT0j9aznYKJtzQkY1zFHTmVePyI1lqcOjkIb5iS5IDI1IJ1ZItNCNuYs6bvWo9W9pM5ynppMr6uqL3uOzoPuBzU/2PZ5jvaZ8O6DKBUe4Tl56XWixBie+jYKbYrCfGx/o4QVuha2/ei9gmYrwHeQUQefKHWo9xyIzCW6pt7ejxwNs/tS50sTs3hJJ9Tpaur5av/XfRXVCvf6r+kzdc7mJLLJzE/arranIV32f+sIWc5QhUKhUChc5Fh6woo5SQyislWZ5DXHWUOvR3hJte17L0g6StPnhYxEIUCR0d7rYxSi4bnMq+NCFAriOXtoYHgUrpKF6kRp6Dw3+zlYWVnBoUOHRgzTC7dRpqX7IEtcoqFAKilniUQI9lFZMhCn0ePeUWc5r4+aZEITMFgWoWONQoQseL6OWdPZKfO17UXMxrvuVNpTj1nrXjx06FDqvHfgwIHta6vmyf6vbG0viQ+i8BvveroX1SnTKySh7egz0WN1+mzQ8UTPWW8uovSdnkZDtVPR89VzhFVkzoY65qg4iHVM9cIwi9EWCoVCoXCRY+kJK4g5qcoiG1pmz4tcyZUB2GtH6QY9N3tlsPxO3cWzQH6FSmBZekMvvMbruz13qgyf1y+VQrPUgjqOyL6bpYfL9kFrbVeqOe/aKs2qtJ4VV59KVOAlJ/dKDHrn2n5wj0QhDNq2HU90DFmwFoIHdlhiZCv3wuWILD2fhV03zrGupdoCLTuN0qAqQ/fYltUERDa81vqCAjzf0zjx/tD5UCabpf+bstFynTyoXdqzcTItrO4hDV+z8xQVHIiYc5YIKGO/0TlZEh9FlIZ0TmGH6Lmj9ljbB/u8LkZbKBQKhcJFjqUmrFhbWxuxVK8EXeT9p3YqYMwsIo9aTTQB7Eg1yj6U/XhJB9RmopJy5tUYedJ57CWSBrUt28copWBkz/Zs3hlDiM4hpuxW9rMsKF/B8ynd2+Mj71hNXGGZGRmR2qGi9crShUbaFs/rWEsfZmxB119ZikrtWZpITS2apdFTT+s5DDfSCESFAoCxbTYq7JFpiKYYrU2zd+TIEQDAqVOnRmPeSxrFKW9YvZctq1KtlyZ/UO0MMJ539aHItHyRXTUqbpCNR+H5E2hZyehZ5RXpmEpc492DhGoXqUWwz0N+Z5PFFKMtFAqFQuEix9IZrTJLKxFFHnSRF5s9JmJrRJSM2x67l5ityLvQS9s4VVIv86qO0tqpfcVjhhELzmLh5jJa7zOvL3YMmdfmVBzt6urqSPK3Niy1a2m7XvuallPTHGaI7HiZp7XOvzJNzqMd1+HDh3e1p0U5PA0KoWs15XVq29G54LkaG5mlAI1YqtUY8X8yVx7DV55rbZy637LE8IzBth7K2h6vHXnaZnGtytKi1KyeNkfnWm3ZnjaEUE2Hxwgjph4xQU9LpXZX1SDaezryaYji372Y7zkx0To+tQkra7XaBK57xdEWCoVCofABhKUy2vX19ZHtx8Y4ESrhK/PLsjtFDCbzfFVpSpm1jsO+6ufaL9tOlA1JvUO9cyNbree5GjGZaAxeXGPEUj3WP8VovbnXWMiM0TKO1rPNar+V6ankbRkY24vKiUW+AhaapDySsi3UzpatB/sb2beyTFhTfgtqM/bGyv6r98DA3TkAACAASURBVK8tdafXU18Ktbfac5XB6jkc39GjR7fP4XrR3pp5s66srODIkSMjT2We611Lmb5nM526/7PMUJHGScfnxcQSuu+89Y/uw4jBec9VXUsvhl0RZYCKch1YTLFLT0Ok2gT1zLb7W/MdlNdxoVAoFAofAFgao11ZWcHBgwfDcnbAmNkRKgF5RaCjdjPJU+2fUUHkrC/aVlbWKYovjVijdx21Bc/JFzrlsZwhsj16XqAqQc85h9jc3AyZI1nJnBg7zacb2YstNJZTz/VYiXr70vYTZeMBxntC7V5esXidwznxzERkz9d5tBJ/tK/VZqfZnux3fFUmy/c21lcZrZ6jHtq2T9YGF+1lfe4Qtg9kORyT5g/2EJXHI1RrkK1TpK3ysop59mn7udeHqM+RzwYQs09l995zLjpW2876OoeN65wqy+erjcHXe60YbaFQKBQKHwCoH9pCoVAoFBaIpTtDqarXGtXVMSpyUvJSuEWq4zkG+KkAdc85RdUwqury2o+cAzK1SeQan/U5Kh4QOcNkjlQanpCFL02p0SzUiStLtca9k4WyaLtZMnKFpv3TJANeKIMGxatTiqeiVtOHXkfTeNr/pwoCeM4wuh5R+UfPSU3bUNWxpzpU5z6+8t5QRyfbnqqb+V7Dm7w5seE7CiasUAeZY8eObR/D5BXq8KOJNrw1nXp2zEm+7zkLatuRc50m1/HmKVJfzwnzixwCvXtd96ZXXjJCZOLzUksSUZiUqo69ogL23FIdFwqFQqFwkWOpjPbgwYOjhAJW2ohKMWUSR1Q4Ogo+94LAle1GBYu9c7zi2cBuyVNZcJRUwZM81blKWZcXbhT1Ub/PygASUQC+l3xibuiT7ZOdv8xhxM6nxxo1mUVUeswLnVIHnyiRhTdPXiiGbdv2W6+njlOZA1UUCpSFIE1pFrKUg5Gzi4YEeeFEeh+po5O9V9R5Lbr3vBKLXJeDBw+mCVbW1tZG2gLLqsmaNXkG+6ls2I41cmSMHNEsouecdx9Fx2bpOzXESJlldm/osyO6judAFWkXszKgEaZCt+wxqmVShgvEJUsXjWK0hUKhUCgsEBcsBaNXZkxLfilLzNL1KUPSBOZZSTBNdqAJMzx75FTYSxbKErGQLMk/EaWF8yTmiDGr9O3ZaHXsymQ9pqZ9Vgk2Y5Pnzp2bDFXRpAlZyUMis9Gr5K3hZVHIjm1X99Uc5q+2et13Xv/1nKk9ZBGtj/de95dqiLSv3rmamEJttja0RtMf6r72WNBeigBQk0bWyj7YkA/aazXdY5aUgYi0BlHyC3tMVJhiTigLkT3XNAxO51jfe9eIEqJ4RTqihC/6vPZYajS+TIOiYVE8hmudhffYPVQ22kKhUCgULnIstfA7PQABv3wUJR8tX6detJl3XFRI2isjpl6SatfLkm2rh3Tk4Wk/i46ZSo3mjVP76JWcigq+RzYhr29Tr1677EsWTE9Ye1gk1XZdtyttn2dXURaidlYvBWPkZazlyjL2pqkD1fvYMo3Ia1oZjmW2yg7OR/qOtCN2TiKWz35o8glvPtXLWK/jnRP5OKiGwH5m75ssYcXhw4dHa+qlYHzwwQcB+N6qQJ7eMFqfLOlN5BHvPQ/0vszGq9fRxBHRsySz0UbRItmzWMcR2fuzc9VD3/OXIWONbLN2rT3NYzHaQqFQKBQuciyV0QLj9GlWytG0dlFKRgu1Iej7TJomou+8GK7IDpElEY9sSpFtyZPaIo/eOXGiiswrWCVnHY/X56lYOy8OVb1MM/vs1tYWzpw5s90nSq7WQ1W9SnVdMru+aj3Uc1ntlPa7yIalzNqOf45XNqEMJkrXl9m9ovhtL5adc8HvyE55rqZItGug8cjKcL20jZ7HKzAu0mD3jpbw29ramvRY5/k8l3Y8+39k2/NilCObcsR0M1tmVADFs0vrMXu5L6P0iV463GiPqMYjY+xT/fHYt0KfQ979xPtWmSzX09po91Kecz9RjLZQKBQKhQViqV7HKysrI69ja4/SWMio6LkneU3ZatUeZ/+PvAu9eE2VhKIyZvYclSSzzEyKiP2o1OvZOyLv4kwKjyTlOZKztpGxb0/TMMVqdT9YadrGVNp21TaXMVsyL832RQZt92q0ZloowO4t1Raol+lcL1rb52wfRN6fGaNV3wb1X4g8iu3/atvWtc7YndpkPV8OMha7TpnXqk0cz3Zt4XfdO7reXny92jvn7PlozBoV4GmAvHHZV28/RrG2URu2r3quPiu8Z7E+R6PnnqchiPqm2kC7D5TtKqPVknjeOV3XTWb32g8Uoy0UCoVCYYGoH9pCoVAoFBaIpSesINTxyUJDgAiqJrKUiHqsqrG8VH6RE0+W3jBylfecYKbUv3up9RrVyvQcaqJiBnOSXOwlyUHURqaaikIMIrTWRvvBS75PtZGqK71QrchJSPcO1aQM/7CIEvV7BSOiOVQThWfeUFXalEOdPScqtKFmFftZVBhAv/cKBKjKVa/rhcuxr7bGrPdq/7f3XKY6PnDgwMjkY/eOOkjxVcc6JwWjIqvXSkTPn8wpMlKxe85C2n6kuraqX12XaE1t21H4oLbpOUNFZi597xUIUIdNTcXozYkt0lHhPYVCoVAoXORYesKKOen/KFmpQ4l3TpT0YSoJPzAuIxWVe/MkS5WMVLL0zon6GiWJ8K4TSV+eZBkdmzlSRM4cWZgMMRVMbz/3JOOMlaysrGzvBy/5RBQ2RiaWOZhof9mux2AJtkf2EznwefuAiNJ5eqklo72jbdrraWk1Ta+o6fSAcYiOMlv93DLaKJwkSphg+8b5JAtRJuulQZ0DatJ0z3ilAZXRcu9kyXWm2FuUrMFrI0tKoc+iKOzFCyuM+hA5ogHT2giPLUd7UtvIHLeicEIvbJLrocxVnwWWBWfJjxaJYrSFQqFQKCwQS2W0NoGzSh3AuCwVj1FWmiW0V6idxQsN0rCXKL2ivd4UG83sukSWAk0R2aIz+0IUAqKY496uffXmZKpPnm0us/Xa9mwpNK+/EaOltMtE9l76xsjOrnvG2ta03zYo3l7HsqCIlahPgm0rkux1/3nrojZTHqsJ4b2wq4jJask7OycazqPz6rG/6N6LQjYs5pZds5o0tmP7rcxIWbVXCtFLl+nBG3PklzDHVjjlK+FdJ3r+REkwgDj0TO8R7/wo5HLKhgtMM1pPE2FDtewxmuDGwmpbykZbKBQKhcJFjqUnrNi+sKS5s5+p15i1A9njgNjrT6U4r6yTJsjQtH1zWFckeVkmM1VqLmPDDyeYOpIg54xH7TmaXCErlBx5a3sJ9r20c5lt1yYd0HWz/3PPaGEDj3lEKQkJTbDgSfGRpsF6NdoxWkTM1huX2p/Uduul0dPvdH69c6JkE8pwvXSKeo7XvvZDUyPqHGmieL0mEHvi81o2UY7XB56viQ7UxueliyV070SsTv+3x0aJJex3nn9ChLlewJk3+F6iDRQZc9XPI+aq+9x7rkbnepEa/I729+y5s58oRlsoFAqFwgKxVEZ78ODB1JNPJWBNFq22JmDMsCIvTS9mMIJKQllc6xy2GMXARfGsni1Irx9Jp/a7SHKOmI137FSKOQu1+WQSbWT7ydrmsdRweN7nfNVCAWRGp06dmux/FG/q2RZ1H0Te6BbKhjLbc7Tfon3v2Vuj8Xj3RMRko9J3HtSOp/suixrQPeTF1CsDzLQsPJfte+fQy5jfKZPl88feJ5EGTZlnlm4w8tLW7+13e7m3dU9EzywvNaam54yKaHjpNKN7OYrqAMbP2il/BiCOIdY94/1eaEGRRaMYbaFQKBQKC8QFK/zuxVRFUqcygDmZc6J4Rk9q08wv6lHoMRkiKpvn2TtU6oyyCHl2ZL2eMsyswLhK2TpOe65KzJEU7EnOKuVrHGcWjzxlo7Xnen3Q4gEq3XqsgZ7I2qcoltiuC/dMZN8nPJYa7QPvHGUQkfbD8wbVggBarF3L2dlzlMlquTyNebeY8li1axAVDlF7tedNO9fnwNurnje4akqU0XraMGViyvj1HrT9VW2VMksvJlZ9TaJ9Z8+fu69tH6NyeFFZyDnQ/eCNL9L2eZqNyMclast+Zp8XZaMtFAqFQuEiR/3QFgqFQqGwQFywogKe67WqatWhxHOmIFS1EKlNs8BxVaHMcb5SzHHnn4J3vKqZsgQSUTtz+hGlKNM599QxURiHp1rO1DtenzY3N1NVYZSwXFVFNnhd0zTqnOq4vGQQVDfqOd668DOqJNVRz1MpqvMgEalcrSpXTSPsK9vU5BPeZ1pMIHPk070ShbF5iVlUBc058tY62m8R1tbWRuGEnilCnWu0wIGd80j9r/PiqdajvUJ4fYzSJ6o63h4XpapUE5W376acn+YUiIjUv4QXdqNrGz3XvXM8lbS+j/bkolGMtlAoFAqFBWLpjDZL7q6SZZZQ2rYLxEm2M0TSoLJgL9FCJGFq2/a7KQnckyynwgS8+dRxRXOROVJEYQT6vb12lJYyC1uZg67rsLGxEUrxwHj+1aHOG4emTSTzm5PuUsMDoqQWnmNT5BDItizrjsJedM49hxZ1nFFmy+9tyBMLKfAYDX+Iws30f9uXyMlQ+2vHqfeePUe1FVbboeBzR+fPcwCMkiN4zxRdw6hvfLXzqN+pRiMqAuAdm52TJenw2vdCdaacPe052r5qJOcw2uje80LgIi1bFOLptdN13cNKCrRXFKMtFAqFQmGBWGp4DxC7mnvHqDTvSTtTbuFT5eXsMZFU7IUEeTYR+94L0ckYmf3es83o2PVzL7wnuo5KmJlEN8cOFiXiiF69Y+cgSxkXpRnUPeSFligbjDQCnsQfsTUyQyt1K8vWNJFazs7rv0L75tnZ9FWTT1gbrRZSmEqjZ1mTrrOye4+h6RyrZkoTZwBjG/eBAwcmnydq+8uYWJQAwfPPiDRZmuQk86HQsWY+CFmaRj1X1y7SgnhzEmnutM0srEifvdF7e45qefTZ74X0aR8y+6v6cJSNtlAoFAqFDwC0vXrEPuwLtXYngL9fysUKFyse13XdI/XD2juFGai9U3i4cPfOfmJpP7SFQqFQKPxjRKmOC4VCoVBYIOqHtlAoFAqFBaJ+aAuFQqFQWCDqh7ZQKBQKhQViaXG06+vr3ZEjR8Kya0Cc/SiLRZsTsxmdG7U1B1PtL8rJLJqb/b5eVIosWzddP43fy+KRW2vY2NjA5ubmaBEuu+yy7tprrx2N1RtzlJtVY2SzMWXl+qY+mxMfPoVsLc9nnfdzjzyc0mLevRnlxdX3tu+ah3dzcxMnTpzAqVOnRp1aXV3tDhw4MIqFnZN3O8v2lmVIOl88nNjy/cbUvj7fe+Hh9idrU/MBeHHJXiH7M2fOYGNjY6G18pb2Q3vkyBE8/elP3057p/Uu7WeaCo/neCm1eANFCcCzJOhT8NJ+aXt6nSzYnNAb2UsLpudGAevej1iUpjFC9qOpCQP0FdhJfHDy5EkA40T0l156KYDdiRHuu+8+AMD999+//dldd93l9u+aa67BjTfeuL0P9Gax12R7fM/0gkwgYc/RdqJav3PSv02lg/M+i5KQeAJJlqzDvvf2t+6ZLBXfnBq50fWm7i1NZADs3K/R6/Hjx0dtnzhxAgBw5513Auj33Ste8Qr3muvr67juuuvw6Ec/eld7x44d2z7miiuuAAAcPnx419g0DaWXDESTf0TCm1eLWdd7zrNK10X3h/dDFK1/VjRjqjCEl7wjSpmrr5pQB4ifUXOShrCdI0eO7LoO9wnvffsZnzX33HMP3v72t7vX3k+U6rhQKBQKhQViqSkYW2thonFgrE4kMmlGMaUOtFJUpO6do46JVOAe+4n6qMd4bEL7kpUaI/Q7bTdKEO4hYnWe5BypbqxESdgk8Xw/pTLN2D2Zhe6hTNLX8l1TZb68El0RO81U+pHaMSuWEKXLi/qcHUM8HFWu7t05Kf+yUo6aOlPni6zSMlBNITqlTjxy5EjKyKgNi+6tTFs1NVZv7iOtQaSlsP9HaU61bQtlkNF8zVlLTXtoz4n6FqXStfeTzl+UmtM7R+eN60mGa+8n3TMrKyv7quKOUIy2UCgUCoUFYumMVhNoe3YPsp1IwvR0+5FknNk9Iokokubs/5EDBV8pVXntRg46mYPBlMQ8xzasDMcrMK3HRs5FGevWPp0+fRrA7rJ0uqZnz54NWXrX9YXftZ+WFatdOCrMndkUI5bgJS+PkpJnTjK63hH7zWzmU446HqOdYrIeU9dx7oXR6rkZC4vKQGrpQK+g+RxG21rD+vr6yIeDbAfYWV8ew32lLM4rX6latqlk/La/UwntM1+NaE33Wn5yqo9qM59T+jKyyWbnamGXOfdmZK/mubS52+cES1ByrdfX14vRFgqFQqFwsaN+aAuFQqFQWCCWpjpura8JSfWhV3uVUEM44akWVVWo6jJt37YZOSxoG17NzaiWa+b2PuVkNccpSeuqZg402p6qgb2aujyH6ha+ajhD5pofhQh5Khrti4fW2vb+sde2oTpUMUbXympTTqm2PAeaSHUcOS/ZzzinkdnDm4tIZaz3kaf+0z2pqlzuZfudzkGkyvOulzk/6RiiUCPdO1b9p33M6tFSdcwxHj16FMBu1bHWt1XVtPes4hqxX3ovZSFbiinTi/0/CrPKVKtTzx1vb6k6XZ933v00FQKUqbe1Vu2U45bXLsH2+VtjTVZUHV9yySUA+tCwUh0XCoVCoXCRY6mM9sCBA7Mq2qs0qKEgnoSmTC/6PkPkvGHbVMcYStxZ++oAFiWo8JhA1JcogYVtJ2IHmlnHk5w552SK/NxjtNquOoqwDZuwQvs65dBipVJv7N5YLDS0wIL9jALts2xCESPzJHLV1GiSA4/16N4houQXto9RGIyOy2O00fiUcXh9jpg64e23qZCzzBFpdXU1ZbQHDx4cMRkmrgB2WBuvqevtaV2UwXKPR+GLmdNY5AznOdJF8++NP3pGTK0tMA6pjJyhPAdBb1/Z/njaF+2T3oPec46f2eQ5wM6ccF2pxQB2EtjwebK2tlaMtlAoFAqFix1LY7QrKys4dOhQKt1GYS+Z3UvbU9f8KBzHnqu2Ol4nS/fFPlJSVnis1EvS4Y3BSoLsg0p0c/KwKtNUu6uXICSS0JUVe9K92kkz+2FkR/Zgw8KifkdhUPq9p3mI9ohK8XZdIlaQMeso5Ej3vR1r5MsQpe2zfaTUroxWx+PttyhMRPtq1yDylyDmrDXBdj0bLZmKaiI80C+ECS+YbpHMlscA4+cB721Ps6bPJmp6ojFnNlrdS6o9AsZ5e6NQKnsd3o+Rz0HmX6KaO2W4WchbFBKU+eWonVzvKy/tqvpjRD4XDPMBdmzz/Gwv4VDng2K0hUKhUCgsEEu30UZSPBAneae047EFlbBUglTp10pKUXD+HEwlHfCgXqAcp6YAtMku1Bas18k8VCP7F5HZ1yLW5UHXjSkXVYL1pN8spaOOScfsMVodR8TutW1gnIqP7av3qT0mYiPefphKIOGxn6nUi5GnrP0/KrChjMMeMzV/mkwfGGs21F6Z2ceVDfG9FrWwsPdTtH+YgvGyyy4DgO1Xq4lS26x+ntlZle1G9tdMw6Wfc96sTwPnWwsd6LkZC46uz/W3zx21t1I7ol7InoaI52iSf93/mX03Sk5jx63+MRy79tmOn0yWr4cOHVoKqy1GWygUCoXCArHUFIyrq6uh9AiMvVMjFmeldkqmkT0qY07aBz13DlskVGqzkmXUF5XePMkyii9T9mWh3q0a88d5ZWpEy6DYbuS5nNnmtD2WzfMYgdpxzpw5M4vV2nZsH5RR8D37RJZtGZja86NCAV5coEr06mmpNifbXmTvVruk/X/KK9fbBzpf6hXu2fAiD3Xek3zl2nrzqfetagy8eGTev/QQtUUE9Dp6r2VxtKurq7j00ktx+eWXA9gp2Wj7oPedzsGcWPVI05CxN0LPUT8J2xct/6h7yLat90JU2lHXwPtO42r1vYU+PzVu3GOaunf0+eatr2psNEcD27dex5y/e+65B0Ax2kKhUCgUPiCwNEbbdd0uCY0SipVUKSXzuIhxWvsK7QCUZpQ9qlQ9J2F75C1nP7NJqe2rtu0hkha9coDaF2X1Htsi69DE7GoH8yT1yIuW4/FiYafsK2SVmVSasZKu63Du3LmRxG+ZH/vFMbEAPCVXLQAPjL2w1baosGtMKZneq7T58BjuUc9mGnkQcwxe+b/Idq4aD9s2rxcxCx7rsVJlTg888ACAnXuU8+rZaLV99pFzYtmqzp96xHOe7bhUe8HMYR5WVlZw7NixbSbLPthniN5DWqDCiwOPCoLounietpHNnP3g/Ni5ZR/4nGP/o74CO+vPz7IydTon+nzh+vD67Lu9JyL/G7XneyzV+z2w18kiTvSZrBoiO/e00d95553b51QcbaFQKBQKFznqh7ZQKBQKhQViqapj6yBEdSJfgR21Aam8pk2jGskLrCa0fmVUoMB+p23x+l5SalWDqdOLVyOTahcNReK5kbOUPYbgdbXv9jhVZ2nKv8gt3rarwd9ZIgZ1GmF6O66BhijZz2ztyPvuu2/UNtvd2NjY7gPVv3bvULVJVecdd9wBYKw6tufwM6oE2S5fdVx2H3BN6WSje5TvrZqUZg7dM6oK98J7VA2m86dqcK//6lCjTmx2Tu69914AO/N34sQJADuqY86Z3TuqJlWHN86ZnROq8jhfV1999a62PDWnOoRlzix0hmL7VCF7BQJ0HHyWeDVxOc/qlMT54KvnAKbqWDU3cG5t4QNVrevc8vrsjx1XlMxFny3e/lZzh4YmWnW67lWdI9u3CKrGj8xs9n9V27Pvam6z33EPZiar/UQx2kKhUCgUFoilMlovHMOC0qZKfPxcmSEQl16iFKrOFfY4dSBQIz0lTJvCK2KhGhrghS8pu1bm6TFaZaHqIk94zlfKctSRSR03gHEicNUEqLQK7LAcMiP2lcyW47ESrTpOrK+vh8yk67pdfed6kcUCwK233gpgzMDYJw34B8YMVpmyjssyAErEvA7Hylem+uPeBcaOPRqS5kn8ut+U4WliB7su7LeG83CcfG81CfyfziJ33XXXrs/VOcvuO2VZup+9pCE65qg8nt2jmva067owUcza2hquvPLK7XWwLJHQMLRIs2GfX5wPMn8eq/uP60XmDuw8T8iy1cGJa05tie135ISlyVU4diAueBI9h4BxAgx1FOSrXT/VUnJeeZ/SQZGw68i+2kQSdtyaaML2n8doulq9vyx4/x4+fLjCewqFQqFQuNix1IQVNo0epQ8r6WmYBb+jZOdJaJGtMiorZ6U2SqqUTnkupV8v6YAyR2XFlJSs1B6lZyPULmGPU0mVUprOlWVqHCP7QElS07Z59i+dY10vr4gC+0Spntfjew0kt/2PysBZMLyHc8H2aYcFgPe97327rsn5iBIJ2GtrGj21YWfhCJpkQu1Uds5Vc6LSuzIq20ct5RaVK7NrqfuX4yPT4HU8VsLvNDQjKvVor6e+DcrU7B7i/cLP2J6ycctKHvnIRwLYHbIXhdOtrq7i+PHjI5ujF9LEeSEb1bFbRvb+979/17HK2sh0ueZWG6K2erUb8ntqRew8KIvjM1JZnP1MtQResn3ATyDBcSiD53itVon7SOeA9yLfe89+fkaWz3Wihoi/Aba8IceqpQ85j9wfXsgTr338+PFitIVCoVAoXOxYepk8SheUQqw0QfuGSijKUq30GtkqonR3nveiSpaUrrOSagr1MvQSOxBqf6LtTtP32fGodJolWVAJnfOqCRE8m7fOtQauc2487z+VRjUFnD2H/aZk3nVdmrBiY2Njm+VQura2RWXryla9hP2aOEA1Dmpr9NLoqUZD7bmed2vE4jVxu9d/vb4yOa+PPFc9rzVBDDBOahGVoVQGaq/DV00846XrU02J2tU8b1reL9YTN9IWsUyeahrs3Kt3ceQte/fdd2+fQxs2P9M2CC+dIvuq6SxVs2b3t3oKc+yPecxjAOywXzvHnEvtm/qgeF71hHr6c9xkp+w7sMPu+Z1qJch02UfLTtW+yvXnHFF7Zb3cOQd6X1EjqUmMvGMf8YhHpGUW9wvFaAuFQqFQWCCWymgPHz488p60MXyql1cbj3oBAuMk/srElPlZCVy9P3ldMjMvBaPafNX+SunXSl6R91sUZ2ilUvZbvTOV0VhGq8m0r7rqKgA7EiXtKlkKPvZZS0/xvbWzqd1WPQat1Kv9t+dmxcZPnz69LTFzHHbMOrfsJ49R72NgXHJM406ViVmblsaMKlvjXrUMUxmDXtcrZB4V7/YYM7B7HjROVm3oXlEJrhXP5Rqqj4DGdQJjz+6oTJ7tM9vhXvXK/el12L5NMZmVp1xdXR3tSa9cZlSog6yV+8/2gf1mu5xj9W62zyy97zSumevh5RhQqAez3Tu0VWqKT51rj43rc5PjygpgaIyvpm3U9494xCO2z9V7T1Pb8hy7NlERGn2u2/tOfRyOHTsWemXvJ4rRFgqFQqGwQCy18PvBgwe3JRSyKstoKBFR8qFnmNqNrP1TpShKSZRSeCyvZz3dtI0rr7xy16tKnMCYnWmfyBaspHfttdfuGiulXXrSqc3JSrIE502ZmZZ6s2OnreKaa64BANx2220Aduwsnu2MthD1BqVUz3m0a8A5nSqh5a2bLamW2WjPnDkzsjHZMWvGLC2e7WUyUmZE5q+2WV0n2/+ISasdDthZO9VcqH3fXkc9UTXzmNpoPYbJ69J2Zm2Nti3b/vXXX7+rT8rCPPuXZuPiPtB4bvbDtqsFxZVdWu2FapVWVlbCvdNaw9ra2vax3Cf2/uR6aClF9SS29z77rbHiyo54b1iPZR6rNnKuk7dX1Y7IY3kvq3cuMLZHqk1WGaBXaF61LlHhCHsdzSWg99ejHvUoALtZ/+23375rTtS3xvMJiOZcY3Kt9zZhx00S5gAAIABJREFUvcErM1ShUCgUChc5ll4mj9IGJTwroWi+WLUTqjQF7EhFT3jCEwDssEdK13z1SuzxOoyJ4/Ue//jHA9jJikNpCxjbNTRTEj/3sp6oJ6fm7/SKqqvk6GXXseOz7WsxbZUKyXRtPCrXgKzjSU96EoCd2MWbb7551zjt2LUvylYsw1XPztZaGAvZWsOBAwdGErJne6Gkr96SmtfYglqQD/mQD9l17j/8wz8A2Mm/a220KvETWtTajklty2rHUx8FIM4epFK4p+3RLE68Puee17H2TY3T5LncQ+y7enba/nOeeB9xf/E+I+O1/6sdnHtH967933qNTzFa9ab34loZi00mq561VtOkPgZq91QPb+tBrOXrVMOh8e/2HM63Pge8fMyRl7HGXHtlSbmPNNsb4d1PqmnQvcP96MWlcw4+6IM+aNc5fPaqJsVrR8fjPXc4Bzzm6NGjFUdbKBQKhcLFjvqhLRQKhUJhgViq6vjcuXOj9GPWkE31AY/RMm5URVgVHo3/VO/R8E1VB1UPVGdYdYymJtQUeV5yBg3jUXWvLftGqMqE6kx1pPECxtlHXlcdKDREyB5LqGMBVWK8nk2jxnY0XIoqeYY4MIm/bdeGW9jrUg1kVYbqxr+1tZU6JaytrY3UmnaOuUZUU2qyAc/BjOpPqqse+9jHAgDe+9737jpOUxYCY1UW153OS3RSycI6OAeq5rbqaE20omEQqha00BR06myoqTNtH7XUoToKsc9WLacp92ia4L35jne8A8Du+4n7WxNzaAEOu9bqGJapjldWVnD06NFtpySv1KbuFe4hNW/ZsaojkSb956sX2kaoiYdz7KWd1DSm+rzh+luzA/9XU44WJlEnKWDnmaDPDr2u3d8anqShT2oWsGugZQzVaZVrY38veKy+qonJjot94/gyJ8z9RDHaQqFQKBQWiKUmrDh69Oi2lOVJ7xpQze80wN6GP1AyoeOKSl6U1nicld55rEq7mjjbczBQiTZyQAJ2pDF1EtBwHrIF6ySjJe54XUrKHJ9lbBpWQ8lOCwaQuVmplK73dGQhs6VjGENDrKSuErIm8FemC4xL9E05tLTWRon17Txxj2h4iIYAWOZH7QfXwTJ7e66GwwDjUoB0FlNnJS+5iibkVycVu984/14yfGDMMLwC45wLsm1l0PZ6ZBb6npoMsj2ugWVdbI9zwT2p4RaazN72UfcM+2z3tDrBrK2tTbIStsNXz5mP19ZwEM6B1Ybxnua5HKsmslEnSWCcoETDFz3thJ7D50uU2MG2p6FumnyG772E/Ro2x7WjJtHe01FheXW24lrZZzE/Uw0Ar8918xJysC9aTtWbE57PPmUlFvcTxWgLhUKhUFgglp6wgtIDpREbWhIlJNAk7NbWx++0RJNKpSoh2/YpyfG6tK9pALntgzIWvqc0lbEStXuo7c4rpq2hL/q5V9Bev+M5ZBxe8glNhHDLLbcA2Jlzsjt7joY0aB/5vbW7cJ24HufOnQtZydbW1q7QMK9gPUFJn9fSJBFaVtH2Re3GtC162hcey3bZJ7U5WnA+NEGJ2ky9wgCqOdEyeWrTtO2R+VPiZx9VurftUKuj6TzJHryUgGQfnHvuGU3IYBmGJr7QECH23d63Wm5vc3MzTXZy7ty50b1l2RT3MvsdpRC1/dbiIepHogUd7F7VvRGl87Tros8Msmxlc3YeNKk/+6qM2Suxx2ci54BJfDhv3r3HECZeR0OqtNiEV3aS59oUibbP9hnCvnEu+MzX4hx272gYVKZJ208Uoy0UCoVCYYFYutex6sO90llqy6T0RMnEpiYjtIg7oYmlrV2PUpKyHZVSLXtTW6l6clLytxK/sg5NgaY2InuuepuqR53H7pSVsj1+rpK7HV9UuFztR14QuJYqVEZrk4gTVoqeYiVqc7TnakIFDbDn55Z1q6QfFbsnW9A+2VdlbWrDA8ben8pkub+tdiLSgqi9XfeUbUcT9asGwvZREyEo2+Fc6Pfe3PBe1Hve+i+o572yfNUC2LHbfZ7Z2VprI1upt+fVVm6vaY+zY+Je1GeHlr70UkhqogS10VvthD6reA/Tp4LvPe2EPnf0+cq19eytqlHg3HOfe0knqClTLYvev146Rd2j6l1vr6daHkITBNl181JJlo22UCgUCoWLHEtjtFtbW3jwwQe3JT21TwK7i4ADY684SlUew1B7rqZEI6wErdKTSr1e/KSWANO0eRqHCoyZXhQzqGkEgbGdQ1mwJg63fdBYZZ0jLaNl29ek+Mp+LXNSiVUlZ0/y5LWtxD+X0apkDIz3jsaqaoy0/UxLLard3UsZpyXouFc4P16xey2XqNoBTcVp/9fUgVruy5PKlUGrPVRLCFqwXX4X9dkrZqE2R2Uj9hyNA+Z9q17CWZx4ViZPC797TFznUO25HsPURP16P2ZQDZbOi6ZqBcYFJ6gdIqO1vg46Ln2OqobN8yfgMbR/UvuhmhS7LuwDz+He0XS1ao+31+N8epozOxbbh8h730t/SUSpbBeFYrSFQqFQKCwQS2O0hJYG8wowq31QbWbWNqe6fUo16sGp7MpC7TZRFhzbDvtNCZMsm/YJz+6lTI9QidLaWVSC1PJsPNYrqaX2aS/TlV4/8mbW2DhPEuSxum4e61Jtwurq6mQcrTIyK+2qbVlt5cri7P/KTlV7oG3b75Q5azJ86/HIz+gdSclfWZGFeh178+b12faJtjNl9x4L5D2gRQr03tB9af/XbGUax+3dg9qe7l0vO5vVOGTaEBY0seOyY1cNGseqa2r7oGxUmVdUKtL2QZ93utZewQZqbriHyGy9/a1rphoVjWf1GKY+O9Tu7xUK4T5XjZ2WxrTPHV33aK94OQ209KoWo7FQD+iy0RYKhUKh8AGA+qEtFAqFQmGBWKrqeGtraxSyY1U+pPqRg4HnVBMF9KtDgVcfVGs5qtrMS9ivqjoGjKsBPku9p84hkUrZ9klVxZwjtm0dWvhZVDNXHawsdP48Zyt9r3OtqnBVxVlYh5NIhUO1cdYHVa1qUgPP+c62D+zsP3WG8ZIOaErHOYkW+FlUH5hOG1Ydp2ukatNoT9lj1VGMakdNCgCMizCo2SMKTbHH6H7QNbHjUzUmwXn0VNTqzDOVcGBjY2N7D2oxDtuOjkPDXux11OygzwydC09VHaXP1Fd7DJ0u+dzhPHHd7HOHKmFNtanPXnUqsn3U1LIZovs/ewbrMdo33d/enERpL70QpEhtv2gUoy0UCoVCYYFYujOUF/YQfafhAp7EFDGwSLrynGGUtakh3ruepgTTIG0v+NuTzm2bhL2ehldoOkov/EEdzZQpWmcrRRQu4oVmEDpPmoTAY/mKs2fPpk4J3nXtdSIHMC3NZR2ONJRAC0Z46S21P1FYmZZys/9r6TcbPmb7bvsQJRuYI6Er+1a2YvebFrHQcCVl+x6bjBKL8L23bjonXviQnuMxIwWdoTRczXNSInRMWgrR9kHDhTRsxNvzupaeNkKhmhI+d/R5Y6+n4TVEVMDB66NqJXTf2cQfev96YXH2ut766bNXnzu2r9Ee4fPPcyrzjp2zj84XxWgLhUKhUFggls5o1dXcShiULGhv8AoS2+OAMWvTtF96rn0fpQTTUBrLEihZaiECZW22j8p6IpuFMl17bS01pcXWrdRGiS5KkKFSqZdaLkoPp9e336m7PZM4ZEkCrCYiY7Sbm5sjtmYlZU2Qr4WyNZWlPVZLgUUp6zxGoykx9dVjmMqGNc2hF/Km4Tsa3uMlH9CkKlomz2MWWiZPQ900qYeHKZujnUe99zTtIeHNif0uY4Obm5ujdJtZSse9+FBECRx0Pbx9ENl5CTtP3KO0r2sxFa6Ll1xH10ztyF4KRh6r2ggdt9UQacpNDe/Te8NLwRhp4bJkJ1Exes+nR5N4nDx5shhtoVAoFAoXO5bKaLuu25aytCg0MJbO1T6QpTlTSV+ZjCcRqTSqXmwe09Sk5+rZ60mnXhJ075zMw1ITVVDC1MTg9n/1No6YmpUep6Q7zwM3go4vY7QHDhyY9B5Vm6nXnjJxLTLu2Xgiz8OMYUQl+3SNPY2NXjdKjWfb06IBaqecU+qL7bPkGRmIlyCFe4gMV1Nvegw68ojW7z0vftWYqLbF00TNGXPXddjc3BwlFvHKPKqmgfDmWNmU9kX76M1TdK959xg1aFwXMlf6hrD0IcsbAjusjeur4+NaakF4YOeZQZuwJuDwtI1sj33iMz6yh9vPVZuYPaMIZbJRghTv/rYlQovRFgqFQqFwkWOpZfI2NzdHtgVPUtWUcRrDZc+J4gwVKjkDYwlPpVD1gAR2pCX1yvTSwkV9jNLneenclCFrLJwn3av9O0t9Zvtuv5uy79rxcQ60TJba9ex1snhMRdd1u+Jstfyf/SyKv2PfbFo2LbRtr+e16a2p951tw36urFRts1o83LY/FT+b2fe1r9zDjMXkegFjDY3ad3UM3v0W3ZPemvMzLZaQtakMZUq7Yo/XewGI4z61T15Ce/XY1QIVnhZO5y4qJmDt5XpvnThxYtfr3XffDWB3Av3IT4DXp51an3/2GLZHL2fuVWpFvMIeBJ/x+uzyIjP0ORZpqDwNEecmiuawa81nFedryjdkv1CMtlAoFAqFBWJpjJblqlTatfYhzRKjEpnGSNpjVcKMWKqVeqLi6RoTaSVmSnge+7B98xiGxjNSAszKvxHqOagxiV42IZ0vla6zMllZYW8Fr6exluoB7sFqFTKb29bWVsjubX81zlPtN55EnNmB7Pi8jGR6TJY4nxI+pWrV1HjJ63XudA+p9sLT9nAd1Bud51oP3KiggmYTUxu7/Y7QefWywenYs8IS2q6dp+i8zc1NnDp1apu9e17AymCt/dZ+vhdfBt13XkEN3cd8Hngxo2SuapO9/fbbAQD33HMPgN1aHs0IRkQZ9+x8qn8F9w6Lp6gd1P7PVzLy6Dqev4Q+k+c+O4CxRkCfBcDOvGkWwEWjGG2hUCgUCgtE/dAWCoVCobBALDW8p7UWJm0AdtTIdAtX1YdXR1NrrFIFoeECc+pnqus6jexWlUR1hDqNqKrDM/RrTUl1RiA81bEmztY0YzYxfFTbU518NBmGPUZDgTQ8wqudGhV/8NRAWrt2CltbWyOVl3VOUSehyInLA+drKoGIl5xc07xpP7yUeF6CdGBnX9i9owkDov3tqU55LENBqLpWR0Tud9sHXd/IocpCHcDmJJPnZ5lzlUJVvZl5Y2trC6dPn97eZzxX017a73Rsqmr3xhIlN/HWRU02uoc4F3TYAcZmmTvvvBMAcNtttwHYSQ7jJf/XPan3nuc0pMVKNKUkz7EOUOpcqM+16Flpj42eGZ4jnf4uEFxbddyzx3KeHnjggXKGKhQKhULhYsfSE1ZEAeqAz7CAsRHdc5VXKVHdw71UhWxPGSzfUzKzJegIlWg1xZ9XzonSH6+jjNYLftfAcJVsvdAGZfFTjNZKiSqxRu+9RPQa0pCl6SO0AEKGLIE6MZV8ZI70qmvrOVIps4wYjNWGzC1AYNmk7lEtj6hhP175Qkr4ZEh33HHHqG96PXXimRNOpMfO0SYo1InRu46XBjTC1tYWTp06te1MRAcd26cpx0bCXi8qpRgldLFaKnXa0fAhrtf73//+0Xi49+n8RCZL2D0ahRFqP1SLBYwLYGgpUe4lLzxT94EyXE8Lo32Injd2XqO9GZVMtf/bZD7FaAuFQqFQuMixdButSnxZwgK1ExJeiIbaEFQiU3slsMMOyCzUHuYxM7VDaUJ6jsuyBX5H5sJQA2sbA8Yl8bxxqBTv2XM12YAyAJ0zy6DUBq1z4LHJKBRIbcVegom50uTa2trIjmf7MJX2L2NXygqJbG9GjFI1DtaOzPVmiMS1114LALj66qu3xwjsZinKCjS5Ba/D6zNVnz2X7dGOz8/J8uy6RCUW9b7NGKdef87nkYaA8DQeXpiXous6nD17dns/a4iTvbauHV+z5PRz97GXqlBLEvL+11fveqo580K19Nmg96eyR01XCuzs1SjZv9U+qmZOtW7su2pngPh5rfe1F9IVhcB5TF1LYS4LxWgLhUKhUFgglspoV1dXw7SHwNjjLNLpe7p9IirI7ZV74mcRa/Rss5TCNIG1Ju62LEG9jfmqXoaeHYKgpMo+MnGGMh17DKHzlwWOK6PRVy/B+lSyAc8TW22/GStprWFlZWW0Pt4+UM/0LCnF1N7JEtsreF31eLQMg2zz+uuvBwA89rGPBbBT+ozXtR6xbEcD+pWhcS6YKs+2R3ueJh9g2zYRvZZWUw2OspKM5UUe4HYfTNnZdCy2vTl2/a2tLTz00EOjJCFZkn/1BVGPe/td5DWvPhVWw8XniiahUdu2fVZ5Pi3Abg2GbcMey+vo+vCVmg67d9hfrjOvw75nxUU4Hs6NPhuVlQPjNIpRacWsTF7EZO0aaSGFjY2NstEWCoVCoXCx44J5HWeMNiqq7Um7/E49eeldqJ7ENu6Ln2nMo0r+WTk2lVw10bXXhyi2l+OzEpgWfI/67jE1jQ9V1uDFQlLiV1uzSu4em1CbsKaa8+widh9EDIV2tizxvH4WpVXMbLQ6TxpL6hVVVwmZ9lBtC9hZM+5NvtcSj9Z2pRK9HqPaEC8xfKTB8MapMbdElCLPKx0XsVFPM6B2tqiIgoV6n2elzrh3bKFvwPfOjjzsPV+N6BmhbFGLj9ixRd65fF54qTj1GWl9ALSPPFb3it6HZLR236kdlVoXbcObE0LzIuia2jnhsWqr171q50S1itFzzdM62DUtRlsoFAqFwkWOpTJaYOyJ5kmWKqlo4nQrMWshdtoS1HZJJmulNpW0tbi12hqAsQSr2Yo825XaZhXqlefZMrVvKvFZBqK2Cp3rqOC991mUgShL8q7neuumn00VFDhz5swottOLj9P25zAkZWJeGS99TymdDNBjLsBu6Zq2UiaC57la/MHadZVZqLSuHti25B33BGMeGZfJ9+yHzUDEPqkmRdmo5zmsnvdRZIFdK92rOi6PBavt7fTp05OMVu2E9jmgzFUZp9pS7bX1XH0eeHHnGgGhzyiusbWZal+5Tnyd4wcRZT7TvAHAzh7k8zTKYmf9CdQ/QddOy+ZZNs7/tViGeld7tvWo0EVWfGROsZT9RDHaQqFQKBQWiKUy2q2trbAYNTC28emr52HL/8lo1WbLV2XF9v8of7F6zQFjm4h6uHnxhey/9oXg9b1i0pTwKC0qE1RmbfukHqNRgWQvFlLtoTpOLzNUJGF68IpBR7aSrutw7ty5Ucxo5jmqr5l3s3ov6pjVwxfYsfWRQUYx3/9fe2ez28i1JOEk1X2NXhiG0Tbg3bz/UxmzHhhod9tANySKdzEIMfRV5CFtmDXQnYwNJbJYdU7VqWJG/kR6I+5ff/21qi5smHWOjIdVXViNmIVeGedKsVVlE4vJSh9Xx9cc/Dsd8+sycVcN5+npSCyiY6IrFiy4x2m1djxGy5pZHxdZKNe8f4feLmqPC2xZ6WPgK59lzrrJ/LWuVAut46cYJr1SXSZ7eq4yS5vx45Rjw3wVnj8+Q30breeu6iF5QJktvtI5p8dh2uQNBoPBYPAfgPmhHQwGg8Hgjvg/E6wQUiIOk6Hk4lCygLvcKEhB4f6upKaqFyKgKymVE3UtmuQWcTcMXWl0V7AMw0H3T+cyTlJoGgtdlavEICbb0BW+kt7rhMFTMtQtLkjf79PT0/K6dCLvK3GDlbvRj8PEk6rLOaVABt1znhylv+XCJfRdT4L5+PHjq1e5jrV/uX+ZnFV1cS8q2Ulu7i4J0D9jGKdrSJHKSeim17pL16ITuWA5i98ztwhVCHQd83ngcxO6ZDju18eVSuU6cK6pRK/q9T3BZ5/+1zxS278unEVXMl3YaazaliVvPka6oFnuw+egu5A7MQuOKZUxdi0LU3IpBUS+ffu2i/t4GO1gMBgMBnfEroz26elpI1ydkoa6ID6t7Kq+MTaD+YnRMqGhk4dMQt2yiGidkWH7cdhwm8XZSbibLdVkkWlftFr5t29D1pfYqY6tc022/VeE9leJSKtWfR2Ymp9KPvhK9p7EEmjR0qpOoh3duJm04ccT61CSkhgmk9Yk5F61lceT2AWFUrgu/G8dl8lkKaElyXImdB6dqm2SIVlQStjpmkGwZMg/c2bYsdzT6VRfvnzZyJ76/Miq/w44Xq47H39X9kQviF8XMlmW26QEI8pocp11MrVpPrxXVrKUfA4kIRbfJ/fj6EoFfdydFyRJfqZ7egQrBoPBYDB449iN0apEgxal++DJmjqWk6xDym+xmXuynOmvJ4OWZcZynKpLbIwCEoKzYDJ0zpdjd0uvE99fSeFxvIwrd4Xr/hmZ7Eqcn3HjW8T4b4mhcnse2/fbtUvs4jd+TMbiuK8Uq+vaxTG/wKHjce0ovqrjeJs83R9itr6uOJ+q1+wxlSX52BOT0f7JPoSV50HH43ojo/XjdfvjekjXTXh+fl6ykufn55dzmkrsNGeNm+s4lat1zyh6OlLuAeUbtW3XmtL3w+cny2/83GjtdK3h+LxLjRs4LzJZ92iwbIz3IOP/fg0Si09jXeX0sAQq5aIwb8WfK/fEMNrBYDAYDO6IXRnt09PTpjF7ygK+BrdQ9H1KdzFmmywistEkauHvO2h5Ka4mCy/FV7qm1szsSxYWLVZZ5smy7jKDGcMQUss7WvXcV2KTnQzitcbc17bh5ysZSMaQhBTX7Rgtj5mERDoZu7SuBTI9HV9ZwcoS9jir4quK52otdh6c1BibXh82NxBbrtoyPsa7bomlMxZ8C2NghvoqC50NL1YQY2Fszltgdi3aBMoAVm1zDK41FPex0ivVNQZwtkiWRmGHtL41H4o03CJCo88oMcp8Fh87G2t0LQTT84LPJLLe5CnivcZnF71zVZd7y70Jw2gHg8FgMHjj2JXRPj8/b5iZW4nXLNQUK+F7nXB+EqVmPOVaGzs/nlhqZ/H7cRiv61ijMgrdEmScuGuEnLLxuiy8leh7J30mpPhoJ73YMYSEv5L9t8qWFroGAYk5c0127RrTOtC1ZVar1oezZcUC9SomyRpJbwxApsSmFvTkpPwFWv5sGekeG+6vE2pfZX53cffOo+OfdS0xE8N1T9Aqxv/09PSyrRiNN/joGnV02fs+LuZOMKdCbNKlOFk7To9Dqs39/Pnzq1fGldk20/fH59y1DGmfh5i/XsnYU6s7Nqbo1kHKzxHIaLke/TvXso0950Hz0DVItcP3wDDawWAwGAzuiN0Y7eFwiI2Mk4JSpzCzanEm0DpjHV6qUZV1S1a0qhHsROuTaPmttYIphqr3umYGiTV2Db451sSGrzGJVU2sQMs51bNxLI+Pj0tGezgcNnHRFJcmo+ha4DmYFcnvpmYWzNjtlMiSGhZbNup/xUwlFF91YWCuZONj1tj0XWdqzCAm215l/pPFk8mymXfaRuC6XjWL11hWXhde4w8fPrSx4/P5XKfTadOe0+8nfca4dCdSn+bCe4wi+WqRWHXxWFD9qPMIVV2uobwgrKaQYtiqFSXnwyYqqdECm7d3Neb+N7OmOR+tUVdA433De06fJ6+StqFHZVVbvjeG0Q4Gg8FgcEfMD+1gMBgMBnfErq7j4/HYClpXbYPzdBGmRBzfv78KnZRY1cWF0X0npdnTzSSXCt0jLC/xudIdq+QBHdddlMm959vS5ZaOo/l16far/Xafr5KhulKbdE7+StlI16ygauuy78qRPJmjO3YnjOHJKTqeXHZ0HSeh+C45hK5jF6WgjCLF4+kG9lIduo5ZipRKgrpQAcVdUlkW1xuvV0poYoiiEwBZhTdWIQe6jpPgPRuBMHkvPVt439FNSherXzeVc7k72ffJRCffL13HGuuPP/64+Q7Xta43ZWPTvafnGpPvdB6ZJFV1Watc5yv3r8CEvU5CNwnBMCzIc+7nnuVJ/r17YhjtYDAYDAZ3xO7lPZ2Af9XFSmOyA7EqD/DjOZgMkb5LRpYk5LqkACbqeJIAxb0592tt9HzbThB+xWgpiKH3U6sz4dYWgr5t95qQSmY6SL6Tng63bjuRe543nysZF5k5mZnvW+NnIhvLU3ztkAWJwXJt+vpWWYiscq4/FvS7dCIZBEskxKT9GlDcgEk9bFDg66CTGO0SnHybTtIy3etJcKV7Vkh+UfcgZQl9bjw/q/uRLIpMrGuFV3U5ZxqTrrHmwGS5qsta4TomE0zlKkyoZDJUEurpmKyQ5Ekpf8oSuK4Bh8+5WwfpedElW7I0yROg6PF6fHycNnmDwWAwGLx17MZoj8djfffdd0uhbrI1lgkkNtrJGZJppHhrx1gYA/KCZ1pyLHeRJZjENzo5w66cKX1X1qHYf4ovdGPT+9oHLduqbYPnrvVdKpPhWLpyIv/MmxesRAfO5/PLuU2lYSwH4PjY9s/RlVeR+fs6IOPT2MQ8NB4/J4xVKRYnlphEVShiweNRatRZEOPWjG+l60+JQv7Pa+rn+VpZVBJV6EQ1Vo3fU+u0bu2cTqf6/fffX76jsXgZlOam8ZGBp/uRz6pu3encKpZfdbkeGoMYF0Uh/Hmn+50Smfo/Xf/OC6Y1SY9HyrvQOmMpUGoh2glwaIzaVveIt4PshFe6pib+N8uJWAqXnsXO1CdGOxgMBoPBG8eujd8fHh5erB5ZSClrsRNLSOIMK0u2auuvd0bDz8RYaOGkY+g7FCSXRFrK8CWz6GQU03fJtslOnN2RWZCZsUB+BcbiEiPs4rjMCvXjkRm9f/9+OR6PwyU5xU4uMR2H4xS660FJuarLde4K7Vct6MRueA3TOWamsMbAeLXg54ReCf3PWJ3H3zRXsiwKv2js/l2NhWIKq9aBOl+858km/TjdPZBwOp1eeSLEIp1h6tyK+ZDpJS8O17TGq2tMRu5jlVAD2/IxDp8kHxlPZba7gwy2q+rQNXDmp/eYkc0MId+DAAASWElEQVTM3nTPirHyPDJTWv+nsbABR4oV8/nC88d2fb7tHizWMYx2MBgMBoM7YldGW3WxDmV1uJ+e1hF9/SnzrJN3k7VDRuZWm+Jenz59qqqLBSRrPol7cwyM69xSK0q2w9izMyey7q4pg2cbcv9ksF0cJM2vi9GmOrTOyl3FkYVr7Pp4PG6s2iTfSUaUrkd3THoAyKacGTFe3NWDplpI1reSmSUpvE7UX2AWqo+J22oeiS2yfpLXu4tFOsh6GX/1806G1mWJpzWk/XWt6fS9r1+/vsxDc/fGDWJg9FLx/kieJnpS+B3N7+PHjy/f0f2oZx/XW2rlx7gt5RvZNMFBzwa9E2L5LkvJbGrto2uI4mNh0wyyyHS9ujpknvvUBpB1s7q2XOdVufHAxGgHg8FgMHjj2JXRumWR6rCYlUi2mmK3bGnVKUSlrDVZjrICZQFJsSVlq9FKv9a+Lo2bbIcWZmI0sta6+lZnMl12KzMTGQ/x7zJrlgzGj79iFD7mv4vD4fDqmrN22f/u4vudKpOjU7hKlngn8s84a1KTYuyKtbcr9aoudrmyypmN2dVG+mdd5jAZZ8py5rpiZUCqje1qy1NDkVTn3M1f9ftkPal1mq6H/meTgZRj4FnzVX19u2c5//TTT1VV9csvv7zahtffGSZzWsiu9b8zdao48Rwxez/ly4jdayz0viTvItm8jqtxsJm8v9c1BkieHNaqUwlq9VzySpNhtIPBYDAYvHHsHqNd6e8qVtLFCVd1bSslmbTPqi07JXORBeZj7CzVLq7j25IhdTqySVtZn11jj348jUnny2veHG6pd+eYzGnVJo/brNrk+fE6y1ItFllf7eeia1PWKYQlXMvO9CxJMhq2E0uxsk7Ptasb92On2LjPJyl2kW1dU1zzz8RUOw8Rm8j732SyK/Wva2NM7S2Zf7HymEhjXduI7ThbFAvUvcxYbcro7WrTu/aJ3hLu559/rqoLs1Usk2vY16ru/84roflI89jn0bXYXNXvM6tZ2+gZwvpd/47Ae0QKWHqV5jPn6t+ltneqxec66PJZfO7+DBlGOxgMBoPBG8f80A4Gg8FgcEfs7jqm+9STEjwF3pHcR8RKvrAqu39UtE5XMZsbuLsiian7cZlEUrV1lxOaH5sPVG2Tbjq3TxLb7tzoK3FvlpEwaa0T7/f90nXM5CJHkuAkDodDvX//fuM2T8XrXbLYCjyXPH9aO37N2b5Q65jJQ6vWhF3oIrmQu0YNKxEPgQIiQjoeE7S6RDq29vNtmNyzWo90/3E9p+9QhnIlDH84HOpf//rXJsHIS2d0j3Efej+Nhdtq/wwHMDGxqm+XKTAh0bfl9ea6933Svc1EN64z/y4T2jQmlSSxCYD/TVEiigWxiUPVVhTmmpxrVZ8o1ZXtOVblaffAMNrBYDAYDO6I3dvkrRqxy9pkOc+K0XZyiUym0L48PV1WmawoWumUIePfvj9ac6kVGEsXupKZVNDP4mwmE/nxmAxFwW4mraTSiU5MvGP0Piay35S8RNZ7S7s8trhKcoPEKvGHLLEbA9u9pc8oHJIEUsjOuHZWYxTIDjVvXadUgsTjs+G3H0NjooyemK3uESb7VG3PT5dsk0q16K3gfbtiaitheHlDNG55HpIoTJeQk4RreO66bdnG0OemMfCeStKSvA81D11LMcIkJKPvssSNa8nvldQa0o+rea6SobQPJpXyPq7aJmHSs5HuTc7rWimcj8lLqSYZajAYDAaDN45dY7SSQ6vaFjVXXSxwSrgly9v36a+ylpQyT2kvt8Ao5ccWWqng3i34NI/Uwo3lG0kGzI+3aqZMSbpVA3XG1chw2WygassWGL9KJRWMi3J+jPf6/pNQO3E+n1+JEqR45TUJtyQk0sU9WcCvVxcdoMgIGa3G47E5rtXOC5KaZnRNyMkSnJWxfRhFNOj18b81bjJavu/fJRPr4mypCTrFGroyHwfnl3A8HuvDhw+bNomrVpT0yKza5PG+6xod+LlgC0KWgrFRSdWFuepV36FIg4+Vzxcy2lUMneU7bMagses56/vrRCfEhilO4d/t8lVSE4vuevEZ7PPi789eGEY7GAwGg8EdsWuM9tu3by+WSsoCpjgDsxcZl/T3usbkjD94HIKZfBR4SLGErrUas/RSxiCF78n0UhYoLfyuqUCy0JgBy5ggs4TT3NkAetU0gTGhLoM5bXMtVnI+nzfZjIkhdwwwWe1dgf0t57iTz9T7GqOvVc6Z2cbMTajaNuVmzIxxqNQYm63aVvGvTmKUzbsTW+D55Lqm18lBVsJ8Bvckafwu8NJlHYvR8rnjc+7WAceWrktq0s7jV72eswQy2M5N+1B83D0olJCkMIraNibGl+4/n4PgbJxZ1PTCpLyLrhEEY7Wp7SQzk5mF3mUUV23j+Lw3/Z5IXsM9MIx2MBgMBoM7YjdGezqd6vPnzy8WJaXrqi5WjKwmWTn6TopD0eLvQAu0assgGJfQtm5ZMkOQrCExdVpcjDmv2srpeF2z9sS2yLIVR0lZswTZYmcNu0XIuG0ne+j7oFzau3fvrkrpsc3aLXXV/D/JzDG2Q8a5kgHsGpYz1uTbkNHR25Ik43icW6QKeW906zDVT3axWt0juicSM+jmR++IH4dxvVUcmfWYt2Qd63M2pfdjMh64yspNMUOO0/fta1/zZ+Yw62vTeqN3gnkYDt1bfM7Ro5G8PZ2nrPN0+X6v5RFQG8A/6zx39Iqk47BNX/IQpufntRad/wSG0Q4Gg8FgcEfsGqN9fHx8sbxkzbi1IUuETIPMwq1IfcYavc7ycwbNmK/G1mUD+7E1fjKLlHXI+ZBBrWJEZFlkPakWk/FCZkqvxP5pUXZ1s26hd7WQAs+VQ2P49OnT1bgJz5vPOWVQO26JYXbXI8WHOBa+JhbEdUA21DVC8Llym1syY7keBLaYrNqqErH2mow3ZXHzOnOMPm/eP4zD6//EfpzRrmK033///WYNpnikxsn2eIlNpRr09H/K0mesUtdU5zblhpDtdlnB/nxjhi3vAT5b0vGoP9A1fPG/+czw6+TzT3XwXX5HykEhE+d1oy5D1TamrqYT98Yw2sFgMBgM7oj5oR0MBoPB4I7Y1XV8Op02Aggu7i3XMV22ek2p+ZREZDo9RSeSm4Db0NXlLkomAzD5ISUyMI2+S75IyTKdIDtdx+4KY5o790tXkp9Dpu3TDcTyKX+PSQ90gV4r31kltDw8PGykA+kSr9r27eX1SOOmm7cTSEmiILz+K1eixkB3Kc9tStjq3MxEclV3CVssSfPPKOLCfssJnWAJ553Ke+iKZgjD10bX6CLheDxGmUA+N3x/At2nKWmGCUB0eaeQhp55ngjoSFKs3CaJm/g4Vu91Y0zPLLqVV2EAuuc1v044JYUQeN15jyaBlE4iNYWCuJ9JhhoMBoPB4D8AuzLap6enTbDboaJrWX9JuLwqs1IGvjsW6WDxcpd05Ra/xr+yjKteW4e0mLrWVinBglZZl8Djko9kZiz+1+dkoFXbRBayjyRhx3Or4/Fap5IgFwPoLEt5Q5gQ5nNelR/5/ykZilY6z19KhiG68is/f/ysY2apBK2Ti+Ra8nl3hfxsKrFitBSuIMNO5Ra8FmR7yasgMGErCSPws2s4Ho+t+H9VzyiZSJkE+/msoKAI5151SYLSs0MCFXy2pPl1ZVfJ08D7kGNflRWS0TKBLyU4svyS2/IcpedOt74TNEadA3ogue59f7eWhf5TGEY7GAwGg8EdsSujTU2wV4LgbAm1KspnKjvT+JMFzpgVY5qUDvNtOhH5W8otOhnHVDKxahPl2yZJuWuxWY7Zt2HrKTLQJF7fMbYk36jrpddVnETekBWzpIXaSXImltCJ35OlrhgUregkp8jrq3NMb0xiJ4zjMnafxE/o9WC7xFV8n9t0ZWar5hJko6mkj/sT22NjhyRykdouElo7bFiS2lgKOpaEXuRR8+00Th6f8Ugd17fnmqcQSxIu0TYaC+/D9JzoRHT4jOT2Ph/GTnVcnSN/NmqOvLf1Pplu8oawnIjrLK1vnRMy5lRyyXLQ8/k85T2DwWAwGLx17Nom73Q6bST+3KpisTqZhSwX/47ek9Uky0/W1DUhg6o+dpWsKI6py7R1S78TuqcllYrAGQui5b6Sa2Os5xaRA4Es+Jas426bFLujdbuSh1RROQX0UwPxlF3s33GvCtkNY7JsGJC8Cp0kZid+UXVha2IDycoWOmZOdB4PH1MXb13FaInOa+FjI+tZxUcpLtBVCXgTe3oavn371q5ledLIcpzlcY2Teacsdx1Pzx0yLzaBkFeu6nLdeVx6kZK4DuOeOhdqLpCuJc8lczTSs4XeiI6he4s/CnGwAQLXu6+dzsvCZ7DPj89Gnvvk5WBezsPDwzDawWAwGAzeOnZltFUXCyg14GX8UxakLK9Pnz5V1etmw9ofM8woWZbin7SMGXddWeB6T/OgFZUamnfZfqsGzLTKZAV27MvnTKk1gXV0Ph7Oh0whWdsdm+9YcdrvNfgcVgz5Wt2xH7drW5jaolW9Zt2d6LmQ5A0Z66XVnqQeO2bBtUSr3sffyUQmacYuXsh7IVUPkJmt4uICr1uSH/TPfX+rml7/3tPTU8vu/G/mkPB6OaNl/kMXj/ZWfoKeWYw/U2zfr8sPP/xQVdtKjC6mXrX12PBa8rqkc8x7TfMgW/Vxsw0eX5k57e91a1VI+QQCPTTJc5jY9B4YRjsYDAaDwR2xG6N9fn6ur1+/vsQqZAl6LIhZmGSWsp5SjWoXh9D/Et1O/vhOEJ5i1Wm/tJS7ekfHtTZ5PkayBIEMIGXwkdGSwSWWR9Ui7jNlgZLJdswgwbMbV8pQx+NxI9DuWcw8Zlc7nNjirU3jHdcUoRLb6tok8jWNsWOSXO8pK1PbMpMzZax3XhceP2WsM1+BNbf0pPh+eL34mpjzLcpQ+i6bISQPkMAGCmn/YpSqgRXEVpnZm7wvXfP2pICnzxhn79oz+mdd5vgKVG/SOdB9n2ph+R7vV+1T7Dw1YOk8D6usao2t81D6s4H7XdXv/5MYRjsYDAaDwR0xP7SDwWAwGNwRu7qO//jjjxfXcQpG0/3R9Wf0lHKBbojOLZvcZHQxMEnEXbldH1i6Z1OxORN1mIyQEmtY/kJXWurR27lE6Tbp3IRpHyx9SOPu3H0p3Z5CHyucz//by5hNBZKEm65DJ+mWJAo5Bu4jJY2xFIwJJ6m8JwlErMahufu46YZjYlUqRaPrk+shifzzuF2zieTS5b3XrSXfDxNZuP/kvl2tX8e7d+82wvNJAINlT3TL+lx1/ZWYSQEJrp2UpKbnjZcu+fEcv/3226vjah+UH0xlcpQs7URPfK12bl+u0SQa0iUTKnyXpBHliuc6Zl/k5AamW5nnYtX/eI/SnqphtIPBYDAY3BW7MdrT6VR//vnni/UmK8NTvLviaFlK/N+3JUuQdaMkAkFWlW+jsbDoOyWLMI2+a7/nVnbHYISVGAHLaXgOmEzi2zL5qUs8SckRnSxhKsu61lqPJQ9Va4GKNJbHx8fNsX3cZJCUNUzlSkwo6poLJAudjS/IZDVnnyfLGsgotE5uaXzAeyUllpDx0SNwS6OFruVhYqc8XieU4ixI11TnhOc6jXHFconD4RBbB3Kbqu2a7AT8/djaRs8VMj6W7vjfOi69LyqPSc8DJoj688z3yb99rFxLyfvCZ1JXVriSftWrEsboKfTzrXl0HqLksWECIO/FlMxK78HDw8MkQw0Gg8Fg8Naxa1OBx8fHjYW6aiBOOcUkwyWL+8uXL6++05WwpLR+pvezFMCR5P/ScVMbro790qJNzKlrjJ0E72l9dudgJcXYNd5O5UvXJBgZr/Kx3RKrlehAigsKFDchi1uVzvB8sS1aWifdXFcNCHg9uhaIt7R/45hSe8hOSrIr3Ujz4j25kuLk8RivpKfDv0Om3nkZfK6MTyccDod6//795vysGimQGSVGy/uPzJYSrT5nrclOpjO13OvuD4n4JKnZTuwheYQIXn8yWL3v4kE6b5o7RYMYb3UBEP3NBg7MCfFzpW3pMeH8kkhRJ4xyLwyjHQwGg8Hgjjjs1fj2cDj8T1X99y4HG7xV/Nf5fP6Zb87aGdyAWTuDv4u4dv5J7PZDOxgMBoPB/0eM63gwGAwGgztifmgHg8FgMLgj5od2MBgMBoM7Yn5oB4PBYDC4I+aHdjAYDAaDO2J+aAeDwWAwuCPmh3YwGAwGgztifmgHg8FgMLgj5od2MBgMBoM74t8OVOvt9vIsZwAAAABJRU5ErkJggg==\n", + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAdoAAAE9CAYAAACspaOVAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4yLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvOIA7rQAAIABJREFUeJzsvXmUJflVHvj9MrOyqquqqzepN23dEgKBxDI+5kgCS2ALAwfbwzIGZLFIwgz7ACObfRBtVhmBQGIHAw1IIDBm0SBjAUJtI3bJYEagZjHdgHpR71t1qaoyM+aPiC/fzS/uvRHZle+Vq7nfOXlevvcifvHbIt797tq6rkOhUCgUCoXlYO18d6BQKBQKhccz6oe2UCgUCoUlon5oC4VCoVBYIuqHtlAoFAqFJaJ+aAuFQqFQWCLqh7ZQKBQKhSVi8oe2tfay1loX/D3gHHfdMjs8F621z2mt/WVr7Yzt5+MNsh5brbVbWms/3lp7snPs81trP9dau32Yl3tba7/eWntpa23dOf7rhnZ/cTWjGV3/ptbaTefj2ucbw7zfsOJrXjdc92UrvOaNrbVbZxx3VWvtda21v2itnWqt3dNae2dr7bWttcOttScOe/r7kzb+9TC+jx7e32Tune3W2v2ttT9urX1Pa+3ZBzfK0X0a/d16QNc6MrT31QfU3vu11m5orT3V+e7O1toPHsR1DgKttX/cWvu9YY/c3lr79tba4ZnnXtda+8XW2kOttQeHZ+WTDqJfG/s49lMBvEc+2zL/vxnA8wHcca6dOle01q4F8MMA3gDg5QDed357tHTcCOCH0K/nhwH4dwA+orX2YV3XnQKA1tqXA3gNgN8E8FUA/gbAZQA+FsAPAHgAwC9Lu589vH5Ca+2KruvuXfI4FF+04uv9fccd6O/h/3m+O2LRWjsB4PcB7AB4NYCbAVyOfq9/BoBv6Lru7tbarwL49Nbal3ddd8Zp6rPR7/v/aj77EwCfP/x/AsBzAHwOgC9orX1Z13XhD/c+8Xx5/4sA/geAG8xnpw/oWqeH6/3tAbX3fgC+AcBvOG1+AoD7D+g654TW2j8E8F/QP8e+Dn2/Xw3gKgAvnTj3BIC3AXgQwGeif5Z+C4C3Ds/Rc/sN6bou/QPwMgAdgPebOvZ/lT8AHzX0+Z+c776sYKwdgG+Wz146fP4pw/sXon9IvS5o4xkAPkQ+e/7QxpuH1y8532M9z/N8+Dys6w3ne9wrGOeNAG6dOOZzhvn4UOe7BqAN/3/KcNwnO8ddN9wD32Q+uwnA251jDwH4eQDbAD58SeO+FcDr93H8SvefXPvjh3n9R+d7v0z081cB/CmAdfPZ5w19f/bEuV8F4AyAp5rPnjXsmS86577N6PysH1pz3HXms6Po2dK9AB5BL8V9xHDcy+T8jwLwVgAPAzgJ4C0AniPH3ATg7QA+BsB/B/AogHfZG2u4cTv5u3H47sXoGd3dQ3/+CMBLnbFsDBP/Z+jZ8N3oJaVnmWOeCOAHAdyGXoK8GcDnSTtXA/gJALcPx9wB4FcAXHmAm8v7of2g4fOvHN6/GcA9AI7so90fRK+xuBa9FPuHM88b7YPh8xsAdPLZlwF4N4BT6KXid8ha3gTgJvP+o4e2/3cA3zuM6R4ArwdwqbT9RAA/A+Choe0fH87rAHz0xBhuRK+9eT6A3xn699p97qEOwDcD+FIAtwz7+r9CbngA68Nxdwz7+SYAz4bzQ4v+gfe7Q38eBPBLAD4guEc+HsAfD8f+EYDnDvv6W4dr3TeM85g59zqYe9Ospfd3g8x1ei8Mx70I/X37PvSs+fMx74f23w7XvGriuE30z5pfcL77+qGNZ+pcBW1dOYzlpw7qXpX2b0XwQwvgjQD+Cr2A/HvDGv774bvPHvbR3cOeeieAl8j5R4axfrX57FXo7+dnon+2nhz25ddgEFSCvvBHVv+eN3x/J4AfNMd/wfD9hwP4T+jvkTsB/Jvh+3+BnsmfRK+l8ISnTwfwB+jvh/uH+XjSxHweBXAWwNfL5xcP4/6aifN/G8Bbnc9/H8BbzPsnodeU3jHsj9sBvAnAZVn7+1Edr7fW9Pidrut2knN+GL3K+Qb0D9EXDZ3cg9baP0NP99+MnrYD/Q/db7XWPqTrur8zhz8DwGsBfBv6h+y/AfAfW2vP6rrurwB8E/rN9zoAX4z+xr57OPfp6CXVV6GXVF4I4D+01i7qus7aGd4I4JMAfDd6dcmR4dhrANw8qBneDuCiYWy3APg4AD/QWjvcdd33DO38FICnAfgKAH+HXoXxIvSbYpm4fnh9YLC9/mMAv9TNVH8MNo1PB/DrXdfd3lp7PYCvaa19YNd17z6IDrbWPgPAdwL4RgC/hX4uPwS9SnAKr0UvsLwEwAcA+Hb07MOqh34BwAejf5D8FYD/A8D3YD4uQb8PvgPA16J/2AHz9xDQ7+U/Ry9QbKJXY/3ysFdpdrlhaP81AH4NwD9Ef+PuQWvt49HfH7+Jfm2Oo5+7tw+qrdvM4VSZfQv6B923D22+Cf2P7csAfOBwzF0AvjKYA5qDLD4DwJegF5Aw915orX0ggP+M/jnwYgCHh+OPo1+7DH8wvL6xtfYq9D+OJ/WgruvOtNZ+BsD/2Vq7vOu6+8zXnwngd7qu+8uJa7Gtu1pr7wDwkXOOXwKegP758e/RC/wc7/VY/BAD/b39U621za7rbpxos6G/L34U/dp/CnrB61b0QqmH3wXwfwP4LvSC0Z8Mn79r4lqvRy9E/QD6PfMdrbUnoFc1fwt6Yes7APxia+2ZXddtA3tMXD+CXl19Kfp9/rZhnz8aXO/90e/tPf3quu7h1trfoicfGZ6NnhQp/hTAPzXv3wjgCgCvQC9YXj18fyRtfYbk9TLEUu2vOMddN7z/APQPoq+U9l4HYbToN81b5bgT6H9Iv1sk0LPYK5Veif5G/Vrz2cdggrmgdwTbQL+g/8N8/k+Gc780Offr0W+UZ8rnPzL0eWN4/0jWzkH8DX39lmEsRwA8D/1D8CR6NnrVcMy37aPNTxvO+VdmLTsAr9rHfrlOPr8BhtGiZ6T/faKtm+Az2p+Q4753WA+qED92OO7T5Lg3Te2L4bgbh+M+ceI4dw+ZdflLAIfMZ/9y+PwjhveXDXvkB+Xcr8KYNb5jaG/DfHb9cD+8xrlHnm4+I5P/DbnOLwC4xby/Do62yXz/kcM82+vNvRfeMLy3DPop6NV1t87YV68cju3QM5R3DHtKNRkfPhzzheaz5w2ffb6zv1xGO3z/MwBOncv9mbR9K3JG2wH4uJn776cA/L75PGK0u/f08FkD8BcA3jRxnVB1jJjRfqX5bBM9M30fgCebz/mcee7w/lL0z63vl2u8/7DmX5D0kc/t0b097JU3T8zjnvvNfPcdAE6a+ToDR1sz9bef8J5PHjax/fvy5PjnDh37j/L5z9s3rbVnomepb2itbfAPvdrgd9EzBou/7IxU2nXdXeil8pFHnKK19szW2s+01m5D/zA6C+Bz0f+QEHxI/0jS1MejVyncIn1+C3pph9LTHwL4itbal7XWPri11mb0cd222Vqbs0ZfO4zlFPo5OwvgE7quu33GuR5eil7l+ksA0HXdn6Mf72fO7M8c/CGADxs8PD+mtbYflv9mef//oWdIVw3vn4de+FJv6Z/HfJxFz5r3YOYeIn6967qz0k9gsVc/GMAxAD8n571RrnkMwD8A8LPdggmj67pb0Ku8PkrO/4uu6/7avL95eH2LHHczgCfP3JfXoZ/Pt6BX5RJz74XnA/jPnWGiXa+p+u2paw/HfiP6eftc9D8sV6BnPO9qrV1ljvtD9ILmZ5nTPxu9mu9n51zLoKF/FsQH7L1X96MhnMKjXdfpeqG19qzBG/Z29D8+Z9GzdW//edi9d7r+1+NPMePZ+Rjwq+Y6Z9BrOv606zrrUMt9+ZTh9QXotX36W/DXw5/+FqwUw3y9E8DXtta+ZD+e6ft5aL6r67p3yN9fJcdfM7zeJZ+/V95fObz+KBYPLv79c/Q3lMV9GOM0Jqh7a+04gF8H8KEAvhr9on44gB9D/5AmrgBwXzd46wa4Ev2ia38pVLDPn46eRX0lepXLba21V078WL1V2nxlNq4BPzaM5X8D8ISu6z6k6zp6Vt6L/gf4aTPaQWvtavSqvzcDONxau7S1dil6e8uT0Ku+DwI/CeAL0QtkbwFwX2vtF9q88DDdA/TW5B64BsD98iMHjPdehru7QZ1F7GMP7aefXr/0/WXoH/qeR/+dGKvb1Qv0TPL5Bno7cYhBPfwr6O3WL+n2movm3gvXwJ//2WvSdd2dXdf9aNd1L++67nr0KuwnoTfNWPwEgOcPYSmb6O/DX+66br9hfk9BEkUx7NU94565f+fgTud6l6I3ZT0L/Zj/Efr99wZMqS57bHdd95B8NvnsfIzw9lq0L3l9/ha8HeP99EyMfwu8613mfHc5/N8NAMCwnx+aee4no/fX+Tr0Qt57WmtfMyWsHqQEpuAGvRK9NENcJccxZORr0G8iheem/1jwfPQ/Ni/ouu7t/NCRQu8BcPlgc4t+bO9FL0B8WfD9nwO7bPuLAXxxa+0D0DPFf4feZvwDwbmfj96AT8xhpXd0XfcO74uu67ZaH4v6Tweb2VQIwWegf/D+q+FP8VL0PzYRaAfelM/33CSDdPhDAH6otcYwo+9EzzqeO9HHKdwB4LLW2iH5sdW9l8FjMnP30FzwHrkKPbOAeW9x/9Cfq502rkbyEDlXDDb+n0Wv1ntuN7aNzroX0I/Vm//9rMkedF33fa21b8LY/vZ69LbHz0LvEHY5esFuNlprV6K3l78xOex29D90+tlBwNt/L0AvWHySvd9ba4cO6JrnG/wteAl6M4lChQSLP0fP8J8No8kahOOnItdQAv395zHUD0JvIwfQC3vo1eNf0Fr7IPTho9+KXjD68ajxZf7Q/gH6zfKp6J0xiE+V4/4cvb3i2V3XvWqJ/aFqcvfBOzzgP1GO+zX0bOVzETvP/BcA/xeAvx1+TCcxqF+/trX2Behj9bLjDhqvQm+P+nY4D8TW2vUALu667k/Q/5D+DXpbq+KrAHxya+3iruseDq71N8Prc9Dbf/hD9LFR57quux/Az7bWnotFTOO54PfQCwufjL1qWd17+8XcPTQXf4LeJvVp6J2ciBfbg7quO9laeyeAT22t3dAtHEeeht6Lfz9OXvvFa9A/4F/Q7XW4IubeC7+LPh77GH+sW2tPQW/3TX+cBtXw3cKk0Vq7Br3T2h7W2XXdba2130CvUv0Q9Kx5pIZNrncIwPejfz6+LjpuUIm6Au6S4O2/K9E7GC0TFM4vWvJ1/ht67dvTu66LnLNcdF33aGvtrQBe3Fr7NqONejH6Z8H/O9HEmwB8Y2vtKYNJA62190cvSH1pcM0/Q28a/CIkz3Rgfz+0HzZ4jSneYe1GphM3t9Z+GsA3DarSd6I3WP+L4ZCd4biutfbF6L0xN9E/GO9BL+l+BPob+DX76GeE30EvEX1fa+0b0NvG/p/hWpeYfr+ttfafALxmeBD8Jvq4uheiN6jfhN4D79PRe0V/F3ph4Rh6lc4Luq77xNbaJegZ+hvQ2yLOon8gX4b+x3xl6Lruv7XWXjGM6YPQO/v87dCXF6EXKl4ysJcPRu8UcJO201o7gt4m9y8RS29/iD5049XDup9Gn3hij2q1tfbD6MMTfhc9I3p/9AzknOem67pfa639NoAfHvbsXw19/tDhkMxTPsOsPbSPfj4w7J+va609jH7sHw7gXzuHfz16df6vtD770XH02pEH0WsCDhyttRejf8h8G3ozwvPM1+8Z7G2T98Jw/DejF3R+rbX2avQajxswT3X8WQA+r7X2BizCPt4ffcTBGQDf55zzE+jvvesBfJf3jBpwsRnXxej3/8vR2zy/qOu6d87o36rwW+gFsx9qrX0jeofRV6Kfw1EmuAPEzejvmc9trZ1EP+fvdrQb54Su6+5rfTar72x90qG3oH9GPAm9d/Wvdl2X+Vm8Er3a+adbaz+Ehff967uu2/VGbq19HnpB6iO7rvv94eMfQG/KelNr7ZXof5y/Ff2z7MeG865CHx3z0+j3+Tb658pFyLV85+x13KG3CdrjrjPnMo72PvTelW8C8M/geHSiV8v9ChbeabeiV9s83xxzE/wA81sxxMoO712vY/Q/9H+EXmr6n+gfIjdgHN+5gV4H/xfoN9Xd6EMTPsAccxn6h8wtwzF3ob8Rvnz4/jB61eifDmN/CP2P0Eum5nw/f3DiaJNjPwK97ewO9D/896F/uH8menv9dw+b52nB+Wvof6BvmrjOs4e1emQ4/hU6z+iZ803DvJ0e5vG7AJyQ9b7JvP/oYbwfE+xRu/eeOOyfh9FnvfpJLBJ5jGL3pL0b0f+QeN/N3UOjdYHj1YtFHO2dQ5s3YREHfYOcr3G0v4wgjja47ufK5zcMn294/TPfe383mHbSe0Huyz8a1vuvMT+O9gOH9v8IvXrxLPo9/PMA/kFwzkXDHIXrPcwVx7MzHP/H6DUEaYKDA7hvb8VEHG3w3cehj0M9hV69+oXoNVbvM8eEcbTBtW6e0d8vGfq8hXlxtE+W838PY6/3Zw3HfqZ8/onoY4UfRi9U/SWA/6B7Pejni9A7571v2CPfAckfYPr4PPn8evT31MPon9c/j71e0sfQq6D/DP2z7cFhXJ861S+GQ6wMrbV/i16FeV3XdQeVIqxQmERr7XvRs5XLu2lbdaFQKBwIlmmjRWvtn6PXXf8xeonxBehDA36ufmQLy0TrE+Nfgl6jsImeDX4hgFfXj2yhUFgllvpDi56CfxJ656Jj6DNpvA59/FuhsEycRB/n/Qz0avxb0Mcbv/p8dqpQKPz9w8pVx4VCoVAo/H1CFX4vFAqFQmGJqB/aQqFQKBSWiPqhLRQKhUJhiVi2M9TiQhsb3aFDh7Cz0+cK4KtnI15b63//mT5yfX19z+d8tcfoOZp6MktFOXXsnHPPpf2p4/fbx/2OZ871MvBYXctsbvTYrutw11134aGHHhodfOzYse7SSy/dPcdrVz/TV7tnps6JcFBrvJ+5jTDHt+Ig/C+8dYrajr7Tz+33/J/Pg+3t7T3vt7a2wusRrTU88sgjOH369Ghijx8/3l1++eW77bI9tj/Vv+ya+/n8XI89yHPPF/azH6M95H0WrZt3X/M5YH9THnzwQTz66KNLndBV/tDiaU97Gh555BEAwMmTfVIRbnweAwCbm32a3KNH+4xjJ06c2PP+2LFju+dcdFGfFezw4T7x0KFDh/a0xVfvgaufRT/wfLXf6bkqDNjF1e9se1mb3jnRqz0nEkyizzln2TFzfjj0oclzuZ523PogPXv2LL7iKzQ3fI8TJ07g5S9/Oc6cObOnPa65HQPXm++5P3gOv7f9O3LkyJ7vvB9l/TzaO9GcW+znR5ntqGAaPYj4g2LP4WdRn72+TP0A8r29nv6Y6TFcv9OnF9FV/P997+tTZD/0UJ/Ols+JBx54YM97oN8rwN69+ra3vW00FgC47LLL8IpXvGK3nfvv73PP8/lj+8V2dW69eYqeK7qW2f1zLqQgEzoV2geuR7TPs/ayc6YErIxcWcHHHqOCEdcKGO8v3X/cH/b5xmcGf1OOHz+On/zJfaXBfkwo1XGhUCgUCkvEyhht13U4e/bsrtToqXBUrUxEjMz+HzE/ZaeeunEOa4sw55xIsouk0+w6c9Wc3nUjadvOd9S+tpGpcqLrT6n/Iuzs7ODkyZPhvvDa5npnTHCKibMNfu8x2miesjHrOLzx6LHKWOeodCMGMWcdIo0G2+TcWI2UHqvvPdbN8/UcnSP7nqyGn1mTlIft7e3R88Z77kSqR08DEGmUonva23e63tm9NZf1ZlqXqXPnsO79PCOje0G1IsD4XuMr2Sh/Nyw71fYUbN9qsfgZNShHjhw5EBPLFIrRFgqFQqGwRJx3RjvHUSayndrvpuyQmf0zuo7HdOey4Dm2jGicHivR75QVe1Jd1oeoH5GUGEmcWXvKTqxkqfOYSZVd1+2x63lzr9e09lsLz3bOV7XrR3ZXbce+j7QGto/Re28NdU7VVqrXzdhQdK94ziK6dyLNgGejVfs7GajaCIEFU1Eo87Rzw3P4eubMmZTR2vO1j/q/7afOm92/ZFaRBi1ba9UKnAt033vPo4htE3NYauaDou1M2Wa98UfrrczW61N0L6ivgAXbm9o3B4VitIVCoVAoLBH1Q1soFAqFwhKxMtUxsNcpgWofq46ZqzK2agtV86kaMAu3iFREmRPEVLxupm5WzHGCiq43JyQoUhHux8EhUlVbROqXTEWlKuNMjdZ1Hc6cObO7pp7ZYUoNx2PtftMwoUgd6O0d7X+kwvXU26rGzJw6oj0SqQw9c4EeE6nIvbHqvE45HQFj1S4dT9T8YI+JnK4yVS/3wdbWVtqvrutSVTSha8j9oK/AOGRNw32i9bL/TzkY7icMRsfgIVIhe89VbS8KeZyjdlbVrbcGGi8dmSGy54+GLUWOdcDYoW7ZKEZbKBQKhcISsVJnqO3t7V0J1guaVtYUOTh5CRYoYfI7lTg9VhI5Ts0J6I9CQzKnlKm2PDY8NyGCNy5K2ZEjg3fu3FCnOcw2C3VR1rC9vZ0yfxtG4vUhcmjR/cHkFMAimQU/0z2TZSSLGDQ/z/a3BtZr6IllAFNJDZSVepoUzjHfa/IOb+9oAhAdg+eEx3GQwZI16Dx6jDa6Xz1Gq/O2tbU1eb9loW56n0fPFLt3+L/Ok66Tx/wyVm0/t2NS7YeXMEQxN6mF5+wVafV0vFnIm+cwZ8c3h9GqlsQmrND9FDlbedqE/eydg0Ax2kKhUCgUloiVMtqtrS2XmSg0dZ+m1cvCeyK7ipeOSyX6KNwjC39RGwLh5VJVSTVish5jj1iqNydTaRqz9Ipz7ckeo4uSKRBZCNLGxkbKoltrozRsHluM2vdYScRoNRXoHOavDNNj8V5YCoCR34LdS5o+UW2zug881h3dE8rYbP91DjQ0x9v3DMGasu96oTpMsajnZGFEUcrEOfC0VTpf3Bf6av/XOY00TXPC/XROvTAo3SN8P8WS7XWIyGZv+6vPXu4HL6XpVApT3TvePvC0FfbVMlq91/T5w2OnQgdXgWK0hUKhUCgsESv3OiY8L8nIYzhjtCpRRhK5J73rZ5k3JjFlZ5uTbJ1QlpixU7UBRazV9juyt2Z25MjLNfNU1uuo5JoluZib2q21FnokWug1o2QUQLz+ZCssYuHZK5XBaP+9qjOUsGnDJKJkJN4YdU/q/rf94Gf0qtbXjJVENlplVhZcF2WGHLd3X/Ez9im69+z95LHcKWaS+TTomHX9+Z4aECD2Oo60ZJ6WSu3cfPXskVp8gcewDfXetojYbqQt8+aE66NFXDgP9tiIxWeMnWPVV46bx9p5jDzUFd7nc7ylDxLFaAuFQqFQWCJWymi7rhvZYKzUo56hlJqm0pt536n05EltkSdilqJOpSgrdUZ9VHYVsZQsFjLzpIsQMT9tK4ufU7bl2WGj+LzINm3/t9eJpMzWGtbX13elW882F3l/Z8w/imsla+Dnug/tZ8rIeQ77atdSPe7VRquv9tgoveV+JPNof3nerYTGG3JulFnZ//md2tX46jEMZZGel7j2V9OTRvDirT0PW64pr8lynGRxmT0y0qxltnMdT2SPt2NVm2wW1z/lC5LdG8pkVfvjxRbrZ1F8uMdAo5J3hOcbwr5xz0S1i+0enZO7YBkoRlsoFAqFwhKxUkbbWht5utnk7ypBqk1JPd/YJrCQVJTtqH3CswuwfZ6r1/Xsn3r9LDl+xD7n9HHK7pllbIpi4TJ7q0qOkW3YYipJusau2XanPBUtVGL14nK1XWVitg8RC5mTQF2h/gSqSbH/q2ZDmay14Ubrq7bTrI88lixbpXqPQUee0GxDtQv2XB1XVOrPa4drcemllwIAHn30UQB773liTkEKIorRt/9H9mJlk/b/aC3nsEWFslV7PbVrRmX/sn2gxT103F5MbORBHsXIen1SDQ49zE+dOjU6J9LuZCxffSt0ruycaIGLVTHbYrSFQqFQKCwR9UNbKBQKhcISsVLVMTBORkFDNpC7jgNjdZaFGtFVtaZhPkBs2Gc/qMq256hKVVU5njF/KmE258RL5hEVR1AnrMzRKHIim+MEEQXi2zlRNbbnAKLX13mbKgrgfW/bi0LAqJ6iCtKuSxT+Eqla7fVUdTen/q1eT1WT6hxlxxElxohU/PZ6VEXrPuCcWBWeqnLZFx6j957naKTJ3FWFZ9dSHcTYV/bRe048/PDDAPbeA1milZ2dnVkhZrpf1aHNOvWoWcHOoTdW27aqjvX+99SxqkpVxzNPdTw3+QzhhZXp80yfP15KRFV9q7lB70k7rqmkPhn0t8X7nVi1ExRRjLZQKBQKhSViZYy2tYZDhw6NkjN4jgFRSImySLYLjJ2gVNJTgzkQp9xTY76VppU5qYTkMdoouX4kZXsGfx1vluRgygklC6aPgr5VWs2kew1B0eO8Y7MUjK01rK2tjRIgZCFGJ0+eBDBmAvacKNkAj6HkzXPt3lGJX0PSPC1C5FCm6+ExWtUoRPvQrgu/I3NgG7w3HnjggT3v7f98peMK2+B4lJUD4yQOOgdeilHdk3zP9fNYiTq9dF2XMh4v9au3d/iZF5qlfYnuXb1/PDYcpTHMigBEDkbKbO05bH8qJaJ332lIYpSQxXvuaHIN3kdcU35uGS0RaWo8zYAWnojSk9o+ZkU/lolitIVCoVAoLBErtdGur6+HOnggli4yW4K6a0+Fi2TJ/inlUCLzJEtK8mozzQKuVeqNAse9OYmKI2hohpeOMEr9SGQJyHVevfCKqXN0riy03SnJcn19fTR2y6Y4VkrJynqz8AeVmnmMtuGdqwkqssQimnxBJX1li8DY3s022Gctqu5pe1QTxDkiW/XCezge2kOVdWfhXhEzU/Zlr6MhVpx7j/Wwj/SlUH8F7cv29naacEXDz6bYo3dMlJrV0+5MpcL00oVGRUs0/MXObVSCUEMG54QERc83O/fsC/ezvup+t/OpjDUqfOEVdoj67N0Tei9kiXIOEsVoC4VCoVBYIlaegjGyYdjehCO0AAAgAElEQVT/VUpWO43HxKJyYSopeYnho0Tq6gnJMVhQKo0kWouIBaiNxpN+dRzqoWglS0qO6sWqEq1Kuln/1ZbmzaPORZZIYM4xBG207JOmeAMWzCdKum7bIlTiVY9qLSpgk8qrx7AmPVfWACwkcPUb4PuHHnoIwF5Gy2seP358zzjUb4F995IcKNvWBPR2XHpvaRIXZdaWVWh5suhez2zCvE5UBs5ex9p6pzQinCfP5qvnsv9aQMGz0WYlDgHfSz/yzo7s7944FF76Tt1nU8n+vfSN6vuie8rOiWoheIyybo7L7o+osALb0KRC9li956J0pfZYO55VlMorRlsoFAqFwhKx8jJ5lKo8+52yUmUjnnSrNlJ+p8W8NWG4d4xXps62DcQSXZRO0fZR7XZ6vYzlqUSpTNZKeipJPpZUgtrXLIZZ11I1AlmMrJVgM8lybW1tZLviOIHFXOrYCa8P/Ey9TMnw+D2Zrad9ibzCvfg/jZcli9PE/V4JN8Z0q7cv33tpLueWR7P7Qv0TIg/pLG2fshFl0Hadp+JoPW9x1cRsbm5OFlZXduPFgfNaZGTaN88jX7UFqv3gq72eMsypIiPed8pCPV+NqPCBatB4TpbaNiqA4WkX9boXX3zxnu+19B0w9lC297aFd05UtCXzxyCm4vcPCsVoC4VCoVBYIlaeGSpK4A7EcXeEp3NXiYTs47LLLgOwkKY86f2SSy4BMI6pyrLIqIejZnfypPYorkuv48VCqsSojFbtMIBf1gtYSKyaqN3a/9i+xhZ79mqCc6LZcZQ9eNLvHFttaw2bm5u7Ggj2we6DiOHrnHvnaEJ7taV65Qa1OPcc9q5Mlt6XhFcaTj1SlZ1wrb09q56pune9LGrKxFXrQ3i2Qt0jmgmIr971VFNEeLZnvV8juyWw8AvJWKQycN4fyto81qz+CXz+nDhxAsBifbxYTs2ypF7A3l6Nij7oGOz5UaGQSONhx6W+BmpvzXxs+J7PF10n64vAdunlztcHH3xwz/gyDVGkCc1+Lw4fPrySWNpitIVCoVAoLBErZbRWcoiK9HqfqcThla2j5MjyWuqtS8ncy5xC6YlSm7I4a/dSiVvtataDU/urrxHrstK7MuWo1F1mA9K4Q7avuaUtOGYe43n6KqKyWN7cK4vf3NxMM0O11nbPUWYLjLPRqOSdMU22R+2HsjdPa6BerGyf+4/9Yayq7Ysy/cgbFBh7nirL0u/t/lTmHzEYL25XPcjJvjkGzpXdq5o9Slkx+8aMVPY6eg9EGhV7rD0mi8Hf2NjYvQ774HnaR7Gx2ld7vmociEgD4bWvPg3q8Wu/Uy3MnH3O9vV+9+KDFfpMimLybXu879kX1aSQ9ds503ub80rfhHvuuQeAH1etvyXZfaXzZPNgLxPFaAuFQqFQWCLqh7ZQKBQKhSVi5c5QSt2tSiUKHfCKCRBUNVx++eUAxupRhXXYUZd1VVOpM4n9TJ0PNIDfM8BHKdAILxG9qpeyhAiKyMlLA8Y9BwqOw3PmUKgT15wwIk0PmBUVYL+0dJ9dF11vVZtzramKsv9zrFoWka/sF00MFuw/VcZ8pcpYHcTsdTTdoOdopqpVDe+JQjWAxfzwerpnvMIeXH868/DY2267bc+46KRi1X+6V9kW9xf3kl03jl1NI6rCtnMTJZz3QEc6Qh3feAywUEuqw6bnpKaqYlWPeun/iLmqY29/6z1ri3JoH6M0hlFBF3s9roOG2+h6WXgqb288NEPYvapOcTou3lfe/tb3+htj10CLgKwKxWgLhUKhUFgiVsZo6WafORF4Sfx5rv3cSrBqcFcnEQ2a9xJMR8W0vXJskZt9VFTdwpOmbVvZnKgDQ5Rk3P6vzjeR04dFlEZRnb6yIgMqjXpMNUt8EMGWKwT2SqVR0WllpwzpAhZhBzq3kWObHQePZZ+uuOKKPX1iP2ywfpTqUSV8u5eiZCBaXIBtW4cd9i1KBOOFQ2j7vC41RlnIkzIoTf1JVuqlbWQ7mmhfma393wuHU5DR8l5WLYX9XzVaHLtXEpD9UiehKFmLl4BBHQyj+9Qbo4YCealRVZOm49Xnnu1jpNXT63ppFNUJSQs6eAlAVJsXJduxoYj6zNdnfJSG1X5WRQUKhUKhUHgcYKWM9uzZsyNJyAbtq2t3FNpiJTRlrJQ+aZfKmJOXjs32jcgSLah0mJWri5KIK3O20nvElNU2N0eyjGxZXso/Qu2GHutWSVyv5wW3e4UcMsmy67rdedGwIdu2MmOyuijxgneOskUvAYgyFq4DbZievVX3oLIRDfC350yVVPTCSHSsUXpIO362S3u02inJ0L3C2VF6UE2M4SVXiZI1zAknyxittuEVF1C/BJ1rL9mNXlOZsjKyOTZB1XR5tnP1J1EtQpbSVveZPv8so9VnSLRXvTCpqX1HePdTVFzAS0upmihNAeolkZl6Fi4LxWgLhUKhUFgiVup1bEsSZbY5ZRSZh5/arqKCyF66tqiIOuFJzFHaRGV1VmJWSVWlRQ3W98pjRWXRvD5OSZ+RZGuvHdnJPc9CleYjqdHzMCembCUsleedCyzmRRks33uenGSdKvnqGnrXU5uSplNUW6Y9RzUmyg61JJ53bGSj8/wXInuh2lBte1GaUGWYdiyalpIeq2or89idl6wF8LVO2sepggJnzpwJk8PY//WZpO16xUV0LSOtRZaYR/eK2k7tZ3qPUSOgbM7rS3bfA3vXRf1JvDJ19rr6f3SMhZdiUvddlPrRnu8lobDnZFpGe61lohhtoVAoFApLxMrjaFVS8aSdiC16pckiiT5iwxZenKy9vpd2TKUk9dL12tQ+eDGP3vfAuJA9oVKvnUe1D0U206ywg0rikRcyMGZkEaP27ONRAQkLeqxnnt3qIao2Wa80V1b+DBgnbvcYucZcZrZ6tevruV4xdTLliJ1Gsdj2f9072f4mov0Wed3bz5QxRxoc25fIj8ErHcg1JXOe2jtnzpwJtQgeoufNnHSxU7ZG227UlndPaJ90r3hRFVFBCiIq8ej1YU4KVp3T6NnhXV/7onPhrddcr2ovL0GmrVoGitEWCoVCobBErJTRMjn8nOPsq9pXPalK21WJ0pOIIjuKnmOlUc0Aox526hXoXVvtuQoveb3ndee998ajUqHas+18Riw0Yji2Hb1uVAAh6ncEspLIm9GOKYrh82KwVdOg0m7GMKJCAFlBDC/WERgnUPe0BarZmGMD1DJsyqC9PiuLV0aZjU+P1T5n2gvVEJHJe+wv8h+I0HXdJOuN+hVdN2JC2Z6fC0/TpAxsystZ/wdiW3C2v/XeVk2Kl7A/eh5Edlj937breXzrMfo7MWetrSambLSFQqFQKFzgqB/aQqFQKBSWiJWqjtfX11N1BT+L1DKZY9OUGng/qhxVIVrVMUNCojAYT1UdqRe1z3NCdXQcXgpIndtIhZOpf7TPmVpmSmXjfa99nFLfbG9v7zrZMGTH9lED9nXsnjPHlCOEhpZkNX8jxz0vSQehaQF5rK1hG+1j/Z7wEpdoaESUitGez3M0zV1kHrD/q2OYqo4zp6LoHvccqIizZ89O7p8sAYaaVLJr62dqzpqTSjQyw2QOjoTeN7peXmhg5HyZrUvk/KbzZ99HzwE9J3uGqFo5Wzd9bkZ9tONme9bB8bGo9/eLYrSFQqFQKCwRK2O0rTUcOnQodTDJ2K6Fl5psilHMkTQJleKsA5QGt6tzgBfeEbm9T4XS2HO9ZOi2H3PCSRRznJTmBKHP1RZk1+m6LmQlOzs7OHPmzK7UzoQOnvSu66xOS5aVasKDSHuQpe+MkgFE4wRihzoydpu+URlT5OAWOSvZcbL9KHEJME6AoM5R6iRl9506kekxnrZH7yd977Etbf/MmTOTaRj12l7Cgijk0CvpGT3H9sOOomcXx56FXfG6XNNIEzUH+3EuzRJ/TIWTRRoO7xhCr+OF6kw9T73reNq8ZaIYbaFQKBQKS8RKGe3a2tpIF++FaGQB4npOJJ1HLt+Z3SMK6/FKgUVpFdW2YT9Tu0PEfjI2HNlBLFNTFqLtRyEi3rGRpJnZxLKkDTqOLPzKXsuyQI7PK7dG6LU9m/pUarpMKzKlMfHGk6WEA8brZY+N9kEUOmHB+4qFzTXpgZeWNCqDqDZBLwVjVA7NS3KhBTXYxyzRCNeQ5548eXKyVF50j9sxZ1opYH++DHqc91m0hzzNlt6rao/0wmAi7VT0PPLYYhTO46XvjMap7zMbfaTdmwqJtMh+P/Q5XYy2UCgUCoXHAVbqdby2tkgcr6Wb9DiLTEJRu9oU08ikqSjdV1ZMWSUur42pdHYZW6TUzlctfu7ZaCPP5P3YWyNv7f2w7jmY0l7Ya/DaTFZv5yLSMMxJ1K6FxCPGnyW7iBi1l2ZOmZJ6jmfJ5KPEAd5e4pzoXGRJVzR1aST5e6lG+X/06iWA4Th4jNqRszSoc1IwttawsbGxu2e8NYieEZEXq+3fVKL+jGlGUQfeWirDi+7p7DoRc/aewVGiCt2rdi3neE1HmGKumY1W5yTz8dExryJZBVCMtlAoFAqFpWKljNaLufLY4mNJYzYnDdtUW3MSaUd2zcxGFCW/jpLxe2yYkr7GdHqlwiIp1/NiBHwpcWru7edRcvIsablni4nWsOs67Ozs7M4L2QnteQBw4sQJAIs1U5sl2Y8XK6n2qIhxeOkGM01GdB1lFmrvyjy6o5hELz2pSu26vzkntuA300BGqe8ir/fsmDn3hqZc1JJ7HqNlv6diIVtrI4aceTErMg/ViPFHzzL7v65plqJQ2XW07l76Vr5qSkyvYAOh7FqfhZ6/gaaBjLSWma1Wj5nya7CI8gRktu457R4EitEWCoVCobBErIzR0nOU9jDPA1FtOnPtd0Bsy9pPnFtUCN7LmEJErNTzjI5sl/uRLCmRa2ynnceIoen3njQXeRFm3npRjOcc7UH0PgPjTMlsbb9pt1UJnMwoyyalUAa6n5hBz5NT2Z966Xp2o2hfRx7TWUEC7hGNlbWMlnOqJdb0Xpxigbb9LBZS7bdRDKTVFLC/Ogceuq7D1tbWKO7de+7M8TaOxjhlD/XsrRnzssfZPkblQL2+KqPVWPwsY1P0zFAbqpdjQPfzVKy5/Uz3lTJoe67On95Pnme0Fx2wCjttMdpCoVAoFJaI+qEtFAqFQmGJWKnqeGtra5TOzKpLInWRum97qoAoZdscla6q7FSNlSUS0Dqaqq6x7c9xLIqO0zngq5ceUJ2eNAlBpAa0195PWjM9N0oE7jmgzAH3jqo6reo4crzQRBVznGCiEIBMDTyVuMCez35rsobsOvrK/RaFbNjr6H7gXDBhhVUdq1PSxRdfDMB3DAQemzOJp6LUddN9blWUnmoyure6rsP29vbISS1z5ouS7c/Zs5EzYZY6MEIWVsT112eLPYdrps+mKCmE92zUZ6A6YXl1XfVZFYX7eNebmmu7jlPhZNn5WbKeZaAYbaFQKBQKS8RKUzBubm6OpBwvoD8KFM+kj8hZRyUwjw17jiT2vWW0apyPAvttAoWopJrCc+6I+hgl1LbX1nmM2EfmBBG9t4xtKnhf5wwYM8IpyXJnZydcH8AvaWjbzcJ6lO1MpfP0PosS59s+ki3yldD5IQOx/7NPZKGaPtFziiNTjTQYmorRHkuHs4hBad8torX0EtETmjZUHVxsoQW99lRoz9ra2u753rXnapqylH5RCJDOtf1M9506gXrMTO81DdnxtCE8JioD6DFsvYe9sCgdg6asVS1IxMLtMXrfqGOT5/QZ7QNvnr1Qo1Ww2mK0hUKhUCgsEeetTJ4XOqNhCIo5Ac4qiWXu8FFauYydqq2Cdk9Kawyd8NL1ZaEY9jjLMKLwgWi8Fio5ToUTWERhJR6iccyx59qwgSnJUlmb3Sc6JmUFWUrEKAwhSjRiMcVkrR2ZTFZDaLKUeMpKlJ1oyIbnT6DQcVqJX/fqVBKZjCFOaYyA2L6myTS8Z8KcZCd87hDKmC0iu91+0qp6fYuge1PZm22T6xIVevfuNdUKRHZjr4/6GdvienjJTqI1VDbshflEyTs0BafdB5rUhH3R8XraN73uslGMtlAoFAqFJWKlKRhpL+H/gK/jz1hvBNXTTxUXsOdEtmCP0arNRRkt2WjmWakSnaZPsza6yJapthkrqSnb2E9Rch1ndGxmr9RxzmHFU33Z3t4eSfWWvelnyn69BPRREvJIus72obI22gStPZYSt15P19Im+VdvarYbJf+3iFivBv97Jeh0D2miFI/l630bvdp1UxusMqY5hdozL1OOU+3D2TmZBoPQBA5z/TDsuZH3sce2I9YbFSaxfdPrzdnfeoymPeWrl/hDtSo6zimbse1TVHrRfvdYEhxlRW2WgWK0hUKhUCgsESu30Ua2NGB+4WgvzVwUh5V5Ms/Vz3s2jIgxZ57Dkb1Y+5HF4CrLzuwQKu166ef0+pntzeur/UxZVpZYXfs6lUbv7NmzIy2ItQ9pWr4ozZznlRl5kmcsRedU2QP743nLsgCC2l+9e4LMQW1xZBiZHZTta8pF1QxY6HxpSb2Ihdv21Dan7MQyHmWwHJd+7jEne90p/w291zLbcuS57u3fKK44i6PN7MmAH6Oq80AtBfeHp2mISinqfvNKERL8jPuY/fC8uKN7TbUI+sy2Yyf0uZ1pNhRRWxb2uVNex4VCoVAoXOBYGaNdW1vD5ubmKBuORZRQWtloJr1O6en3Y8ugpGeZk7JqLTgexcjZY6NsP549OWJm0fXtOcoSoyT53lxF2Z08zEmkPufcKbuW7gPLPLyiARacC28tNeMY2YLGRnoJ2/UYldo9JqPnkMVl59BuH8WzekxN944yd7ISj8morVvbtPNIRHZxtdF6mag4B8qcPDus7uMzZ86E+5TPHdUAzHmGKLxsUqoV0b0/xwYYaX6yIiNql/QYbVQQgvub71UDYc+JrpfFREd+MtE+tO3pb0DUD29cEey67cdP5SBRjLZQKBQKhSVi5TZaZVOeRBHZZDMJZsrb2PO8jeJo1QZo7WzqWReNw2OaapvV2EhPgtU5iLyoM6au49M2PPYd2aW8z6e8ijO77hyo13Hmse6VmrOw9u/IJqtr6sVgR1mwlB3aNeB+uvfee/f0P8qKAyz2BnMOHz9+fE/fdJxebLGyQrWzZX4LEYP27Ml6rsbAehoi2hiV2aqN1ot/npuD2NrhPHt79FyJNBD2f/XgjvaS57MReesrSwYW66Brp32z50TZnBTeWhKRTdu7f6PnizceRZTFzmO/0XXVm9/LyhU9z5aNYrSFQqFQKCwR9UNbKBQKhcISsdKEFRsbGyOXc08dE6kP5hi/o8QKnso1SkatKmSrOqbqZkodYtMoqvNOlAh8Tio0PXY/AdeRw4HXPhGphb11ixJjeIhSS2bQcCXbJ027pqomDZYHxuo9TX2XlXTMEqHY63lJ/h955BEACzVpljaR144ci9TJx6rTtUwe21BHoyxdqIaE6D6w11PVoYb1eKYY/s9XnRNPdUzYBCCZ8+Pm5ma639R0Et0fmaMZofvB2yfR/ZI5Q3Fdjh07BmChcue8ef2JUspGTn6ZYyVf9Xq2j1Eilsjs4CWPUaj6Nwsnmuq7bce+r/CeQqFQKBQucKzUGWptbW3EIjJniiknBe8cRRZyMpVc27u+sgG6ylMio6Tp9UvT50Wu+VlihznG/CisQ7/3mJo6JUROZva6XvH57LpZXz1w72gYjm1P0xvqMd5+U2ehyPlJw728MUepRW3CB03goCEt3txG5dfmpGLU9rk3dV/YlI9ahi9i+5kTYxTG4SWiV0aryRM0YYbtk9UUZYzWpmAk7HtNxZkVAiCi680JK5xistn5PJdOcTouu09U6xVpezKHLd13yv49tqgsNCpO76X+9Bwz7TnRte11dH94yXzssXNCGM8VxWgLhUKhUFgiVmqjBXI7RMSIIlut/UzfR+Evnlu/JhmI7GF6vv1ObbeW/ZA5qq1Kx+MxQ7XnRlJvluQ9cn/P2owkV8/Gpe1oe3Ok0YxFdF3nMlHvfM8Wa8/xUjBq/9W2xNAKLwl6FLjv7VW1iWYFAXRc3Dtqd9Xr2T4qc46Sadg5iUoGavhUdj9FBc09lqoMNmK0HlOz9+t+UzBmviFExK48TIUTerb8KDQwC0vRkBn1u/CuE2lbsmT8U5qzrNBG9JzRvs7Z91k/tH31EVDtlv1ujibtIFGMtlAoFAqFJeK8MVrPi0wRJazIgtej5BaedBpJ2lqyy0o9Kp0Ragv00gNGKdHURuhJpco+MmlQbWNRObjMS3hqfTzbzFRyi8yeM4WdnZ3UMzlK1ZYlg1CWE5Xtyuy7iihoHhh7d9KDVPeuZ1NSezr3pvbNG4PaYqOSgrYd7lndI3P2qs61FhOwjFb3aJTo3rOpWmaW7aOu60bzaO/PzKOe5ysi++pU8hYgZl5ZP1QLoik59Tivvei5kPnLRCyf39t5jOYi0i7az3Xfal89hjsVEZHdT3b9yuu4UCgUCoULHCtltNbr2EsPNsVGPZtSVHppDrNVL1CyBO2bZ8/RNIoqcWa2Z/UkjUrh2f8jqcuzr6gNS6XCaCweIptcJiVGNuApr+PMk3Nraytl4No215Lrk6U3VO1ElEbP2kUjj25llp53toLjoS3V9kcLUejaZrY5Qj0tI3ui/UzvH23f8ydQhhbZW63XsfpDKNv22NZ+C30zlhZYMEBP4zQnykHHOkc7FJ2rpQ8jm6bXvu4l75wowiPSUniMNkoxmXn0TkUqZClfdRxz1ji6B7wSnF4a3GK0hUKhUChc4FhpHO36+vpI0rfShLIEZaEq9XqfRaXU1HvSnhvZ9TzbXVTaThluFpuo5ypr8aREIvJ6tpiybUcsxV4vkvIyb/G5NhrvmP14/3nnqEYjWn+vHSIqwK72Stv+VOylx2j5GfdIFgvJY8nEeD3tk2ejzdY56nMUgx1phjwGRURxtFlBc7XjegW/syT4EfQey1h8FINtMaWNimKy7f9TWaS8fUCo7XoO84s0WnO8+HUuPC/36NqRR75F5EE8pxyf7tlMM6DP50ybd5AoRlsoFAqFwhJRP7SFQqFQKCwRK3WGYjo0IFdbqLpKVbqeylDbiRKce6FBeq4a0b2wFFUDzlH/am3PSD3rOZhoW3MCxnXMkVOZ149IjeWpg6PQhjlJLohMDUhnlsi0kI05S/qu9Wh1L6mznKcm0+uq6sueo/Og+0HND7Z9nqN9Jrz7IEqFR3hOXnqdKDGGp76NQpuiMB/b3yhhha6FbT96r6DZCvAdZNTBJ0od6j0HInOJrqm39yNHw+y+1PnSxCxe0gl1upp6vtr/dV9FtcK9/mv6TJ2zOYlsMvOTtqvtaUiX/d86QpYzVKFQKBQKFzhWnrBiThKDqGxVJnnNcdbQ6xFeUm373guSjtL0eSEjUQhQZLT3+hiFaHgu8+q4EIWCeM4eGhgehatkoTpRGjrPzX4O1tbWcOTIkRHD9MJtlGnpPsgSl2gokErKWSIRgn1UlgzEafS4d9RZzuujJpnQBAyWRehYoxAhC56vY9Z0dsp8bXsRs/GuO5X21GPWuhePHDmSOu8dOnRo99qqebL/K1vbT+KDKPzGu57uRXXK9ApJaDv6TPRYnT4bdDzRc9abiyh9p6fRUO1U9Hz1HGEVmbOhjjkqDmIdU70wzGK0hUKhUChc4Fh5wgpiTqqyyIaW2fMiV3JlAPbaUbpBz81eGSy/U3fxLJBfoRJYlt7QC6/x+m7PnSrD5/VLpdAstaCOI7LvZunhsn3QWtuTas67tkqzKq1nxdWnEhV4ycm9EoPeubYf3CNRCIO2bccTHUMWrIXggQVLjGzlXrgckaXns7DrxjnWtVRboGWnURpUZege27KagMiG11pfUIDnexon3h86H8pks/R/UzZarpMHtUt7Nk6mhdU9pOFrdp6iggMRc84SAWXsNzonS+KjiNKQzinsED131B5r+2Cf18VoC4VCoVC4wLHShBUbGxsjluqVoIu8/9ROBYyZReRRq4kmgIVUo+xD2Y+XdEBtJiopZ16NkSedx14iaVDbsn2MUgpG9mzP5p0xhOgcYspuZT/LgvIVPJ/SvT0+8o7VxBWWmZERqR0qWq8sXWikbfG8jrX0YcYWdP2VpajUnqWJ1NSiWRo99bSew3AjjUBUKAAY22ajwh6ZhmiK0do0e0ePHgUAnDx5cjTm/aRRnPKG1XvZsirVemnyB9XOAON5Vx+KTMsX2VWj4gbZeBSeP4GWlYyeVV6RjqnENd49SKh2kVoE+zzkdzZZTDHaQqFQKBQucKyc0SqztBJR5EEXebHZYyK2RkTJuO2x+4nZirwLvbSNUyX1Mq/qKK2d2lc8Zhix4CwWbi6j9T7z+mLHkHltTsXRrq+vjyR/a8NSu5a267WvaTk1zWGGyI6XeVrr/CvT5DzacV100UV72tOiHJ4GhdC1mvI6te3oXPBcjY3MUoBGLNVqjPg/mSuP4SvPtTZO3W9ZYnjGYFsPZW2P1448bbO4VmVpUWpWT5ujc622bE8bQqimw2OEEVOPmKCnpVK7q2oQ7T0d+TRE8e9ezPecmGgdn9qElbVabQLXveJoC4VCoVB4HGGljHZzc3Nk+7ExToRK+Mr8suxOEYPJPF9VmlJmreOwr/q59su2E2VDUu9Q79zIVut5rkZMJhqDF9cYsVSP9U8xWm/uNRYyY7SMo/Vss9pvZXoqeVsGxvaicmKRr4CFJimPpGwLtbNl68H+RvatLBPWlN+C2oy9sbL/6v1rS93p9dSXQu2t9lxlsHoOx3fs2LHdc7hetLdm3qxra2s4evToyFOZ53rXUqbv2Uyn7v8sM1SkcdLxeTGxhO47b/2j+zBicN5zVdfSi2FXRBmgolwHFlPs0tMQqTZBPbPt/tZ8B+V1XCgUCoXC4wArY7Rra2s4fPhwWM4OGDM7Ql471i4AACAASURBVCUgrwh01G4mear9MyqInPVF28rKOkXxpRFr9K6jtuA5+UKnPJYzRLZHzwtUJeg55xDb29shcyQrmRNjp/l0I3uxhcZy6rkeK1FvX9p+omw8wHhPqN3LKxavczgnnpmI7Pk6j1bij/a12uw025P9jq/KZPnexvoqo9Vz1EPb9sna4KK9rM8dwvaBLIdj0vzBHqLyeIRqDbJ1irRVXlYxzz5tP/f6EPU58tkAYvap7N57zkXHattZX+ewcZ1TZfl8tTH4eq8Voy0UCoVC4XGA+qEtFAqFQmGJWLkzlKp6rVFdHaMiJyUvhVukOp5jgJ8KUPecU1QNo6our/3IOSBTm0Su8Vmfo+IBkTNM5kil4QlZ+NKUGs1CnbiyVGvcO1koi7abJSNXaNo/TTLghTJoULw6pXgqajV96HU0jaf9f6oggOcMo+sRlX/0nNS0DVUde6pDde7jK+8NdXSy7am6me81vMmbExu+o2DCCnWQOX78+O4xTF6hDj+aaMNb06lnx5zk+56zoLYdOddpch1vniL19Zwwv8gh0LvXdW965SUjRCY+L7UkEYVJqerYKypgzy3VcaFQKBQKFzhWymgPHz48SihgpY2oFFMmcUSFo6Pgcy8IXNluVLDYO8crng3slTyVBUdJFTzJU52rlHV54UZRH/X7rAwgEQXge8kn5oY+2T7Z+cscRux8eqxRk1lEpce80Cl18IkSWXjz5IVi2LZtv/V66jiVOVBFoUBZCNKUZiFLORg5u2hIkBdOpPeROjrZe0Wd16J7zyuxyHU5fPhwmmBlY2NjpC2wrJqsWZNnsJ/Khu1YI0fGyBHNInrOefdRdGyWvlNDjJRZZveGPjui63gOVJF2MSsDGmEqdMseo1omZbhAXLJ02ShGWygUCoXCEnHeUjB6Zca05JeyxCxdnzIkTWCelQTTZAeaMMOzR06FvWShLBELyZL8E1FaOE9ijhizSt+ejVbHrkzWY2raZ5VgMzZ59uzZyVAVTZqQlTwkMhu9St4aXhaF7Nh2dV/NYf5qq9d95/Vfz5naQxbR+njvdX+phkj76p2riSnUZmtDazT9oe5rjwXtpwgANWlkreyDDfmgvVbTPWZJGYhIaxAlv7DHRIUp5oSyENlzTcPgdI71vXeNKCGKV6QjSviiz2uPpUbjyzQoGhbFY7jWWXiP3UNloy0UCoVC4QLHSgu/0wMQ8MtHUfLR8nXqRZt5x0WFpL0yYuolqXa9LNm2ekhHHp72s+iYqdRo3ji1j17Jqajge2QT8vo29eq1y75kwfSEtYdFUm3XdXvS9nl2FWUhamf1UjBGXsZarixjb5o6UL2PLdOIvKaV4Vhmq+zgXKTvSDti5yRi+eyHJp/w5lO9jPU63jmRj4NqCOxn9r7JElZcdNFFozX1UjA++uijAHxvVSBPbxitT5b0JvKI954Hel9m49XraOKI6FmS2WijaJHsWazjiOz92bnqoe/5y5CxRrZZu9ae5rEYbaFQKBQKFzhWymiBcfo0K+VoWrsoJaOF2hD0fSZNE9F3XgxXZIfIkohHNqXItuRJbZFH75w4UUXmFaySs47H6/NUrJ0Xh6peppl9dmdnB6dPn97tEyVX66GqXqW6LpldX7Ue6rmsdkr7XWTDUmZtxz/HK5tQBhOl68vsXlH8thfLzrngd2SnPFdTJNo10HhkZbhe2kbP4xUYF2mwe0dL+O3s7Ex6rPN8nks7nv0/su15McqRTTliupktMyqA4tml9Zj93JdR+kQvHW60R1TjkTH2qf547FuhzyHvfuJ9q0yW62lttPspz3mQKEZbKBQKhcISsVKv47W1tZHXsbVHaSxkVPTck7ymbLVqj7P/R96FXrymSkJRGTN7jkqSWWYmRcR+VOr17B2Rd3EmhUeS8hzJWdvI2LenaZhitbofrDRtYyptu2qby5gtmZdm+yKDtns1WjMtFGD3lmoL1Mt0rhet7XO2DyLvz4zRqm+D+i9EHsX2f7Vt61pn7E5tsp4vBxmLXafMa9Umjme7tvC77h1dby++Xu2dc/Z8NGaNCvA0QN647Ku3H6NY26gN21c9V58V3rNYn6PRc8/TEER9U22g3QfKdpXRakk875yu6yazex0EitEWCoVCobBE1A9toVAoFApLxMoTVhDq+GShIUAEVRNZSkQ9VtVYXiq/yIknS28Yucp7TjBT6t/91HqNamV6DjVRMYM5SS72k+QgaiNTTUUhBhFaa6P94CXfp9pI1ZVeqFbkJKR7h2pShn9YRIn6vYIR0RyqicIzb6gqbcqhzp4TFdpQs4r9LCoMoN97BQJU5arX9cLl2FdbY9Z7tf/bey5THR86dGhk8rF7Rx2k+KpjnZOCUZHVayWi50/mFBmp2D1nIW0/Ul1b1a+uS7Smtu0ofFDb9JyhIjOXvvcKBKjDpqZi9ObEFumo8J5CoVAoFC5wrDxhxZz0f5Ss1KHEOydK+jCVhB8Yl5GKyr15kqVKRipZeudEfY2SRHjXiaQvT7KMjs0cKSJnjixMhpgKprefe5JxxkrW1tZ294OXfCIKGyMTyxxMtL9s12OwBNsj+4kc+Lx9QETpPL3UktHe0Tbt9bS0mqZX1HR6wDhER5mtfm4ZbRROEiVMsH3jfJKFKJP10qDOATVpume80oDKaLl3suQ6U+wtStbgtZElpdBnURT24oUVRn2IHNGAaW2Ex5ajPaltZI5bUTihFzbJ9VDmqs8Cy4Kz5EfLRDHaQqFQKBSWiJUyWpvAWaUOYFyWiscoK80S2ivUzuKFBmnYS5Re0V5vio1mdl0iS4GmiGzRmX0hCgFRzHFv1756czLVJ882l9l6bXu2FJrX34jRUtplInsvfWNkZ9c9Y21r2m8bFG+vY1lQxErUJ8G2FUn2uv+8dVGbKY/VhPBe2FXEZLXknZ0TDefRefXYX3TvRSEbFnPLrllNGtux/VZmpKzaK4Xopcv04I058kuYYyuc8pXwrhM9f6IkGEAceqb3iHd+FHI5ZcMFphmtp4mwoVr2GE1wY2G1LWWjLRQKhULhAsfKE1bsXljS3NnP1GvM2oHscUDs9adSnFfWSRNkaNq+Oawrkrwsk5kqNZex4ccSTB1JkHPGo/YcTa6QFUqOvLW9BPte2rnMtmuTDui62f+5Z7Swgcc8opSEhCZY8KT4SNNgvRrtGC0iZuuNS+1Parv10ujpdzq/3jlRsglluF46RT3Ha1/7oakRdY40UbxeE4g98XktmyjH6wPP10QHauPz0sUSunciVqf/22OjxBL2O88/IcJcL+DMG3w/0QaKjLnq5xFz1X3uPVejc71IDX5H+3v23DlIFKMtFAqFQmGJWCmjPXz4cOrJpxKwJotWWxMwZliRl6YXMxhBJaEsrnUOW4xi4KJ4Vs8WpNePpFP7XSQ5R8zGO3YqxZyF2nwyiTay/WRt81hqODzvc75qoQAyo5MnT072P4o39WyLug8ib3QLZUOZ7Tnab9G+9+yt0Xi8eyJislHpOw9qx9N9l0UN6B7yYuqVAWZaFp7L9r1z6GXM75TJ8vlj75NIg6bMM0s3GHlp6/f2u/3c27onomeWlxpT03NGRTS8dJrRvRxFdQDjZ+2UPwMQxxDrnvF+L7SgyLJRjLZQKBQKhSXivBV+92KqIqlTGcCczDlRPKMntWnmF/Uo9JgMEZXN8+wdKnVGWYQ8O7JeTxlmVmBcpWwdpz1XJeZICvYkZ5XyNY4zi0eestHac70+aPEAlW491kBPZO1TFEts14V7JrLvEx5LjfaBd44yiEj74XmDakEALdau5ezsOcpktVyexrxbTHms2jWICoeovdrzpp3rc+DtVc8bXDUlymg9bZgyMWX8eg/a/qq2SpmlFxOrvibRvrPnz93Xto9RObyoLOQc6H7wxhdp+zzNRuTjErVlP7PPi7LRFgqFQqFwgaN+aAuFQqFQWCLOW1EBz/VaVbXqUOI5UxCqWojUplnguKpQ5jhfKea480/BO17VTFkCiaidOf2IUpTpnHvqmCiMw1MtZ+odr0/b29upqjBKWK6qIhu8rmkadU51XF4yCKob9RxvXfgZVZLqqOepFNV5kIhUrlaVq6YR9pVtavIJ7zMtJpA58uleicLYvMQsqoLmHHlrHe23CBsbG6NwQs8Uoc41WuDAznmk/td58VTr0V4hvD5G6RNVHW+Pi1JVqonK23dTzk9zCkRE6l/CC7vRtY2e6945nkpa30d7ctkoRlsoFAqFwhKxckabJXdXyTJLKG3bBeIk2xkiaVBZsJdoIZIwtW373ZQE7kmWU2EC3nzquKK5yBwpojAC/d5eO0pLmYWtzEHXddja2gqleGA8/+pQ541D0yaS+c1Jd6nhAVFSC8+xKXIIZFuWdUdhLzrnnkOLOs4os+X3NuSJhRR4jIY/ROFm+r/tS+RkqP2149R7z56j2gqr7VDwuaPz5zkARskRvGeKrmHUN77aedTvVKMRFQHwjs3OyZJ0eO17oTpTzp72HG1fNZJzGG1073khcJGWLQrx9Nrpuu4xJQXaL4rRFgqFQqGwRKw0vAeIXc29Y1Sa96SdKbfwqfJy9phIKvZCgjybiH3vhehkjMx+79lmdOz6uRfeE11HJcxMoptjB4sScUSv3rFzkKWMi9IM6h7yQkuUDUYaAU/ij9gamaGVupVla5pILWfn9V+hffPsbPqqySesjVYLKUyl0bOsSddZ2b3H0HSOVTOliTOAsY370KFDk88Ttf1lTCxKgOD5Z0SaLE1ykvlQ6FgzH4QsTaOeq2sXaUG8OYk0d9pmFlakz97ovT1HtTz67PdC+rQPmf1VfTjKRlsoFAqFwuMAbb8esY/5Qq3dDeBvVnKxwoWKp3Vd90T9sPZOYQZq7xQeK9y9c5BY2Q9toVAoFAp/H1Gq40KhUCgUloj6oS0UCoVCYYmoH9pCoVAoFJaI+qEtFAqFQmGJWFkc7ebmZnf06NGw7BoQZz/KYtHmxGxG50ZtzcFU+8tyMovm5qCvF5Uiy9ZN10/j97J45NYatra2sL29PVqESy+9tLv22mtHY/XGHOVm1RjZbExZub6pz+bEh08hW8tzWeeD3COPpbSYd29GeXH1ve275uHd3t7G/fffj5MnT446tb6+3h06dGgUCzsn73aW7S3LkHSueCyx5QeNqX19rvfCY+1P1qbmA/Dikr1C9qdPn8bW1tZSa+Wt7If26NGjeOELX7ib9k7rXdrPNBUez/FSavEGihKAZ0nQp+Cl/dL29DpZsDmhN7KXFkzPjQLWvR+xKE1jhOxHUxMG6CuwSHzwyCOPABgnor/kkksA7E2M8OCDDwIAHnrood3P7rnnHrd/11xzDW688cbdfaA3i70m2+N7phdkAgl7jrYT1fqdk/5tKh2c91mUhMQTSLJkHfa9t791z2Sp+ObUyI2uN3VvaSIDYHG/Rq8nTpwYtX3//fcDAO6++24A/b577Wtf615zc3MT1113HZ70pCftae/48eO7x1x++eUAgIsuumjP2DQNpZcMRJN/RMKbV4tZ13vOs0rXRfeH90MUrX9WNGOqMISXvCNKmauvmlAHiJ9Rc5KGsJ2jR4/uuQ73Ce99+xmfNffddx/e9a53udc+SJTquFAoFAqFJWKlKRhba2GicWCsTiQyaUYxpQ60UlSk7p2jjolU4B77ifqox3hsQvuSlRoj9DttN0oQ7iFidZ7kHKlurERJ2CTxfD+lMs3YPZmF7qFM0tfyXVNlvrwSXRE7zVT6kdoxK5YQpcuL+pwdQzwWVa7u3Tkp/7JSjpo6U+eLrNIyUE0hOqVOPHr0aMrIqA2L7q1MWzU1Vm/uI61BpKWw/0dpTrVtC2WQ0XzNWUtNe2jPifoWpdK195POX5Sa0ztH542aLzJcez/pnllbWztQFXeEYrSFQqFQKCwRK2e0mkDbs3uQ7UQSpqfbjyTjzO4RSUSRNGf/jxwo+Eop2Ws3ctDJHAymJOY5tmFlOF6BaT02ci7KWLf26dSpUwD2lqXTNT1z5kzI0ruuL/yu/bSsWO3CUWHuzKYYsQQveXmUlDxzktH1jthvZjOfctTxGO0Uk/WYuo5zP4xWz81YWFQGUksHegXN5zDa1ho2NzdHPhxkO8BifXkM95WyOK98pWrZppLx2/5OJbTPfDWiNd1v+cmpPqrNfE7py8gmm52rhV3m3JuRvZrn0uZunxMsQcm13tzcLEZbKBQKhcKFjvqhLRQKhUJhiViZ6ri1viYk1Yde7VVCDeGEp1pUVaGqy7R922bksKBteDU3o1qumdv7lJPVHKckrauaOdBoe6oG9mrq8hyqW/iq4QyZa34UIuSpaLQvHlpru/vHXtuG6lDFGF0rq005pdryHGgi1XHkvGQ/45xGZg9vLiKVsd5HnvpP96SqcrmX7Xc6B5Eqz0Pm/KRjiEKNdO9Y9Z/2MatHS9Uxx3js2DEAe1XHWt9WVdPes4prxH7pvZSFbCmmTC/2/yjMKlOtTj13vL2l6nR93nn301QIUKbe1lq1U45bXrv6nr811mRF1fHFF18MoA8NK9VxoVAoFAoXOFbKaA8dOjSror1KgxoK4kloyvSi7zNEzhu2TXWMocSdta8OYFGCCo8JRH2JEljYdiJ2oJl1PMmZc06myM89RqvtqqMI27AJK7SvUw4tVir1xu6NxUJDCyzYzyjQPssmFDEyTyJXTY0mOfBYj+4dIkp+YfsYhcHouDxGG41PGYfX54ipE95+mwo5yxyR1tfXU0Z7+PDhEZNh4gpgwdp4TV1vT+uiDJZ7PApfzJzGImc4z5Eumn9v/NEzYk5yFQ2pjJyhPAdBb1/Z/njaF91veg96zzl+ZpPnAIs54bpSiwEsEtjwebKxsVGMtlAoFAqFCx0rY7Rra2s4cuRIKt1GYS+Z3UvbU9f8KBzHnqu2Ol4nS/fFPlJSVnis1EvS4Y3BSoLsg0p0c/KwKtNUu6uXICSS0JUVe9K92kkz+2FkR/Zgw8KifkdhUPq9p3mI9ohK8XZdIsaXMeso5Ej3vR1r5MsQpe2zfaTUroxWx+PttyhMRPtq1yDylyDmrDXBdj0bLZmKaiI80C+ECS+YbpHMFohDtHhve5o1fTZR0xONObPR6l5S7REwztsbhVLZ6/B+jHwOMv8S1dwpw81C3qKQoMwvR+3kel95aVfVHyPyuWCYD7CwzfOz/YRDnQuK0RYKhUKhsESs3EYbSfFAnOSd0o7HFlTCUglSpV8rKUXB+XMwlXTAg3qBcpyaAtAmu1BbsF4n81CN7F9EZl+LWJcHXTemXFQJ1pN+s5SOOiYds8dodRwRu9e2gXEqPrav3qf2mIiNePthKoGEx36mUi9GnrL2/6jAhjIOe8zU/GkyfWCs2VB7ZWYfVzbE91rUwsLeT9H+YQrGSy+9FAB2X60mSm2z+nlmZ1W2G9lfMw2Xfs55sz4NnG8tdKDnZiw4uj7X3z531N5K7Yh6IXsaIp6jSf51/2f23Sg5jR23+sdw7NpnO34yWb4eOXJkJay2GG2hUCgUCkvESlMwrq+vh9IjMPZOjVicldopmUb2qIw5aR/03DlskVCpzUqWUV9UevMkyyi+TNmXhXq3aswf55WpES2DYruR53Jmm9P2WDbPYwRqxzl9+vQsVmvbsX1QRsH37BNZtmVgas+PCgV4cYEq0aunpdqcbHuRvVvtkvb/Ka9cbx/ofKlXuGfDizzUeU/ylWvrzafet6ox8OKRef/SQ9QWEdDr6L2WxdGur6/jkksuwWWXXQZgUbLR9kHvO52DObHqkaYhY2+EnqN+ErYvWv5R95BtW++FqLSjroH3ncbV6nsLfX5q3LjHNHXv6PPNW1/V2GiOBrZvvY45f/fddx+AYrSFQqFQKDwusDJG23XdHgmNEoqVVCkl87iIcVr7Cu0AlGaUPapUPSdhe+QtZz+zSantq7btIZIWvXKA2hdl9R7bIuvQxOxqB/Mk9ciLluPxYmGn7CtklZlUmrGSrutw9uzZkcRvmR/7xTGxADwlVy0AD4y9sNW2qLBrTCmZ3qu0+fAY7lHPZhp5EHMMXvm/yHauGg/bNq8XMQse67FSZU4PP/wwgMU9ynn1bLTaPvvIObFsVedPPeI5z3Zcqr1g5jAPa2trOH78+C6TZR/sM0TvIS1Q4cWBRwVBdF08T9vIZs5+cH7s3LIPfM6x/1FfgcX687OsTJ3OiT5fuD68Pvtu74nI/0bt+R5L9X4P7HWyiBN9JquGyM49bfR333337jkVR1soFAqFwgWO+qEtFAqFQmGJWKnq2DoIUZ3IV2ChNiCV17RpVCN5gdWE1q+MChTY77StLCm1qsHU6cWrkUm1i4Yi8dzIWcoeQ/C62nd7nKqzNOVf5BZv29Xg7ywRgzqNML0d10BDlOxntnbkgw8+OGqb7W5tbe32gepfu3eo2qSq86677gIwVh3bc/gZVYJsl686LrsPuKZ0stE9yvdWTUozh+4ZVYV74T2qBtP5UzW41391qFEnNjsnDzzwAIDF/N1///0AFqpjzpndO6omVYc3zpmdE6ryOF9XX331nrY8Nac6hGXOLHSGYvtUIXsFAnQcfJZ4NXE5z+qUxPngq+cApupYNTdwbm3hA1Wt69zy+uyPHVeUzEWfLd7+VnOHhiZadbruVZ0j27cIqsaPzGz2f1Xbs+9qbrPfcQ9mJquDRDHaQqFQKBSWiJUyWi8cw4LSpkp8/FyZIRCXXqIUqs4V9jh1IFAjPSVMm8IrYqEaGuCFLym7VubpMVploeoiT3jOV8py1JFJHTeAcSJw1QSotAosWA6ZEftKZsvxWIlWHSc2NzdDZtJ13Z6+c73IYgHgtttuAzBmYOyTBvwDYwarTFnHZRkAJWJeh2PlK1P9ce8CY8ceDUnzJH7db8rwNLGDXRf2W8N5OE6+t5oE/k9nkXvuuWfP5+qcZfedsizdz17SEB1zVB7P7lFNe9p1XZgoZmNjA1dcccXuOliWSGgYWqTZsM8vzgeZP4/V/cf1InMHFs8Tsmx1cOKaU1ti+x05YWlyFY4diAueRM8hYJwAQx0F+WrXT7WUnFfep3RQJOw6sq82kYQdtyaasP3nMZquVu8vC+uEV+E9hUKhUChc4FhpwgqbRo/Sh5X0NMyC31Gy8yS0yFYZlZWzUhslVUqnPJfSr5d0QJmjsmIyHSu1R+nZCLVL2ONUUqWUpnNlmRrHyD5QktS0bZ79S+dY18srosA+Uarn9fheA8lt/6MycBYM7+FcsH3aYQHg9ttv33NNzkeUSMBeW9PoqQ07C0fQJBNqp7JzrpoTld6VUdk+aim3qFyZXUvdvxwfmQav47ESfqehGVGpR3s99W1Qpmb3EO8Xfsb2lI1bVvLEJz4RwN6QvSicbn19HSdOnBjZHL2QJs4L2aiO3TKy9773vXuOVdZGpss1t9oQtdWr3ZDfUyti50FZHJ+RyuLsZ6ol8JLtA34CCY5DGTzHa7VK3Ec6B7wX+d579vMzMk2uEzVE/A2w5Q01XIzf8T33hxfyxGf8iRMnitEWCoVCoXChY+Vl8ihdUHKx0gTtG1qcWVmqlV4jW0WU7s7zXlTJkpJSVlJNoV6GXmIHQu1PtN1p+j47HpVOsyQLKqFzXjUhgmfz1rnWwHXOjef9p9KopoCz57DflMy7rksTVmxtbe2yHErX1raobF3ZqpewXxMHqMZBbY1eGj3VaKg91/NujVi8Jm73+q/XVybn9ZHnque1JogBxkktojKUykDtdfiqiWe8dH2qKVG7mudNy/vFeuJG2iKWyVNNg5179S6OvGXvvffe3XNow+Zn2gbhJXphXzWdpWrW7P5WT2GO/clPfjKABfu1c8y51L6pD4rnVU+opz/HTXbKvgMLds/vVCtBpss+Wnaq9lWuP+eI2ivr5c454FqyDbJVTWJk2+exT3jCE9IyiweFYrSFQqFQKCwRK2W0F1100ch70sbwqV5ebTzqBQiMk/grE1PmZyVw9f7kdcnMvBSMavNV+yulXyt5Rd5vUZyhlUrZb/XOVEZjGa0m077qqqsALCRK2lWyFHzss5ae4ntrZ1O7rXoMWqlX+2/PzYqNnzp1aldi5jjsmHVu2U8eo97HwLjkmMadKhOzNi2NGVW2xr1qGaYyBr2uV8g8Kt7tMWZg7zxonKza0L2iElwrnss1VB8BjesExp7dUZk822e2w73qlfvT67B9m2IyK0+5vr4+2pNeucyoUAdZK/ef7QP7zXY5x+rdbJ9Zet9pXDPXw8sxoFAPZrt3aKtUVq1z7bFxfW5yXFkBDI3x1bSN+v4JT3jC7rl672lqW55j1yYqQqPPdXvfqY/D8ePHQ6/sg0Qx2kKhUCgUloiVFn4/fPjwroRCVmUZDSUiSj70SlO7kbV3qBRFKYlSCo/l9aynm7ZxxRVX7HlViRMYszPtE9mClfSuvfbaPWOltEtPOrU5WUmW4LwpM9NSb3bstFVcc801AIA77rgDwMLO4tnOaAtRb1BK9ZxHuwac06kSWt662ZJqmY329OnTIxuTHbNmzNLi2V4mI2VGZP5qm9V1sv2PmLTa4YDF2qnmQu379jrqiaqZx9RG6zFMXpe2M2trtG3Z9q+//vo9fVIW5tm/NBsX94HGc7Mftl0tKK7s0movVKu0trYW7p3WGjY2NnaP5T6x9yfXQ0spqiexvffZb40VV3bEe8N6LPNYtZFznby9qnZEHst7Wb1zgbE9Um2yygC9QvOqdYkKR9jraC4Bvb+uvPJKAHtZ/5133rlnTtS3xvMJiOZcY3Kt9zZhvcErM1ShUCgUChc4Vl4mj9IGJTwroWi+WLUTqjQFLKSiZzzjGQAW7JHSNV+9Enu8DmPieL2nP/3pABZZcShtAWO7hmZK4ude1hP15NT8nV5RdZUcvew6dny2fS2mrVIhma6NR+UakHU85znPAbCIXbz55pv3jNOOXfuibMUyXPXsbK2FsZCtllIHqAAAIABJREFUNRw6dGgkIXu2F0r66i2peY0tqAV55jOfCWAx53/3d38HYJF/19poVeIntKi1HZPaltWOpz4KQJw9SKVwT9ujWZx4fc49r2PtmxqnyXO5h9h39ey0/ec88T7i/uJ9RsZr/1c7OPeO7l37v/Uan2K06k3vxbUyFptMVj1rraZJfQzU7qke3taDWMvXqYZD49/tOZxvfQ54+ZgjL2ONufbKknIfabY3wrufVNOge4f70YtL5xw89alP3XMOn72qSfHa0fF4zx3OAY85duxYxdEWCoVCoXCho35oC4VCoVBYIlaqOj579uwo/Zg1ZFN9wGO0jBtVEVaFR+M/1Xs0fFPVQdUD1RlWHaOpCTVFnpecQcN4VN1ry74RqjKhOlMdabyAcfaR11UHCg0RsscS6lhAlRivZ9OosR0Nl6JKniEOTOJv27XhFva6VANZlaG68e/s7KROCRsbGyO1pp1jrhHVlJpswHMwo/qT6iq+vuc979lznKYsBMaqLK47nZfopJKFdXAOVM1t1dGaaEXDIFQtaKEp6NTZUFNn2j5qqUN1FGKfrVpOU+7RNMF7893vfjeAvfcT97cm5tACHHat1TEsUx2vra3h2LFju05JXqlN3SvcQ2resmNVRyJN+s9XL7SNUBMP59hLO6lpTPV5w/W3Zgf+r6YcLUyiTlLA4pmgzw69rt3fGp6koU9qFrBroGUM1WmVa2N/L3isvqqJyY6LfeP4MifMg0Qx2kKhUCgUloiVJqw4duzYrpTlSe8aUM3vNMDehj9QMqHjikpelNZ4nJXeeaxKu5o423MwUIk2ckACFtKYOgloOA/ZgnWS0RJ3vC4lZY7PMjYNq6FkpwUDyNysVErXezqykNnSMYyhIVZSVwlZE/gr0wXGJfqmHFpaa6PE+naeuEc0PERDACzzo/aD62CZvT1Xw2GAcSlAOoups5KXXEUT8quTit1vnH8vGT4wZhhegXHOBdm2Mmh7PTILfU9NBtke18CyLrbHueCe1HALTWZv+6h7hn22e1qdYDY2NiZZCdvhq+fMx2trOAjnwGrDeE/zXI5VE9mokyQwTlCi4YuedkLP4fMlSuxg29NQN00+w/eWDSvb1bSt1CTaezoqLK/OVlwr+yzmZ6oB0MIBXkIO9kXLqXpzwvPZp6zE4kGiGG2hUCgUCkvEyhNWUHqgNGJDS6KEBJqE3dr6+J2WaFKpVCVk2z4lOV6X9jUNILd9UMbC95SmMlaidg+13XnFtDX0RT/3CtrrdzyHjMNLPqGJEG699VYAizknu7PnaEiD9pHfW7sL14nrcfbs2ZCV7Ozs7AkN8wrWE5T0eS1NEqFlFW1f1G5M26KnfeGxbJd9UpujBedDE5SozdQrDKCaEy2TpzZN2x6ZPyV+9lGle9sOtTqazpPswUsJSPbBueee0YQMlmFo4gsNEWLf7X2r5fa2t7fTZCdnz54d3VuWTXEvs99RClHbby0eon4kWtDB7lXdG1E6T7su+swgy1Y2Z+dBk/qzr8qYvRJ7fCZyDpjEh/Pm3XsMYeJ1NKRKi014ZSd5rk2RaPtsnyHsG+eCz3xNvWj3joZBZZq0g0Qx2kKhUCgUloiVex2rPtwrnaW2TEpPlExsajJCi7gTKt1Yux6lJGU7KqVa9qa2UvXkpORvJX5lHZoCTW1E9lz1NlWPOo/dKStle/xcJXc7vqhwudqPvCBwLVWojNYmESesFD3FStTmaM/VhAoaYM/PLetWST8qdk+2oH2yr8ra1IYHjL0/lclyf1vtRKQFUXu77inbjibqVw2E7aMmQlC2w7nQ77254b2o97z1X1DPe2X5qgWwY7f7PLOztdZGtlKvbJ3ayu01eR09h3tRnx1a+tJLIamJEtRGb7UT+qziPUyfCr73tBP63NHnK9fWs7eqRoFzz33uJZ2gpky1LHr/eukUdY+qd729nmp5CE0AZNfNSyVZNtpCoVAoFC5wrIzR7uzs4NFHH92V9NQ+CewtAg6MveIoVXkMQ+25mhKNsBK0Sk8q9Xrxk1oCTNPmaRwqMGZ6UcygphEExnYOZcGaONz2QWOVdY60jJZtX5PiK/u1zEklVpWcPcmT17YS/1xGq5IxMN47GquqMdL2My21qHZ3L2WclqDjXuH8eMXutVyiagdUErf/a+pALfflSeXKoNUeqiUELdguv4v67BWzUJujshF7jsYB875VL+EsTjwrk6eF3z0mrvZUted6DFMT9ev9mEE1WDovmqoVGBecoHaIjNb6OhCah8B6+Nu+ev4EPIb2T2o/VJNi14V94DncO5quVu3x9nqcT09zZsdi+xB573vpL4kole2yUIy2UCgUCoUlYmWMltDSYF4BZrUPqs3M2uZUt0+pRj04lV1ZqN0myoJj22G/KWGSZdM+4dm9lOkRKlFaO4tKkFqejcd6JbXUPu1lutLrR97MGhvnSYI8VtfNY12qTVhfX5+Mo1VGZqVdtS2rrVxZnP1f2alqD7Rt+50yZ02Gbz0e+Rm9Iyn5KyuyUK9jb968Pts+0Xam7N5jgbwHtEiB3hu6L+3/mq1M47i9e1Db073rZWezGodMG8KCJnZcduyqQeNYdU1tH5SNKvOKSkXaPujzTtfaK9hAzQ33EJmtt785HrJR1ahoPKvHMPXZoXZ/r1AI97lq7LQ0pn3u6LpHe8XLaaAZ7rQYjYV6QJeNtlAoFAqFxwHqh7ZQKBQKhSViparjnZ2dUciOVfmQ6kcOBp5TTRTQrw4FXn1QreWoajMvYb+q6hgwrgb4LPWeOodEKmXbJ1UVc47YtnVo4WdRzVx1sLLQ+fOcrfS9zrWqwlUVZ2EdTiIVDtXGWR9UtapJDTznO9s+sNh/6gzjJR3QlI5zEi3ws6g+MJNEWHWcrpGqTaM9ZY9VRzGqHTUpADAuwqBmjyg0xR6j+0HXxI5P1ZgE59FTUaszz1TCga2trd09qMU4bDs6Dg17sddRs4M+M3QuPFW1Xled4rz9TadLPnc4T1w3+9zhZ5pqU5+96lRk+6ipZTNE93/2DNZjtG+6v7050TBGTYtp1y1S2y8bxWgLhUKhUFgiVu4M5YU9RN9puIAnMUUMLJKuPGcYZW1qiPeupynBNEjbCx/wpHPbJmGvp+EVmo7SC39QRzNlitbZShGFi3ihGYTOkyYh8Fi+4syZM6lTgndde53IAUxLc1mHIw0l0IIRXnpL7U8UVqal3Oz/WvqNjMNjD8qIlBXMkdCVfStbsftNi1houJKyfY9NRolF+N5bN50TL3xIz/GYkYLOUBqu5jkpETomLYVo+6DhQho24u15XUtPG6FQTQmfO/q8sdfT8BoiKuDg9VG1ErrvvMQfhBcWZ6/rrZ8+e/W5Y/sa7RE+/zynMu/YOfvoXFGMtlAoFAqFJWLljJbSuyclUrKgbcErSGyPA8asTdN+6bn2fZQSTENpLEugZKmFCJS12T4q64lsFsp07bW11JQWW7dSGyW6KEGGSqVearkoPZxe337HPnI+mcTBSxKg2oos6QC/V7ZmJWVNkK+FsjWVpT1WS4FFKes8RqMpMfXVY5jKhjXNoRfypuE7Gt7jJR/QpCpaJs9jFlomT0PdNKmHB93vkaYIGN97mvaQ8ObEfpexwe3t7VG6zSyl4358KKIEDroe3j6I7LyEnSfuUdrXtZgK18VLrqNrpgzW08LxWNVG6LithkhTbmp4n94bXgrGSAuXJTuJitF7Pj2axOORRx4pRlsoFAqFwoWOlTLarut2pSwtCg2MpXO1D2RpzlTSVybjSUQqjWoqNo9patJz9ez1pFMvCbp3TuZhqYkqKGFqYnD7v3obR0zNSo9T0p3ngRtBx5cx2kOHDk16j6rN1GtPmbgWGfdsPJHnYcYwopJ9usaexkavG6XGs+1p0QC1U84p9cX2WfKMDMRLkMI9RIarqTc9Bh15ROv3nhe/akxU2+JpouaMues6bG9vjxKLeGUeVdNAeGupGjTti/bRm6foXvPuMWrQuC5krvQNYelDeq4DC9bG9dXx6V6y1+N80SasCTg8bSPbY5/4jI/s4fZz1SZmzyhCmWyUIMW7v22J0GK0hUKhUChc4Fhpmbzt7e2RbcGTVDVlnMZw2XOiOEOFSs7AWMJTKVQ9IIGFtKRemV5auKiPUfo8L52bMmSNhfOke7V/Z6nPbN/td1P2XTs+zoGWyVK7nr1OFo+p6LpuT5ytxs3Zz6L4O/bNpmXTQtv2el6b3pp639k27OfKStU2q8XDbftT8bOeT4KyLdUQMRaT6wWMNTRq39UxePdbdE96a87PtFhC1qYylCntij1e7wUgjvvUPnlpTtXeqQUqPC2czl1UTMDay/Xeuv/++/e83nvvvQD2JtCP/AR4fdqp9flnj2F79HLmXqVWxCvsQfAZr88uzyasz7FIQ+VpiDg3UTSHXWs+qzhfU74hB4VitIVCoVAoLBErY7QsV6XSrrUPaZYYlcg0RtIeq55tEUu1Uk9UPF1jIq3ETAnPYx+2b54HscYzUgLMyr8R6jmoMYleNiGdL5WuszJZWWFvBa+nsZbqAe7BahUym9vOzk7I7m1/Nc5T7TeeRJzZgez4vIxkekyWOJ8SPqVq1dR4yet17nQPqfbCjkFtvuqNznOtB25UUEGziamN3X5H6Lx62eC0r1lhCW3XzlN03vb2Nk6ePLnL3j0vYGWw1n5rP9+PL4PuO6+ghu5jPg+8mFEyV7XJ3nnnnQCA++67D8BeLY9mBCOijHt2PtW/gnuHxVPUDmr/5ysZeXQdz19Cn8lznx3AWCOgzwJgMW+aBXDZKEZbKBQKhcISUT+0hUKhUCgsESsN72mthUkbgIUamW7hqvrw6mhqjVWqIDRcYE79THVdp5HdqpKojlCnEVV1eIZ+rSmpzgiEpzrmmNXBiOfaxPBRbU918tFkGPYYDQXS8AivdmpU/MFTA2nt2ins7OyMVF7WOUWdhCInLg+cr6kEIl5yck3zpv3wUuJ5CdKBxb6we0cTBkT721Od8liGglB1rY6I3O+2D7q+kUOVhTqAzUkmz88y5yqFqnoz88bOzg5OnTq1u894rk3soO1GCR281JhElNzEWxc12ege4lzQYQcYm2XuvvtuAMAdd9wBYJEcxkv+r3tSk7t4TkNarERVyWzLhs+pc6E+16JnpT02emZ4jnT6u0BwbdVxzx5ra9iWM1ShUCgUChc4Vp6wIgpQB3yGBYwlMc9VXqVEdQ/3UhWyPWWwfE/JzJagI1Si1RR/XjknsgVeRxmtF/yugeEq2XqhDcripxitlRLZf5VyIycZ2xcNacjS9BFaACFDlkCdmEo+Mkd61bX1HKmUWUYMxmpD5hYgsGxS96iWR9SwH698ISV8MqS77rpr1De9njrxROFEFnrsHG2CQp0Yvet4aUAj7Ozs4OTJk7vORHTQsX2acmwk7PWiUopRQherpVKnHQ0f4nq9973vdccDLJyfyGQJu0ejMMIoGYh9rmoBDPaN7++55x4Ai5SQ9jvdB8pwPS1MlABEnzd2XqO9GZVMtf/bZD7FaAuFQqFQuMCxchutSnxZwgK1ExJeiIaWpVKJTO2VwIIdkFmoPcxjZmqH0oT0HJdlC/yOzIWhBtY2BoxL4nnjUCnes+dqsgFlADpnlkGpDVrnwGOTUSiQ2oq9BBNzpcmNjY2RHc/2YSrtX8aulBUS2d6MGKVqHKwdmevNEIlrr70WAHD11VfvjhHYy1KUFWhyC16H12eqPnsu26Mdn5+T5dl1iUos6n2bMU69/pzPIw0B4Wk8vDAvRdd1OHPmzO5+1hAnYDGnuuf5miWnn7uPvVSFWpKQ97++2utFqTi9UC19Nuj9qexR05UCi706p+SmauZU68a5Uu0MED+vI/uy/S4KgfOYupbCXBWK0RYKhUKhsESslNGur6+HaQ+BscdZpNP3dPtEVJDbK/fEzyLW6NlmKYVpAmtN3G1Zgnob81W9DD07BEFJlX1k4gxlOvYYQucvCxxXRqOvXhL7qWQDnie22n4zVtJaw9ra2mh9vH2gnulZUoqpvZMltlfwuurxaBkG2eb1118PAHjKU54CYGHn4nWtRyzb0YB+ZWicC6bKs+3RnqfJB9i2TUSvpdVUg6OsJGN5kQe43QdTdjYdi21vjl1/Z2cH73vf+0ZJQrIk/+oLoh739rvIa159KqyGi88VTUKjtm37rFKfliuvvBLAXg2GbcMeq/ZV3dfUdNi9w/5ynXkd9j0rLsLxcG702agaNWCcRjEqrZiVyYuYrF0jXtMWySgbbaFQKBQKFzjOm9dxxmijotqetMvv1JOXUhrZo6Y9tJ9pzKNK/lk5NpVcNdG1/V9jfqPCAFYC04LvUd89pqbxocoavFhISvxqa1bJ3WMTahPWVHOeXcTug4ih0M6WJZ7Xz6K0ipmNVudJY0m9ouoqIdMeqm0BizWj5yvfa4lHa7tSiV6PUW2Ilxg+0mB449SYWyJKkWfXbIqNepoBtbNFRRQs1Ps8K3XGvWMLfQO+d3bkYe/5akTPCGWLWnzEji3yzuXzwkvFqc9I6wOgfeSxulf0PuSz0u47taNS66JteHNCaF4EXVM7JzxWbfW6V+2cqFYxeq55Wge7psVoC4VCoVC4wLFSRguMPdE8yVIlFU2cbiVmLcROW4LaLpXZ2nZU+lRpzUpEKsFqtiLPdqW2WYV65Xm2TO2bSnyWgaitQuc6KnjvfRZlIMqSvOu53rrpZ1MFBU6fPj2K7fTi47T9OQxJmZhXxkvfU0onA/SYC7BXuqatlIngea4Wf7B2XWUWKq2rF6otecc9wfhZxmXyPfthMxCxT6pJUTbqeQ6r530UWWDXyivvZ997LFhtb6dOnZpktGontM8BZa7KONWWaq+t5+rzwIs71wgIfUZxja3NVPvKdeLrHD+IKPOZ5g0AFnuQz9Moi531J1D/BF07LZtn2Tj/12IZ6l3t2dajQhdZ8ZE5xVIOEsVoC4VCoVBYIlbKaHd2dsJi1MDYxqevnoct/yejVZstX5UV2/+j/MXqNQeMbSLq4ebFF7L/2heC11eWCiwkPEqLygSVWds+qcdoVCDZi4VUe6iO08sMFUmYHrxi0JGtpOs6nD17dhQzmnmO6mvm3azeizpm9fAFFrY+Msgo5tsW4r7lllsALNiwxjmqPQxYsBoyC76qncuzrdKbmEyW+XF5fY7BnhMxv8gT11tjnQsvoxsRMdGMBRNW45TtHWuj1Rh52y9lobrn7Tmq7dLc44SWrLR90Fd9llnWrcyf+4qx0Ly+Z8NUrVTkye49V9VLW+3Hno+N+qvo/Okz1B7D/RxFPXgaUPUWz/Kcq8ahyuQVCoVCofA4QP3QFgqFQqGwRJy3hBWE54ijzlBUcdBZwKrcNCGFJu6PQmqAOBGBqpK8cKKoRBPVIlYNo6o0VVdoGIaFqn8ilbGXCo19UVVl5hikzjaqCs9S70WJwT1nqDkqSNvu1tZWui5RkvcsuUGmbrTXUccTYDGnmiBD1XPWOYr/U4Wr4LnWCeaKK/7/9s6mt5GjScJFzYyNORiGYRs+7v//WXteGBjP2MAMJEp7WIQYehhRlA2TgN7NuFAim91V3dXNjPyI/PnFq1zH2r/cv0zOWuvkXlSyk9zcLQnQP2MYpzWkSOUkdNNr3aVr0UQumhA+v38JdB3zeeBzE1oyHPfr40qlcg2cayrRW+vlPcFnn/7XPFLbvxbOoiuZLuw0Vm3LkjcfI13QLPfhc9BdyE3MgmNKZYytZWFKLqWAyLdv327iPh5GOxgMBoPBFXFTRvvw8HAmXJ2ShloQn1b2Wr0xNoP5idEyoaHJQ3q5hcZAiTomIzij1XHYcJvF2Um4my3VZJFpX7Ra+bdvQ9aX2KmOrXmSbf8dof1dItKuVV8DU/NTyQdfyd6TWAItWlrVSbSjjZtJG348sQ4lKYlhMmlNQu5rncvjSeyCQilcF/63jstkspTQkmQ5E5pHZ63zJEOyoJSw05pBsGTIP3Nm2Fju8XhcX758OZM99fmRVf8TcLxcdz7+VvZEL4hfFzJZltukBCM+o7jOmkxtmg/vlZ0sJZ8DSYjF98n9OFqpoI+7eUGS5Ge6p0ewYjAYDAaDN46bMVqVaNCidB88WVNjOck6pPwWm7kny5n+ejJoWWYsx1nrFBujgISQWDC3aZKIbuk18f2dFB7Hy7hyK1z3z8hkd+L8jBu/Roz/NTFUbs9j+35bu8QWv/FjMhbHfaVYXWsXx/wCh47HtaP4qo7jbfJ0f4jZ+rrifNZ6yR5TWZKPPTEZ7Z/sQ9h5HnQ8rjcyWj9e2x/XQ7puwuPj45aVPD4+Pp/TVGKnOWvcXMepXK09o+jpSLkHlG/Utq01pe+Hz0+W3/i50dppreH4vPO5kA22Bgvu0WDZGO9Bxv/9GiQWn8a6y+lhCVTKRWHeij9XrolhtIPBYDAYXBE3ZbQPDw9njdlTFvAluIWi71O6izHbZBGRjSZRC3/fQctLcTVZeCm+0ppaM7MvWVi0WGWZJ8u6ZQYzhiGklne06rmvxCabDOKlxtyXtuHnOxlIxpCEFNdtjJbHTEIiTcYurWuBTE/HV1awsoQ9zqr4quK5WovNg5MaY9Prw+YGYstrnTM+xrteE0tnLPg1jIEZ6rssdDa82EGMhbE5b4HZWrQJlAFc63zNJ5lGh4+VXqnWGMDZIlkahR3S+tZ8KNLwGhEafUaJUeaz+NjZWKO1EEzPCz6TyHqTp4j3Gp9d9M6tdbq33JswjHYwGAwGgzeOmzLax8fHM2bmVuIlCzXFSvheE85PotSMp1xqY+fHE0ttFr8fh/G6xhqVUeiWIOPErRFyysZrWXg70fcmfSak+GiTXmwMIeHvZP/tsqWF1iAgMWeuydauMa0DSn5SoN3ZsmKBbOWo7+o73hiA8TU2taAnJ+Uv0PJny0j32HB/Tah9l/nd4u7No+OftZaYieG6J2gX4394eHjeVozGG3y0Rh0tez/NobXaE5t0Kc7WvrDlYay11ufPn1+8Mq7Mtpm+Pz7nLmVI+xjF/PVKxp5a3bExRVsHKT9HIKPlevTvXMo29pwHzUPXJdUOXwPDaAeDwWAwuCJuxmgPh0NsZJwUlJrCzK7FmUDrjHV4qUZV1i1Z0a5GsInWJ9Hy19YKphiq3mvNDBJrbA2+OdbEhi8xiV1NrEDLOdWzcSz39/dbRns4HM7ioikuTUbRWuA5mBXJ76ZmFszYbUpkSQ2LLRv1v1SfJBS/1omBuZKNj1ljU7zVmRoziJm/sMv8J4snk2Uz77SNwHW9axavsey8LrzGHz9+rLHjp6endTwez9pz+v2kzxiXbiL1aS68xyiSrxaJa508FlQ/ah6htU7XkF4QXUOtnV0rSs6HTVRSowU2b2815v43s6Y5H61RV0DjfcN7Tp8nr5K2oUdlV1t+awyjHQwGg8Hgipgf2sFgMBgMroibuo7v7u6qoPVa58F5ughTIo7v31+FJiW21smF0b6T0uzpZpJLhe4Rlpf4XOmOVfKAjusuyuTe823pckvH0fxauv1uv+3zXTJUK7VJ5+TvlI20ZgVrnbvsWzmSJ3O0YzdhDE9O0fHksqPrOAnFt+QQrUO5f12UgjKKFI+nG9hLdeg6ZilSKglqoQKKu6SyLK43Xq+U0MQQRRMA2YU3diEHuY7Z7MPXAT9j8l56tvC+o5uULla/birncney75OJTr5fuo411p9++unsOwyFaH6UjU33np5rTL7TOmCS1Fqntcp1vnP/CkzYaxK6SQiGYUGecz/3LE/y710Tw2gHg8FgMLgibl7e0wT81zpZaUx2IHblAX48B5Mh0nfJyJKEXEsKYKKOJwlQ3Jtzv9RGz7dtgvA7RktBDL2fWp0Jr20h6Nu214RUMtMg+U56Oty6bSL3PG8+VzIuMnMyM9+3xs9ENpan+NohCxKD5dr09a2yEFnlXH8s6HfpRDIIJhqJSfs1oLgBk3rYoMDXQZMYbQlOvk2TtEz3ehJcac8KyS/y/Pi11NxYQrK7H8miyMRaK7y1TudMzwVdY82ByXJrndYK1zGZYCpX4TOJyVBJqKcxWSHJk1L+lCVwrQGHz7mtg/S8aMmWLE3yBCh6vO7v76dN3mAwGAwGbx03Y7R3d3fr+++/3wp1k62xTCCx0VY4TqaR4q2NsTAG5AXPtORY7iJLMIlvNDnDVs6UvkuBhBRfaGPT+9oHLdu1zhs8t9Z3qUyGY2nlRP6ZF+/vRAeenp6ez20qDWM5AMfHtn+OVl5F5u/rgIxPYxPz0Hj8nDBWpVicWGISVaGIBY9HqVFnQYxbM76Vrj8lCvk/r6mf50tlUUlUoYlq7Bq/p9Zpbe0cj8f1xx9/PH9HY/EyKM2NYiPpenCuZLJcdzq3iuWvdboeGoMYF0Uh/Hmn+50SmRQ78evf2n5qTdLjkfIutM5YCpRaiJJ9Ui5W2+oe8XaQTXilNTXxv1lOxFK49Cx2pj4x2sFgMBgM3jhu2vj93bt3z1aPLKSUtdjEEpI4w86SXevcX++Mhp+JsdDCScfQdyhILom0lOFLZtFkFNN3ybbJTpzdkVmQmbFAfgfG4hIjbHFcZoX68ciMPnz4sB2Px+GSnGKTS0zH4TiFdj0oKbfW6Tq3QvtdCzqxG17DdI6ZKawxMF4t+DmhV0L/U/TC42+aK1kWhV80dv+uxkIxhV3rQJ0v3vNkk36cdg8kHI/HF54IioOsdTq3LVabvDhc0xqvrjEZuY9VQg1sy8c4fJJ8ZDyV2e4OxpFbVYeugTM/vceMbGb2pntWjJWMmZnS+j+NhQ04UqyYzxeeP7br821vwWIdw2gHg8FgMLgibspo1zpZh7I63E9P64i+/pR51uTdZO2QkbnVprjXp0+f1lonC0jWfBL35hgY13lNrSjZDmPPzpzIultTBs825P7JYFscJM2vxWhTHVqzcndxZOESu767uzuzapN8JxmJ5/WEAAARzUlEQVRRuh7tmPQAkE05M2K8uNWDplpI1reSmSUpvCbqLzAL1cfEbTWPxBZZP8nr3WKRDrJexl/9vJOh7bLEBWb6ttZ02vbr16/P89DcvXGDGBi9VPQ8JU8TPSm8pzS/n3/++fk7uh/17ON6S638GLelfCObJjjo2aB3QizfZSl5jrWP1hDFx8KmGWSR6Xq1OmSe+9QGkHWzurZc52vlxgMTox0MBoPB4I3jpozWLYtUh8WsRLLVFLtlS6umEJWy1mQ5ygqUBSTFlpStRiv9Uvu6NG6yHVqYidHIWmv1rc5kWnYrMxMZD/HvMmuWDMaPv2MUPuZ/isPh8OKas3bZ/27x/abK5GgKV8kSbyL/jLMmNSnGrlh7u1OvarHLnVXObMxWG+n75ZjJPDXWlOXMdcXKgFQb22rLU0ORVOfc5q/6fZ0D3ePundC9peshJskmAynHoLW8Y8zRs5x/+eWXtdZav/32WzwOWyKudf4sIrvW/87UqeLEc8Ts/ZQvI3avsdD7kryLZPM6rsbBZvL+HrP56ZFM7FTbUAlq583ySpNhtIPBYDAYvHHcPEa7099VrKTFCXd1bTslmbTPtc7ZKZmLLDAfY7NUmVGXdHjJkJqObNJW1meX2KMfT2PS+fKaN4db6u0ckznt2uRxm12bPD9esyzVYpH11X4uWpuyphCWcCk707MkyWjYTizFypqea6sb92On2LjPJyl2kW1dUlzzz8RUm4eITeT9bzLZnfrXpTGm9pbMv9h5TKSxzvins0WxW93LjNWmjN5Wm97aJ3pLuF9//fXFq2KZXMO+VjXu5pXQfKR57PNoLTZ39fvMatY2eoYwjr1Wz4DXNZUCll6l+cy5+nc9Tu3j8m24Dsjgfe0mFalhtIPBYDAYvHHMD+1gMBgMBlfEzV3HdJ96UoKnwDuS+4jYyReuld0/Klqnq5jNDdxdkcTU/biUn1vr3F1OaH5sPrDWuauruX2S2HZzo+/EvVlGwqS1Jt7v+6XrmMlFjiTBSRwOh/Xhw4czt3kqXm/JYjvwXPL8ae34NWf7Qq1jJg/tWhO20EVyIbdGDTsRD4ECIkI6HhO0WiIdW/v5Niwn261Huv+4ntN3KEO5E4Y/HA7ru+++O0swcpckW//x/TQWHk/7ZziAiYlr9XaZAhMSfVteb6573yfd25Rm5Trz7zKhTWNSSRKbAPjfFCWiWBCFQdY6F4W5JOe61j5s4kjPlV152jUwjHYwGAwGgyvi5m3ydo3YZW2ynGfHaJtcIpMptC8P3ssqkxVFK50yZPzb90drLrUCY+lCK5lJBf0szmYykR+PyVAU7GbSSiqdaGLijdH7mMh+U/ISWe9r2uWxxVWSGyR2iT9kiW0MbPeWPqNwSBJIITvj2tmNUSA71Lx1nVIJEo/Pht9+DI2JMnpitrpHmOyz1vn5ack2qVSL3gretzumthOGlzdE45bnIYnCtIScJFzDc9e2ZRtDn5vGwHsqSUvyPtQ8dC3FCJOQjL7LEjeuJb9XUmtIP67m6dec61v7YFIp7+O1zpMw6dlI9yb3x+TFlNjJ351JhhoMBoPB4D8AN43RSg5trfOi5rVOFjgl3JLl7fv0V1k3SpmntJdbYJTyYwutVHDvFnyaR2rhxvKNJAPmx9s1U9YrJdKSxce4Ghkumw2sdc4W2Cw6lVQwLsr5Md7r+09C7cTT09MLUYIUr7wk4ZaERFrckwX8enXRAYqMkNFqPB6b41ptXpDUNKM1IadV76yM7cMookGvj//dRE/0P5sp+H45XyGVKCWG4a9pjG1+CXd3d+vjx49nbRJ3rSibR8aRciPW6o0O/FywBSFLwdioZK0Tc9WrvkORBp8Xx09Gu4uhs/0emzFo7HrO+v6YL0AJU4pT+HdbvkpqYtGuF5/BPi/+/twKw2gHg8FgMLgibhqj/fbt27OlkrKAKc7A7EXGJf291pic8QePQzCTjwIPKZbQWqsxSy9lDFL4nkwvWdC08FtTgWShMQOWMUFmCae5swH0rmkCY0ItgzltcylW8vT0dJbNmBhyY4DJauc543h357jJZ+p9jdHXKufMbGPmJqx13pSbMTPGoVJjbLZq28W/msQom3cntsDzyXVNr5ODrIT5DO5J0vhd4KVlHYvR8rnjc27rgP+n66K5tDg7Y+lrnWQS2c5N+1B83D0oFM6nMIraNibGl+4/n4PgbJxNC+iFSXkX9ErweUYJRl/LzExmFnrK6REYx+e96fdE8hreAsNoB4PBYDC4Im7GaI/H4/r8+fOzRUnpurXOrUNZOfpOikPR4m9g1u5a5wyCcQlt65YlMwTJGhJTp8XFmPOurZyO15q1J7ZFlq04SsqaJcgWmzXsFiHjtk320PdBubT3799flNJjm7XX1FXz/yQzx9gOGedOBrA1LGesybcho6O3JUnG8TivkSrkvdHWYaqfpMQi4/y6JxIzaPOjd8SPw7jeLo7MeszXZB3r8yQdyHVLT0PKyk0xQ47T9+1rX/Nn5jDra9N6o3eCeRgO3Vt8ztGjkbw9zVPWPF2+30t5BEkGk8/2VoOfvG8C2/QlD2F6fl5q0flvYBjtYDAYDAZXxE1jtPf398+Wl6wZtzZkiZBpkFm4FanPWKPXLD9n0Iz5amwtG9iPrfGTWaSsQ86HDGoXIyLLIutJtZiMFzJTeif2Tybb6mbdQm+1kALPlUNj+PTp08W4SauT8/faPl4Tw2zXI8WHOBa+JhbEdUA21Boh+Fy5TbL0BbJBrk3GY/1vxvfZWjExnub9YLzc5837h3F4/Z/YjzPaXYz2hx9+OFuDKR6pcbJtXTrHqQY9/Z+y9Bmr1DXVuU25IWS7LSvYn2/MsGXMlvH9dDzqD7SGLz4PPjP8Ovn8Ux08z1drprHWORPndaMuw1o58/4WGcjDaAeDwWAwuCLmh3YwGAwGgyvipq7j4/F4JoDg4t5yHdNlq9eUmk9JRKbTU3QiuQm4DV1d7qJkMgCTH1IiQ+vTSNd4SpZpgux0Hae+kG2/dCX5OWTaPt1ALJ/y95okGueS8PT0tE1oeffu3Zl0IF3ia5337eX1SOOmm7cJpCRREF7/nStRY6C7lOc2JWw1NzP3nVzVLWGLJWn+GUVc2G85oQmWcN6pvIeuaIYwfG20RhcJd3d3USaQzw3fn0D3aUqaYQIQXd4ppKFnnicCOtK15DZJ3MTHsXuvjTE9s+hW3oUB6J7X/JpwSgoh8LrzHk0CKU0idZco6nOfZKjBYDAYDN44bspoHx4ezor2HSq6lvWXhMvXyqyUge/GIh0sXm5JV27xa/w7y3itl9YhLabW2iolWDC5piXwuOQjmRmL//U5Geha54ksZB9Jwo7nVsfjtU4lQS4s0ixLeUOYEOZz3pUf+f8pGYpWOs/fLuFIaOVXfv74WWNmqQStyUVyLfm8WyE/m0rsGC2FK8iwU7kFrwXZXvIqCEzYSsII/OwS7u7uqvj/Wp1RMjEsCfbzWUFBEc59rVMSlJ4dEqjgsyXNr5VdJU8D70OOfVdWSEbLBL4kYMOEprbt7rnT1neCxqhzQA9kaiTDe+IWDQXWGkY7GAwGg8FVcVNGm5pg7wTB2RJqV5TPVHamcScLnDErxjQpHebbNBH5Jv6+Vm+4zPhDknq71MItScpdis1yzL4NGzCTgSZLtjG2ZP3qeul1FyeRN2THLGmhNknOxBKa+D1Z6o5BsewhySny+uoc0xuT2AnjuIzdJ/ETej3YLnEX3+c2rcxs11yCbDSV9HF/Ynts7JBELlLbRUJrhw1LUhtLQceS0Is8ar6dxsnjMx6p4/r2XPMUYknCJdpGY+F9mJ4TTUSHz0hu7/Nh7FTH1TnyVoyaI+9tvU+mm7whZKFcZ2l965yQMaeSS5aDPj09TXnPYDAYDAZvHTdtk3c8Hs8k/tyqYrE6mYUsF/+O3pPVJMtP1tQlIYO1euwqWVEcU8u0dUu/Cd3TkkpF4IwF0XLfybUx1tPYXgJZ8Guyjts2KXZH63YnD6mi8l2B/a4xg3/HvSpkN4zJsmFA8io0ScwmfrHWia3JU5KsbKExc6J5PHxMLd66i9ESzWvhYyPr2cVHKS7QqgScOdHT8O3bt7qW5Ukjy3GWxzVO5p2y3HU8PXfIvNgEQl65tU7XncelFymJ6zDuqXOh5gLpWvJcMkcjPVvojWgM3Vv8UYiDDRC43n3tNC8Ln8E+Pz4bee6Tl4N5Oe/evRtGOxgMBoPBW8dNGe1aJwsoNeBl/FMWpCyvT58+rbVeNhvW/phZScmyFP+kZcy4684C13uaB62o1NC8ZfvtGjDTKpMV2NiXz5kygQLr6Hw8nA+ZQrK2G5tvrDjt9xJ8DjuGfKnuOEnG0ZNAJiM4626i5wJjm74ts9x5XL8ejVlwLdGq9/E3mcgkzdjihbwXUvUAmdkuLi7wuiX5Qf/c97er6fXvPTw8VHbnfzOHhNfLGS3zH1o82lv5CXpmMf5MsX2/Lj/++ONa67wSo8XU1zr32PBatlps/4z3muZBturjZhs8vjJz2t9ra1VI+QQCPTTJc5jY9C0wjHYwGAwGgyviZoz28fFxff369TlWIUvQY0HMwiSzlPWUalRbHEL/S3Q7+eObIDzFqtN+aSm3ekfHpTZ5PkayBIEMIGXwkdGSwSWWR9Ui7jNlgZLJNmaQ4NmNO2Wou7u7M8Fxz2LmMVvtcGKLr20a77ikCJXYVmuTyNc0xsYkud5TVqa2ZSZnylhvXhceP2WsM1+BNbf0pPh+eL34mpjza5Sh9F02Q0geIIENFNL+xShVAyuIrTKzN3lfWvP2pICnzxhnb+0Z/bOWOb4D1Zt0DnTfp1pYvsf7VfsUO08NWJrnYZdVrbE1D6U/G7jfXf3+v4lhtIPBYDAYXBHzQzsYDAaDwRVxU9fxn3/++ew6TsFouj9af0ZPKRfohmhu2eQmo4uBSSLuym19YOmeTcXmTNRhMkJKrGH5C11pqUdvc4nSbdLchGkfLH1I427uvpRuT6GPHZ6e/q+XMZsKJAk3XYcm6ZYkCjkG7iMljbEUjAknqbwnCUTsxqG5+7jphmNiVSpFo+uT6yGJ/PO4rdlEcuny3mtryffDRBbuP7lvd+vX8f79+zPh+SSAwbInumV9rrr+SsykgATXTkpS0/PGS5f8eI7ff//9xXG1D8oPpjI5SpY20RNfq83tyzWaRENaMqHCd3Rpr3VyxXMdsy9ycgPTrcxzset/fIvSnrWG0Q4Gg8FgcFXcjNEej8f1119/PVtvsjI8xbsVR8tS4v++LVmCrBslEQiyqnwbjYVF3ylZhGn0rf2eW9mNwQg7MQKW0/AcMJnEt2XyU0s8SckRTZYwlWVdaq3Hkoe19gIVaSz39/dnx/Zxk0FS1jCVKzGhqDUXSBY6G1+QyWrOPk+WNZBRaJ28pvEB75WUWELGR4/AaxottJaHiZ3yeE0oxVmQrqnOCc91GuOO5RKHwyG2DuQ2a/U2axTw92NrGz1XyPiSVCElGOl9UXlMeh4wQdSfZ75P/u1j5VpK3hc+k1pZ4U76Va9KGKOn0M+35tE8RMljw3uuJft5Miu9B9MmbzAYDAaD/wDctKnA/f39mYW6ayBOOcUkwyWL+8uXLy++00pYUlo/0/tZCuBI8n/puKkNV2O/tGgTc2qNsZPgPa3Pdg52Uoyt8XYqX7okwch4lY/tNbFaiQ6kuKBAcROyuF3pDM8X26KlddLmumtAwOvRWiC+pv0bx5TaQzYpyVa6kebFe3InxcnjMV5JT4d/h0y9eRl8roxPJxwOh/Xhw4fKfvw9NrunXGPyvrGURMyMEq0+Z63JJtOZWu61+0MiPklqtok9JI8QwetPBqv3XTxI501zp2gQ460uAKK/2cCBOSF+rrQtPSacXxIpasIo18Iw2sFgMBgMrojDrRrfHg6H/1lr/fdNDjZ4q/ivp6enX/nmrJ3BKzBrZ/BPEdfOv4mb/dAOBoPBYPD/EeM6HgwGg8Hgipgf2sFgMBgMroj5oR0MBoPB4IqYH9rBYDAYDK6I+aEdDAaDweCKmB/awWAwGAyuiPmhHQwGg8Hgipgf2sFgMBgMroj5oR0MBoPB4Ir4X/o8X3IhFrZuAAAAAElFTkSuQmCC\n", "text/plain": [ "
" ] @@ -1201,7 +2208,7 @@ }, { "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAe0AAAE9CAYAAAAmijrUAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMi4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvIxREBQAAIABJREFUeJzsvWm4ZVlVJTrWjSDJnmxAILWelF1ZWir1BMWnBdihhcrThyWgopT1FB5Vir0oliTYop9aWkiJLQKWaNn3dJoC9th3gE0mpZIpSZJdRGQXcff7sfeMO+84c8y1zo0bEefgHN93v3PPbla/91ljtm2aJhQKhUKhUNh87JzvBhQKhUKhUBhD/WgXCoVCobAlqB/tQqFQKBS2BPWjXSgUCoXClqB+tAuFQqFQ2BLUj3ahUCgUCluC7o92a+1prbWptXZba+1KOnd0OXftWWvhlqK19tjW2rWttR06/rBlzJ52nppWOAQsz8Xnnae6p+Vvpf7W2stbazfQsRuW6/+nKO/Xl/NvEPXw38sH2rjTWvvj1tqX0/FPba29rrX29tbaXa21t7bWfra19onuGnvnvM/AOFzba8v5xNK3Fx1ymWpe/N8Nh1TXhUt5zz6k8t5neS/+H8G5m1pr33sY9RwGWmsf3Vr7nWWdvq219q2ttfsP3vu41tpvL/e+o7X2w621Bx5Gu9Zh2g8A8FWHUek/EzwWwHOxOsY3AvgIAL90rhtUOFQ8DcB5+dF2eG5r7YLBa+8E8Kmttcv8wdbaewJ4zHI+wkswr1f/99yB+j4bwEMBnP7Baq19EYCfAfDXAP4TgE8C8A3L6Y8Z7Me24XkAPr+19n6HWCbPx00AXknHPu2Q6rpnKe+lh1Te+2BePys/2gAeD+AFh1TPGaG19ggAvwrgfwP4ZMzz+AwA3zdw78cC+BXM8/JEAF8G4OMBvLq1dr8zbdvRNa59FYAvbK195zRN/3SmFf9zxTRN9wD4nfPdjsLW41UAHgfg6QD++8D1r8b84ngi5h9iw1MB3ADg7wEcCe77x2maDrJevxzAS6dpOkHHfnaapv/kjv0agO9nidSmorV2/+UZHsI0TX/UWvsjAF8M4JmH0Qaej9baPQDeMTpP6/RhmqNvnZP31TRNf3gu6hnE1wP4GwBPmabpFIDXttYmAC9urX3rNE1/kdz7PABvAvDEaZp2AaC19rcAXo/5efuhM2nYOg+K7Yi/tndha+3DWmuvaa0da60db629trX2YXTNS1pr/9Ba+7ettde31k601v66tfaMkcasc39r7V+21n60tXZza+2eRWy3shNtrT2ltfam1trdrbU/a609obV2XWvtOnfNha2172yt/fnSv5taa7/QWnt/d8212GMj95nIajm3TzzeWvuK1tq9rbWrg/b8ZWvt59z3i1trL2itXb/cc31r7TkjL7zW2iWttW9prf3tMgY3tdZ+qrX2YHfNOvP2iNbaby3inze31j5pOf+lbRbH3tFa+7nW2oPo/qm19o1Lu/9huf91rbWH03WttfYlS9n3ttZubK29sLV2eVDeN7TWvmgZjztba7/RWvvAYAz+nzaLu060Wd3zvxqJ6Za2v7y19uTW2l8t4/DG1tpHuWuuw8xOP7LtiSOvW849pLX2I20Wp92ztPsXW2vv1pujNfH7AH4WwHNaaxcPXH8XgJ/E/NLweCqAlwE4tNCIrbUPB/BBAFgcfxVm9rECe7klZT6itfZPrbWfbq1dmFz3Ia21n2+t3bqsrd9srf07uuaRrbWfdOvvza21b2qtXUTXXddae0Nr7VNaa3/U5h/HZy7nhtcdgFcA+Cwu/1ygtfaK1trftNYevaz9uwA8fzn3OUubb17a/wettc+k+1fE48t75GRr7X1ba69cnpHrW2tf3VprSVs+ETMDBYDXu2fnUcv5feLx1tozlvOPbPO7yt63X7ac/5TW2p8s9f9ua+1Dgjqf1Fr7veWZv3UZj3fvjNnFAD4OwCuWH2zDjwE4BeAJyb0NwIcBeJVf09M0vQHAcTgJSGvt3dv8u3Tj8q5427J2r1wt2WGapvQPsxhwwizWeAFmccl7LueOLueuddd/MOYXxB8A+HTMO/vfX459iLvuJQDuAPBXmNnCx2N+yCcAHz3QrqH7AfwLAG8H8OeYRXafgHmnswvgCe66j1+O/SxmMc3nAvg7AG8DcJ277gEAfgDAkzG/uD8NM4u5FcBDlmveY7lmAvCRAB4F4FHLuYctx5+2fH93zAvhmdS/D12ue6Ib69cDuAXzrv1jATwHwN0Avr0zVhcA+C3Mi+a/Ln39dADfD+D9Dzhvf4lZPPyJS7vuBvDtAH4Bs9jz85brfoLaMmFmdb8J4FMBPAnAm5d+XeWu+6bl2hcuc/YlAI4tde1QeTdgFg8+YWn79Zh3yUfddc9Yrv2hZX6fhHntXA/gMnfdDQDeuvT90zGLxv4IwG0Arliu+QAAfwjgT2xuAXzAcu7VAN4C4LMAPBrAfwDwvQAe1lvTo39LP74BwAcua+fZ7tzLAdxA19+wHH/scv17LMcftZT13gCuA/CGoJ5vxLz2Tv8NtO+5y9zv0PFfA3ACwFcAeL+Rd87y/XGYxfffC+AItc+/e/5PzGv8DcvcPR7Az2N+Z32ou+6JmMnHJ2N+hp+JeTPxCmrHdZjfHddjXs+PBfDB66y75dpHLNd/zGGtgWh+xblXLGv3rUs/HwvgkW6e/j/M74OPx/zMncLyblquuXBpu19j37Jc92eY30Ufh1kNMmFmpqqdD1iunwB8AfaenUuX8zcB+N7gmX0zgK9e6vnh5dg3Y37+PmMZ/7dgfl/79fHFmN/pLwbw7wE8BbNq5i0ALk7a+fCljk8Lzv0dgJcl9zbM78wXBOduAXC9+/56zO/Rp2B+V3wG5nfyQ9P5HlgQT8Pej/ZVywL4oeVc9KP9k3AvuOXY5QDeCeCn3bGXYPUH9v5Lx75voF1D9wP4QQA3A7ia7n81gD92338L8w97c8fsh/O6pB1HAFyM+aXyJe74tcu9/AA/DO5H27Xlt+m6/4Z5I3D/5ftTl/seTdc9B8C9AN4taePnLfc+Iblm3Xl7tDv2wdh7uPxD8x0A7sPqi/YdAC6hMbkPwNcv36/C/KJ9CbXxs7kfy/e/BnA/d+zTl+P/1/L9UgC3Y1m37rp/uYzdF7tjNyzjfqU7Zi/dz3THrgP9yC3HjwH4ot76PZO/pS3fsPz/smWOHrB8z3602/L/s5fjLwLwm6o/Sz3R3/t02vcrVi4dfz8Af+rKeQdm9vI4uu5p2HvnfNYyR88T4+DfPa/FvBG7gJ7Pv8Isllcv2aPL2tqFe08sY7IL4OGi7nTdueP3w/wj9zVnaT3cgPxHewLwCZ0ydpZxeBmA33XH1Y/2vh/oZRzfAuDnO/V84nLvRwXn1I/2V7pjF2B+Pu/Gsvlcjn/Gcu2HL9+vwLyBe1GwBk8CeEbSxo9ZynpscO6NAH6p08c/BfAbQb0TgNvdeN0L4AvWne+19EjTNL0TM5v6nNbavxKXPRrAL07TdJu77w7MO97H0LUnpmn6dXfdPZgn/rTIss0W6qf/1r0f8yL5ZQC3UzmvBPAhrbXLW2tHML+Yf2paRnQp7w8w7573obX2GYs45jbMC+A45h8GNSY9vBTAo9piLbu07ymYWarpnj4R8275t6gfr8L8UnhUUv7jANw0TdPPJ9esM2/Hp2l6nfv+puXzNdN+cdKbML8IHkr3//I0TcddPTdg1pt9xHLoUZgfTrZSfgXm8eb2vHqapvvc9z9bPm0dfATmDciP0tj9/dLGR1N5vz1N061JeRl+H8BXtNae1Vr7oExcaGitHaF1vs5z+VzMa+8rehcua/vlAJ7aZgO2J6FvYPRDAB5Jf3/fuecazBtlrv8tAP4t5vn7RgB/jFlS9crWWqR2+2LMm8RnTdP03KzCRfT8GAD/C8Cum+MG4DVwc7w88y9os57xHswbxpct174vFX3DNE1/LKrtrTvr932YN43XdPqQvevOBCemaXplUN/7t9Z+orX2NszP1X2YNy+j77HTxrTL2voLjD0j68JE6pim6V7M7+S/mKbpH9w19g76F8vnv8NMpviZ/7vlj5/5w8R3AXh0a+2/ttYetKhMfgTzxm136ceEWar5Na21/yLUKiEOYvzxnZh39s8X56/CbCHNuAkAy+pvDa67B/PuDq21h2FeSKf/lmND9y94NwCfw+UA+Lbl/NUAHoj5h+/tQXn7jO5aa58C4Mcx794/E8CHY36R3Uz1roOfxvzDb/rGxy3t9i/UdwPwnkE/fs/1Q+FqAP/YacM683ab/7I8SMDqfNhxHpfIkPGfMKsKrC3g9kzTdBKLGJ3ufSd9t42O1Wv65Ndgdfw+CKtjt688t3Eamd8nYd7ofCXmHfc/tta+rvND/Fpq09cN1GNt+zvM0qRnNbIfEHgpZvH+cwFcgnktZ7hxmqY30l/PiOlC7M0Bt/fUNE2vm6bpa6dp+jgA74X5x+65gS7vyZjX7U916gPmNXEEs/qH5/i/ALjSzcEPY2Zx341ZLPxIAP/Ztd0jeiYMvXXncRcAqdMeeNedCVbsCFprV2B+Ht4f84bvozCPw49ibJ2fWjb1HvzuPSxE75Xeu8ae+TdgdT28L/L3pZUd6Zavwuq8M34Isyr5azH/pvwZZqnMa7B/PX0aZgv15wD48zbbWKR2AcB61uMAgGmajrXWvhkz4/624JJ3AnhIcPwhiH9kM7wN80LiY+vgFsy6A+VK4HeZkbHQgzGb/RueDOBvpml6mh1osxk//5AMY5qm4621n8EsCnwu5t3u303T9Jvuslsw7zA/QxRzQ1LFOwD8m04zDnPeeniwOGYbC3soHoJ59w7gtATiavQfGsYty+fTfHkOyt1pbUzT9HbMPwD/eZFGfS5ma9KbAfwPcdvTAXhXrHXX+Ncv9XzNQPve0lr7XQDPxqz2uK13zwFwC+IXXtSet7XWfgAzO3lf7G1CgVn3/H0Armutfcw0TaER24LbMLOY74GQHkzTtNtmI7b/G7NY/bvsXGvtg1QTR/oxgKswP4cKh/GuU4j68O8wb5I/dZqmN9rBdgguSRsCe+Y/E/MPJoM3HB5vxvyb8IGYXRQBAK21SzFLEr4/q3hh0c9urX0DZhXcP03T9PbW2vWYVaF23U2YN4/PaK19AID/iNmu4CbMG8sQBxXBvAjAl2LPotzjNwA8vrV22TRNdwJAm31DPwWzjmgYC4N7Y/fCHL+KWTz6F9M03aUuaq29EcATW2vXmoi8tfahmAfd/2hfjHlCPZ6KVXcZ23VfhLEfhZcC+OzW2idgNtDiDdGvYn6JHZum6U18cwevAvDk1tqnTNP0C+KaQ5u3ATy+tXaJicgXRvEozLoyYBaV34t5g/Rad9+TMK/ZddvzW5jn4H2mafqRA7d6P+7B/h/aFUzT9GbM4q9nINk0LdcdGMsP3/cA+EKMued8K2bp0wvPpN4EkcoBrbWHTtMUMVfzvOAf5X/EbDj16wB+ffnhDpnvsvF9PYAPAfCHk7ZGvz/mZ/U+Ov40cf0Zo7X2EMwMUM7zIb3r1oF5HJwehzZ7ODz+LNfr34tnE6/DLN14r2mafmydG6dpOtFaey3md+Y3O5XfkzGvHfUO5XKOYVGZtNY+FfMP/ovFtX+JWa32THQI1oF+tKdpuqe19nzEjuZfj9kq87WttRdg3uV9FeZFokTqZxNfh3n3/rrW2gsxM9IrMQ/Me03TZAEynov5x+1nWmvfh1lkfi3mF4l/Afwq5iAV3wngFzHrwr8QJDLGbBUIAF/WWvsVzOKk7KF8Lead9Q9iXtAvo/M/inkn9trW2rdjtpy8ALPl7xMw75hPIMbLAXw+gB9bpCS/i/kH5xMA/LdlE3Au5+0uAK9qrX0b5pfo8zDvfL8TmG0nlj5+dWvtOGabhH+NeZP4BqwZmGaapjtaa18B4HsWEfKvYNYxvjtmPeh10zSF0cIS/CWAZ7bWngTgbzFvCm7CLAL7Ucw/XPdhZnVXYl5bZxPfgtki9zGYbR8kpmn6acwqmbOF1wH4j621q6dpusUd//PW2mswz+f1mO0MHo+ZbfzENE3/mwuapunG1tpjMVue2w+3YqBfutT9ytbaD2IWRT4Qs1X5kWmanj1N0+2ttd/B/FzeiJn9fh72VDNnAx++fL4uverc4vWYVXIvXt7ll2N+V/4TZu+Xs4U3YX6f/r/Ls30vgL/yNi6HgeUd8mwA395auwazDdOdmOf5owH8yjRNP5kU8XWY3zX/s7X2YsxGkd+G2eDvz+2i1toXYCaxHzlN0+8uxz4MszHbH2FWQT8GC8ld7KTQZlfbn8Ps8fRmzPruT8f87j/NxiOcSUCDH0Ygdpim6U8x747vwKx8fxlmi9rHTNP0J2dQ34GwvAgegflH7pswD8j/wDyQv+auezVm8fS/xiwS+SrMkWxuwvyCN3w/ZiOaJ2HecT0eMxv11wDzD/qLMLtZ/DZmA6WsnbuYJ/DdMRtC/Q2dvw/zj+z3Y345/zLmH4fPxcwk74XAcu/jln7bvS/C/EJ753LNuZy3l2L+4X3hUtfNAD52MXQ0PAfzQv/3mMfy2ct9n5SwKIlpml6MeXPzrzD37Zcxb8qOYjaIWhcvwLzR+gHMc/tizBatf4h5g/STmNfRRwD4rGmafk6UcyhYfhy/42zWsQZ+DvNYfDIdfw7ml9LzMW9ifhzz+Dwbq/7jp7GIER+LeRN0XRN+ttMcnOORmEWj373U8V2Y7Rb8D+ZTMBsBfQ9mQ7ebADxrvHtr45MB/AE/0+cTy8bniZjn46cwb9r/O+Z1ezbrvRHzWH845jn5fczzczbq+m7MP4T/BvO78pcwk7MJe0aD6t7fw/zueRjmd8XzML97P58u3cHMvr0e+l7M75qfwDy2Hwfg88iY0lj4M5Zrfgqzq9mTpmn61axtzRlLFwittffA7Hf5jdM0ff35bs+7AtocZOYbp2nqBukpbC9aay/B7JLzcee7LecTiw79RgBfPk3TD57v9hS2H4fpVrDVWFxGvgOzePMdmK1avxJzMIgfOI9NKxS2Ec8D8FettUd01ELv6ng6Zgviw7KlKPwzR/1o7+EUZmvlF2K2UD6OWe/zH5TxS6FQiDFN0/VtDtV72OFbtw33YA6kxMarhcKBUOLxQqFQKBS2BFuRWadQKBQKhUL9aBcKhUKhsDWoH+1CoVAoFLYEG2WIdvHFF09XXHHFoZTlw7dyKNfe99Fyz6RNZ3ptdP4g95zJtQcZizNpg9lfvOUtb3nHNE374mxfeeWV00Mf+lDs7OwcuG1cj/+fP0fuHT23zj0HsUFZ556R+kbblI3ZOmNxmHY3N95448raueSSS/a9d2zt2FoCgCNHjuz7tHN8PHrv8OeZYFPKOFtYZ72vs1Z3d3fDz5MnT3brMVx//fUra+d8YKN+tK+44go8/elPP6My7GG64IILTh87enTuJj+Mve8e6tzIA6k2CdkDHrVB3csvEv6M2qFeKOrTl6XGbZ2xUNfaXEX1nDo1RxN89KMfvRLx65prrsGP//iPn553+8zm0h5cK9c+7UH2/993333htfwS8OAXAV/D9ft7ei+bbGOh6o+u69Xnx8Kg+s7H7V7fbz7G9fJ3f89h/Hhfe+21K2vH3jtW/v3vf38AwCWXXHL6mksvvRQAcPnllwMALrvsstP3AsDFF89RQS+6aC86p63l+91vDufNP+z2mfVLPYcjz5qVmz1z6j3TKzMqn9uc1cHPgtoc++ui58VfGz2/9tzee+8ce+r48Tnw2okTc/DIm2++ed93X4/Nl+GpT31qGmnwXKHE44VCoVAobAk2imkfBiJmqBio2hGuw0izNqhrRph2794RqJ2wPzcKv+O1HWhW/iiyfvNOtzfm97vf/U6zm0jaoFgF79w9emJcxZ6zMkaYFX/ntenb3Bv/ERG/YtoslYjapurn+YuOWT8ytmZ9V2N+ppimad+YRNKMHuPlNnpYeT3VTfacKlZ+kPdB1DZVH9ebrR01h74Ofi55nWXrgK/hebLP7N3P7weTqnimzdK0daURZxub1ZpCoVAoFAoS73JMm/W70bHIaKSHHhNex/AtOz5qtBLpmNfBuvf4HbbagY7YBKhrM925wXSDEYxp29zyjtqXxzoww4ixmWJ50b09tnomRlcju39lyOfb0etz1sYz0TErewWD7x+zcZvjTEJyJojKPcgzPfqMrcPkzsS4LZo3xV57tjXrIHsfsORlRApl9yh7Ev+9p1+PfgvU+2FTUEy7UCgUCoUtQf1oFwqFQqGwJXiXEY+zwYEXuygjhJ5bFdB3m1jH1SvDuqK0dYzYRgzfDMrwJRqTnhFJVu5I23l+vDsYo7WGI0eOrMx11CZudwblksSis0hUpwxluOwR9y0+H0GN5YgY+0zE5ModbUQcP7J2bC4z97rDxEGM7rJ7lKvXiEsmj9OIy5dSx2TuggcxgO1dm72rDDwGmeEdrx1+BllsHrVBjbn/veC1bu5im4Ji2oVCoVAobAneZZi2ilgE7O3U+Rq1A86YtoF3cJEBEuMg0bJGcBAWuw4rj74D40Fdsjbb50hEqV65Ozs76TroMd4oeIMKvKICs0QGez0mOsJ8RsZUsYiMRavgLVmQFT5mnzwG3H/+37eRjcsy5nq2XcBUW30b1jFIVVLAEaat6o3AblRqzUSSj57EbR2p4UhUwp77bSYhU5KyEZcvPj4iSdw0FNMuFAqFQmFL8C7DtI1NZ64+aqfLu/3sXj4e6Y96oSENWSAOtQNWIfaie7Pd7Ahr9fdkDIKvyViuqicLhjLK4FtrK1IVf0/P5SoLncjnFMvMWLoK9xmNTS+29YjL34g+ntuv2pj1y0JFqvoyFyPurx2PQsky1mF/Zwruk7IXWMfmIDuurslsNbhtyjUzkuyotmbouYeN6N3Xkc4p6VMmubI22hpdJ/RyFIZ3E1BMu1AoFAqFLcHWM20LQ2eBNzhIP6AZ54ilpArIwmVlTDvTexpG9eAjFsFKhxntZtcJkNKrL2sbhz5V/fISBCURiWAsm5lp1E5lj6CkG4BOjmGWpVmyAt6xcxkRE2Ur+CxojAr3qthyxJo5KYd9MhP35Y3MYQ9q7COJi9J3r2Mlf6ZQ0gRuC6DXL7Nmw0hSnkwPniWV8feOhNpV1utRchv1Pl1nPrJx7F2TjRE/N/wsZPccpB/nAsW0C4VCoVDYEmwt07adETNsZnT+f7aqzJiVgtKPR7sxFQYvsu5UVrsj6AW2z3RKozvsCIphR4xOsUGWVGS68wytNezs7AxZuyrGFunXVAhcbqMx0szzwJg39zWyOGcWzvPkU89yfdy2zDqe9cVqDjOLY+U/P8JQVMKQCDzW51LXqEIfK4lIdK1qb5RsJGK2Hux1EYHnNpNIKJ29tY1T1Pp7etb80TPNbeP3qI3niERRSbD8MavXfi8ye59zaStxEBTTLhQKhUJhS7B1TJt398rKdsQCXDHFTMfIzDALOK8+IzbI+taejjvagdvulfsZWZz39PzMHDMLZxW5zPePpQFqB+1ZG7OIEYv3TK9mLEEx3oxpG7O1nTrv6tma3J8zvbd93n333fvaMWLNzZ8jvqjKQnbEf5ZxEAlItHYU61fjCezNgWd5/pqzxbj9+uP5t+/2GUkbetbVma3LaN8iGxD2eWdWHnlH9J5LtnEA9uaD62N2nvVBefTYuI68x7kPmceI1XPRRRcB2HsWo/V9thPTHBTFtAuFQqFQ2BLUj3ahUCgUCluCrRCPRy5YSlydiQ85GASXHxmTKOMKFRYvaguL/iKxojI4UkZLmchpRNTeCwU4YkTEAW0yt67Mpcef9+K3ddzO7Hq+JwrSwUY37BbiRZ0svuUx5fXnkwuwePyee+4BANx1110AgBMnTqzcwyJ83zfftsxYjseAxabeHZJdYRiZK54KdmHIDN/YHY7v8f23+61eGz9WFR2Wa47VY+6kAHDhhRcCAC6++GIAwCWXXAJgVRTsoVy8WMWSBdnhwDWGzF0wc3tU6L1fIrWFUhFaGSZ6jtzElBicx97PAasiRgzfWCXAho9syOz/t88SjxcKhUKhUDgQto5pG5S5f5TggA1+1M422pnaTo9dbOxaY0mRCw7vHtVuL7qnxxrWCfsXuTWo3aNy9fHtYXc7vxv21/o6eHccsVpuI8+xZ4gRpmlKQ8X2DNsyxsb3cvtHjBgNtjaZcUV1KzeuTPqkgsdkgYDUfDPDB/qJd/h5i4K5KBcj7pM/x5IqZpaHZZAWsS97vs2AiSUukeSA30UcStMQuW9lLnfA3nvH16fcwKwf1vaRhCFcX+TyxeesXyZROn78+Mq13CbrB0sjIokTS5lGpIK8ju1dZW2LJEksESmmXSgUCoVC4UDYCqbtd32ZLtlfG+1AlV6Ima/fdapdMu8M/W6MGTazsijAgAoBySwmYoOKdY/od7k8doeKdpncZ9Y5Zm4w7EYRsRpuvwpskiGaSxUEJGOGDDVerMfz51Q9hiz5Ry+saXRNz7UrcvlhZpMFDVIBgFjvGbFPHmNjWsrGImoDM+tIt7kOO2qt4ciRIyvr1/TYwKqUh8PXRhIJ67exO2UXwTY3/l5eZ8Zio7Vk+nYuz1il2VBceumlp+/heWb7COV66P/neeb5j2yE+Nm2sVYudRGUPYmNkT+mJHv87oraVAlDCoVCoVAoHAhbwbT97tt2YrzzZVYzkuBA6TAjdqYsv1mP4+/hHXumv2X9owqbmFmpMnjH662Urb2801Q64ZGwoDxWfpfMO2vewUcsuhce0cPCmPK68OWqvqkwt/6cWjvMeDzTtvG2e5kJROuSJTisL8wSHKjgKlkAGGZuIxbYLBVi5si6epVa0987MsdKzxuxXL6nBz92mReJza9i/5FlPj87LF2K2m3Pjnr+Imkdh+jksTSm7eszPbfVx+8Bnh+/vm3tsFSA+xBJkvgdadb4/H739jK8nnoePcDeM2d9V5b7kbeRwUtcNgHFtAuFQqFQ2BJsBdP2uy3eVavdd7S7VyxCpd3053p+4ZF/Lu+OeecZ6aVVG7lf0e6Vd9/2mel6mB0ptpalulR6d18f99PGoue/7a/xYxyy4toRAAAgAElEQVTB6yUjXRXv0JVNgwcznZ4ezXyIgVUJR2Txy23kcbC1z5banmWo0Lo8/9kzkYXyZfBaZcmBkqb4NnCYXGalfi6UPQn3/6BM23TabCEetVutlchfWyXH4LVpz170PuD1xRIJX7atPV4Pnh1z2/l5VPYCyh7Dl6H8tiOvFesPf7K3TuSnzWUpC3vffq6XdfmRpMX6rGxhzheKaRcKhUKhsCXYrC0EIdOJKJ1ixpqYNSqdkmd0PT1RlpKT2QTXH0UMU9aNbK3q7+XylOV3FClI7ThZh+93uXYtW3pmekkbC9vpMpM0RLqlUT1ra21Fvx6xS2W5bMj0qqYbu/XWWwEAd955J4BV615gj/koC91IisGsixloNMbMpJgtMbuNopsZeP1Fls0cyY3H05iqjYlvH+tqDdY/Ww9+HUT+7B485/7+SNrDaK3h6NGjqf+v8rHm+fL3WLvuuOOOfd9HIsdZubxGbWwz6QKXp5Le+GvY/oLXqn2PdMzMsNm/OZJY2LOhbCmsrZF1PL+32Y4lY838e8GSLGDV3uewIu0dFoppFwqFQqGwJdhIps1s2u+klJWzivMLaOvVSO8JxDtsvoYZY2RpqvyKM+bAUgDe7WWRt7ifI3GRVf1see532Ny/zKeXwRIR9vHM/LUzC/ZpmjBN0wozjaQ0aiyjsbV2HTt2DABwyy23AFjV49522237rgf22MQDHvAAAHtWqNbnzJdcSV4ii3Nm0BxXmaVPkQ7dwGPAEhIP7gdbVtuY+TGxMTBrYRujLD6/iq2unpGDwNcX+Qar513Z1gB7EgmWTHDcchu3qA1sc8DPpx9bawv7hTMzzewh2A6DJVaRXYyBo8XZ+SjFKbfFJFdsd+LbauVddtllAICbb74ZwN46t/p9fRzDnHXa1p7oHdmT8JwvFNMuFAqFQmFLUD/ahUKhUChsCTZSPG5ggydAu3uwQZMXd6jgEwYWI/r6VFALdiWIRLfKvSUSqSvXCwOLyyKxmAorGRkvsSsHi9DsM0qvxwkIWDwfiRd76RujgAmRO4aCBVfhpBUZWLxv9fh7TXz7zne+E8BeSEgzirE2Wp/tOABcfvnlAFYDRlgZUUAOnnc2dMrcWrgfLAKMkkOw+JPFvJHImdUMVp+tByuT1QH+nJXBATq4Dt+PyDXKf49UBiOwtcPjFrmd2XtmJH0jjyWHx+SgHVGbbe5MxWL1R6ky7ZyFKVXuin4+VH/YuCtKAmSw+kzsPzKXyo3KnjdbF36M7J6rrroKwJ64/Pbbb9/XRmuH76v1h5+J6F2cqUs3AcW0C4VCoVDYEmwk02b2khml8M4tYiLKLYMNqCLDIHWvHR8x8lJh/qLdpjIMMkSuENZnO8cuQFGYR9ulqjSOdq0xxyggA6cltfG03TFLPzxYQhEZnihjrAitNdzvfvdbYdhRwAoVXtLg59TuMeMXZkdWBrPZCGaQxNIh37/I5cm3KTLE5JCQ3AZbq1ECD8UUs3CwbDTI7kg2Ruz65a/l/vBzHBlaGlRYVn/dOsZDZsTI9USueEqKEbknWjttHKyd9t0YYfScsNGd3WPg59W3xcaf2XEUkEW5XEbzAOx/t/DzzvXbuyNK5MIutFdfffW+trGRo2+THWPpQzRWbLipEhT574dp4Hg2UEy7UCgUCoUtwUYybUMUvpJ3vErnHAUDUSk4VfATYHV3x3qiTMfIbeYdYRQghWH1s8sJMyEP5YIVMUtmdMx8skQeStoRMW0eL9bRRm3LEiowjGlz+ZErHru3GFj/BawybGMappfO9O7s1mb94OQIfq3aNUqPH+36Wfqk5j06z1IgZkKRDpL1nirEZpZSlSUY3N9IksTrjs9HjH4Uu7u7K+5U3j6Bnzf7btdEUkFmuByghSUkfozV+0aFT43ayCF9rX4vLeqlCeX14Otg+xoOspLZEjGLZZ2zkjj5+mztmO0I9wlYDU6jUo1GqZxH7GLOB4ppFwqFQqGwJdhoph0Fqe8luMh2d8w4ePea3aOCHEQsUCXBsB2u3RtZ1TKb4J1vpOdVTIR1zZFtgJIycJCayNK9pyP286bmiev3LJB3w1lwFasjC8vJyVZUooPoHi5XJaaJduwGtqq3NeyZj2LNzAIjxs1jrGwoouQ2KhBL5unAQZCi5DncDsXCRyRXymrc4AN/9NaKh0lpojVo4PayBXj23lFBiLieEYt39kSInmkDs0t73xhD9W3gZ4HnNHrv9MKyRuOpEu+odKtZOGr13vHfOWxuFJTG1x/1WUlBzxeKaRcKhUKhsCXYaKad+V8q3WuU2INZpEo/Ge3qlGX5yO6LmSizJd9GlQJU1Z+xAd6BRmnuVCJ5LitjWkrvGlldKl1tNo68Ox7VbXtE1ry8rkaSwHD5ancf6RiVFCWyHuc+cnrNLIytknQoyY8vl+c5s21QUi5OtBCtLSU1yb6z1IElMCN2JRlam1NzZu8Bq4PtNdjP3TM4td64nsj6ndkkh+PMngWlr7V7vV6a7S3UsxCxTl4zzNoj2xqVKlV53ESSK9WmaK2yNEiF6Y3CHXM/NwWb1ZpCoVAoFAoSG820DVlUJsWi/W5J7XAzXba6l+uP2sgslvU3UeQwZS2qdoi+zUpHz233u3MVDD9KSMFQ1slKT52VwTv8aN5G2sT3RBKJXnmKBQCrUbnYXiDyn2coW4CIvfTamiX9yHSKvg5/jtcsM5AoahufszFgi93IT5fr575kUq91JCMjmKYJu7u7K/EOMmmWkhhFdhxZNDt/r38+WTrG0o2sTJ5DaxMnKsnapN5vkQ6d7SKU/Y+/X3k0sM1S1C9+JtT7z//P0jqVEjRqf/lpFwqFQqFQOBDqR7tQKBQKhS3BVojHPZRLChs/RCJAZZCTucr0RM+RCDAybvBtj4w6lJhKia+zAPfKQCczzlMi1ghqrDO1gzKwYxePSJzNZShE92YuZAojfeecxVECB4Vs/bE7IAe5iESOKre8IQuywyFplatPFE6S559VBlnubxXkIht7Ffr2MMSXp06dSl0M2V2P13NkGJYFKIrujYI6KRfAKH+3wdrPebqtD5aUI4Iy9uLzvm1sgMjzH61vNhjmd2a07tT7bERdwu8s9Tvi28Iqyk1BMe1CoVAoFLYEG8W0zfUiM1bhHRp/ZrvbHiPhOvw1iiFaW6OAFRx0n93VMqMrPp5B7eSz1Jzcdy4jY7W8W1ZMOzII4XHktkWhHFUbGb5/GQtTc8jfo/vVteskF8gM9FRADEPE6FT4UhUCM5LS8Hyo+oE8aE9UX+aeNmIUynPZY4PrYpqmfUzbEL0H+P2TBdBhiVqvz5FkistiiUg0tjZn9mkGaNGcjibHyNirnTPGzW5wflw53CszYDXX/n9+1ysDNf8/J3hSBsYebMS2KSimXSgUCoXClmDjmPbRo0dP76A4HCKg2Vamjxpx7eJ7DMr1hnWYnp0pPdRIWLyeLilqIzN7Zk8RW1L9YnaUudBxGRnTVm53vbC0HuuEE+R5itqpWHPE2Hs62IwZqLmL0h+yjo9d49YJ9MBtjALlcLnMKmztRGPC6y1jLYYeW47YEvdDBY05E8Y9TaupOaP+qGAq0frNnge+lqH0tcrGwV+rpDPRe4Clmj0bl+i9yu/rLCWvXcMJQtilMrNJ4Wc7s4tg/TTXn7HoTNp0PlFMu1AoFAqFLcFGMW1g3n0yI83YktJP+h3hOkzAl8n/R/VEFpJ8r7rG90sFGxjRvfBuUSUo8DvGnv4zC+bC9/Qs7KP7e3o+/z8nTVForcn2+/aqvkc6bcV8VVlRfYrBRf1h+wc+nkkxDMrWINJ9c/pT1pmyRMT/z4xbMcdMSqPGM6uPx3V0fShYcJWDhKvkeYos85XNgVqH0TVK5xyxSg4kot4PUXk8piroky+H6zl27BgA4NJLL12pz8Dvz5EQxarNhmico7DWvr6IRatnflNQTLtQKBQKhS3BxjFtYNV/MbKqZD1utlNX1q3rtCXTXar6lDVqlNKuZ7WZ1cdWo1xfxM4UQ1BWslGbuD/ZuHKflX4vYiqGnn+1vz+zJFWsOdKJKXa0jpWtuifayStdZqYPZYap2FJmAczPWqbHU6F1R6QnPdYS2SIwslCnB4WxbSCeA15XzC7N99kstf21PWaYPWMG5T/vn2P2deYERZENBY+hmls+7+th3TYzbl/HxRdfHPaT4xJka1bZk0T3WJ9tflSK20i6xsl0NgWb1ZpCoVAoFAoSG8W0p2nCvffeuxJ9iK/xsB0a3xOxl54/aXSvYmOGKDIRM1HFeEZ0JetE+4n0j/54xEyU5Xemy1ZRi3o6u6he9T3qT89f0vfPrEMjPT7vtvl8VE+PgUT96OltozKUp4Oa26hcdTzydDBw1Cy71sYvsopmP1y2COYUsVEbs2ePj/X04WcCX2+UFtLGgRPtjHi6KAnEOs+LYqR+Lm3uOHGLIWL2yu9cjW32nrN+8bNnjNtfoyzMR+aytw6iMhSDjyzuOZnIYayvw0Qx7UKhUCgUtgT1o10oFAqFwpZg48Tjp06dSsN9KiMXFmVEQQeU4cqI2w4jC67CYsGRsIUqmEEv/3BUPmMkpCcb9mWGINlY++MRWKSmXM18mzhcoYJ3+YoCibCaRH169xM2WFnHVYnXSM/4z9fNwSZUIImoXBaHq8+oLSwmj1QT/FzyGLH6IXL56blsRgZWfO4wxZa7u7srLqa+DWr8rf2Zy5Ka90wczmPGYnH7Hq0dE4tbWFFWtUShgtUznanAuPzo+fHXAXuichsTW2frqEmUGJzb6qHCX7MayB87TEPHw0Qx7UKhUCgUtgQbxbRba9jZ2UlTozE7UQlCMlcBtYPKdlaKCUS7fsW0bbfHBju+vcrtJGMVzHy4nxFbUvWxm0PmJqI+o3HusVtuly9nNPDCqVOnVnbUkbugSlLA/YuOqUAsUbhPO8ZrhBmBN6LkZByqfP9McPk996AsrK0KKOHr67n4MePOjAxVPZELTs8g7UyRGX2qsTWo9RxBPS9RQBk2QOPPCy+88PQ95tbE644lVv4eW2887sqI1q+dEydO7GujGZeZW1f03PJ7hg36sndwb2wjiQ6/59SzkgWe2jQU0y4UCoVCYUuwUUwbmHdLmVuDvw7YY60Z1nVNygJy8CfvYv3/o+5iUd28I2T26vvNu0alJ8x28syeWF/pd80qQMrIOCqmuk7glAjTNOHkyZMrO/bMZW3UxiE6xzt0Zjf+f9VHDiLkrzXWZJ+mF4yYMD8nKjCK1W9l+nJ4zXJZkZSG55RdjgyZ7YZaq5FrEbftoGFLGWZLw2kqI+lCj/VHyIIceUTPJ7eFpU++3uPHjwPYY7Gs27Y5vvzyy0/fY6ybw9fa+4UToXj3LavP2nTRRRftu9bK9vPPUkh2D2RkgWDU2I+MIz+3mWRn03TbxbQLhUKhUNgSbBTT9ta/QO4kHznFWxlRuf5eZXkeWQAzW2I2y9a+UdtGGIFiYayLifrX081m9SvLcg6JGNXHO1FuWxRUI7Ogj9rh0dNpGWOK2uLbzWsmswBndsd6YbU+/P9cPjMvz2KNBRvzMTZjbMk+o7FVUgxuj2faLElhm4BoHfAccjAKLjuzK+A+RHOg7EkOy3rc1g333a8Tnl9uS+bpouxtlCV6VA+zVzt+9913n77H5tXYsK0hK9dYs7/Hztm6sjJMWmL1WR9Mj+3LN9hYWPlRcB0rd8RLBYifxV6Qqmgc+Xm1tmceFXbPOimBzwWKaRcKhUKhsCXYKKYNzLuaET9GlYCC9VIevbClzKqic8p63ZfJDJv9VjMWq3Sx3Da/A+WdoH3nMjKmqkKtZvpwtsJW1vLZucNi2tO0P71iJnHhujK9pNrFr6PT5L5zOkwPYzzGlpg1RaxWMTZmg1lYxp40KNMtclhb1Q4PZS0c3cOsX6WpPFNktgE2/mzdz+2OQoSOxjGIWKXygY7GiUPOqnCy3m/amLXVbeeYiUY6dJbOqAQ/3v5GpSvt2QxEx0YkLdZ+6xfrsrmfUbmbZk1eTLtQKBQKhS3BRjHt1houuOCCFR++zOda6fH8TriXFnJk56YsQKO2qShDmZ6Q61EWkRl7UYk8It0SSwq4vGzHq1iZ2kX7+phpZ77dqnwFz7SZqURlq517FNVMRcDreQgAq7EEjHlErI0joCmdeSQNUn7h62AkDgKPrdI1Zs9IL+rUOj7ShwWeyyiJhGep3E5um2Ke/JxE+lRbBzwPPLbR2uGodnaPvVe9TlvZdxisvxwxEdjzy7Z6+btd670JuF/KeyBbw0qyFK031mFb+fw9YtqbZjVuKKZdKBQKhcKWYOOY9tGjR4diTStdY2Q9rJLNs16Nd7P+nGLY2S6Zy2OmlVnKZztqvlf5PNpn5Muu9JDKmjLSt/V0PVlEtJ5eNLqmt/Odpim1JOUdtLJxiPT3ym+eGbcvSzFs+zS/Vp+m8LLLLgOwF1Xq0ksvBbCn2zbrXc+W2D93HSZq7bU2KJuDaK0qew9VR3QvX5PZFZwths2I2sheA2rtRNEb1XclEfNtUOXbvZ7F2j22RpSEMXomGLZmbV1E/tT2v13DftmRbYuKAa7eP1HMAfaK4bGKogUq748okuGm6bAZxbQLhUKhUNgS1I92oVAoFApbgo0Tj+/s7KTiHAOLzDLXIb5fuShF1ytx4YhhWBTGD4jF48qNZSQEIiciYVeMyBCN+6pcTKLUo0p8lLlzsRuKmoNM7N8LY7q7u5um88xE2Vm563yPVAJKXWGiTROF+2MWatI+TTxuonD7BIA777xzX/ksLleqCF+fTyIBrKpH/D0qXWkvkUiEEVXL+RJXRmJWDijChpSRe1MvGEj0PuDAO8rFMEvGwu+dSMSt3jcs8lZupB5sYBsZ2imXUhUeOgpWxG3g5zpLpqOCrETv7001SCumXSgUCoXClmCjmDawGsrUjhl6wS5GArNkdXN9ynAqY768++0Z+UTl9oxvfL3sWsE7dzsfGVuwIQiz8mi3zDtalfIyMlpZh2mvk+7Q2qXa5tudseOozOhaxXyyoC69T2A1zKN9Z+bjmbExdbvGmLcZq2VjwlIA5YITGeexlKs3Nmp8/DXrGEsdNjIWy4FL+PmI3jfKrdHA858ZQ7EhauSqFLm7RmVF601JY5iBRs8iByhh1zMPdvVjg97MbZGlP2zomzHtXhjaSDKbuRyfTxTTLhQKhUJhS7CRTLuXOtGfU0E7snsylwRGz/Ui0vnyNZy6MHLjUrrrkTRx7HqhXNkyXQ+3w5BJEphlsN4r02mPuBZltgYKWbAL1ttzeyO9XS8oTNbGHrOPmAGzJWYt0ZrlMbX1wOk8s+AkylbDkIV55Hao0JS+jfx9xH6F7zlbDCjSp7JLEocmzpi2CqLCz3gUwMagXA6j5B/2nlFz6etR86Fcs3xZzOhVsB0/jup559CxUdIbJR1UjNvfr1w1o/dgz27lfKOYdqFQKBQKW4KNZtq966LvGWNT+qdMh8F6QL4m2mnzzo9351HwfWXFGQVG8ed9udmO07fD/9/T22S7TMXKmbn6/3tMa4TlKnid9ggb411/JCHopT3NkNk9+Lb5eeGwkSoZDFt7+/LYPiELWMH9UsEuojSVypZBPTMePYYd6dBHg/qcKaJ54fCymU7UoMKYGpRe11+rmKLdw9bs/h5m8iPhjHmtquBC/h72VmHJTiRRVM+pYtMR1Hrwa5WlPipVZ/TO3zSrcUMx7UKhUCgUtgQbxbSNZbO/cRTKTul4M39fvtcQ6bD4Wr4m2wnyDlclColYpfKbNozUpxJ6REy7Z30/wm5GdMPKzzOzpGYJQsa0jWXzTj2yRuexZUbqmQFb3vO1jKj9ag6jNJu8RiIfXiDWt/ZYU2QV3WMgxuRGdPXcb8M6krORJEFnG/y8RnVzONNobJUVt2KzkaU0W3GrdefL57ZZGXbchz5llsxtVJbvHr0UsJEOna9VrDZ6R3Jb1fvc18Psn9MnR3YlkUR0E1BMu1AoFAqFLcFGMW1jSiO6hJ5FaeTbrRKGrKNPy3RY3Bbe1XHbfD1sJdwL9p+xAG5zxMBH0zdmUgGlc8502oqNZ1bRI0yb+xddq1iEahuwt9vmHbmyso3q5Xt4lx/pJRVrjtiF3c/+snz8rrvu2nc+aouy3s2Yds9XPfKVz/qj6jvXiPy0mX3xsx1ZgPfsIqKkFRzNjucpS7DDz82IdXXUft+myNOBGT0jqo/fjcoThSUA/hjr5vmdmL3nbFxZohRZqY+8688HimkXCoVCobAlqB/tQqFQKBS2BBslHgfyQAwRDuIGwiLMLNygEnGzmM+XyYYs7PoQuUJwrmUDh09cJ/SpMp6Ljqn+ZLm4DereyABFBSeJQp+y2Dqb42macOrUqfRadX9mDKfGPVMFGNQ8KDG9/5+Ny7IgO+YmxkZjtnaU2Dw6x+JElcjG95lVOpxPPnqOe8/2uTI6G4WNU89wy2M0SEeUw57XDM8tG1H6/23eLbxtFkCpZwCojNl827hcFi9HxnMsemaRd2TExuiF3vXHlDg8M/DbNLG4oZh2oVAoFApbgo1j2tM0paE0edc4YgzT29WPBPHoMQ9/D7NTJQ3wu0je6bIBVMZiuR7FoiMDO76WQ2FmrlOMdRirMkjzzGHE3Y3PZ65qbGyjWIVHz0WN2WRk0GKfFnKS2WwU7lW5C0augIrR2HdVL7BqrKbcBSMwG2KDqyxgjkEF09g0ps2GTNnzwff0wm1ma1WF3TS3rSyoCz/LBv9+4nNcBksHI6My/s5rKJPw8TXKxdFfo97FEdNWroxZwCF+5tUYnS8U0y4UCoVCYUuwUVsI00saMuajduaRbkYx6J7LUlSvctaPdNo9VpG5pfFOlB3+M6idqB8TxayVW4XfnWdJPtTxnt6b642u7QWWGGHiUXszxq2C3DCYeQPabS8LhsOMV0lCovXGbTb2oHTe/pqDMFteOyrdqp9T5V7JUqJIkrAJYPc867ONcXTOoGxPrK8+NC3rhS0ZEM9hxpptblnyl71Xe2s2upelDpke2qBCq2ZST7V2soQ4/L5myZJ9RglDRmxpzgeKaRcKhUKhsCXYKKZtYUx5F+Z3tyoEYBYgRQXA4B0VW70Ce7oj3sUpa1t/rdJ7R2y5x/6YqUaW2ayzzSx/DSqdptppR21Wuq2RejkFZRSQxT6jcLYep06dWmGkkT1ET0KQ6WD5GhUwI7vXWFOkT7N7Tpw4sa98JXmJylcsPbNtWAfcD3tGVIrQaDyZPbM0KGI+mwR7J6lQpcDe+GTW28DeOEWsmZ/70fCf/hqWakXBgxTDZQnYiASTx8SHTeVnj6/l92kk9TIou49IcsXPmtl5ROufpRwqadP5QjHtQqFQKBS2BBvFtIF5J6b0rIC2OmQ2EVliKkbITDvSq3JZinFHbeCd7oj/udrBj/gzG7IdfuZnHiHShxtUONCRa9g/fSTJiGrfyZMnV3zgI7//ntV4pvMbsX/g9keME4iZwUUXXQRgT7/JTCHSg/NccshNlrxE1uM8p+y9MBKSVo1NxJbUZ5YwZBPBEo/ICln5dvP4GTP3/2cs2ZcFrK5vFfrUvzusHp47tqGJ6ldhWtlKPkuiwmVxmNEo5KoKvcvPSnTsIF4Sm7YWi2kXCoVCobAl2EimzTptr1Nga9cR1spg3aayZOa6/b3MbiIdHNejgvFH6PlCR37hKrLbiP6Ly+fdZRSEX7Up0lexzjqzGjesY71pTJstZtdh2hEzVLo+/p75XDPT4rmN/EqNcStvBd8HlRSB/WYj+wtmLcomIPLqiNZ+1M/s2dh2ps2ILN35ebA+mq43el5M0mKfdi3fEzFRtsSPLPINyrLc7snqY99qFTUwAq8ZthGwe709U8/Hmn2x/f9sLT4CZftyvlFMu1AoFAqFLcFGMe3WGo4cOSJ3psDebor1JiMWyxEb8vf22gboiD3RDrTH6DKmrfTfkVU0MznFtKNyuM08jpGNgNJ3ZtHNWGpiO3hm2JFV/IiF8zRNuPfee1NrdLU2lOW8v9927D3r8RHpSWaRqyJgsS7O38N6O2XbEKUaNCZn5Vr6znVsHhRrjtqqYgeso2PcZEQSEH5n9SKjedgasXkyHTRbffv6VIS8TJLE1zDTziIw8rrmfkQ2SSoymkoR6/vD8dgV447OjbxLMsnbJqCYdqFQKBQKW4L60S4UCoVCYUuwUeJxYBZJqIQOwF64QCVeie5RhhgqrGDkTsMioMyobDSpSRQApmfMEYnNeyEAR1QGKpiLakfUJh4bb+TSC6aSuQexQY3qx913370SDCdyc+sZ+UWhSLN2Kqg1an2P3KlY1cF9zlQdqk3Z/Cs3JF4XWYAUTmqjEjn4Yzw2mcvmtoLdmPi9xsZWZnwI6NCcLPLOQoaOuDj2RNsj7wHl4he901jtwuFfeX1ERmU8Nuq4KqeHERfW84nNak2hUCgUCgWJjWLaZoiW7WyMSbHpfmY4o3aP/Jm5azCLyIJrKGMHxS6idveMyyIDq8ygyl/n/1dsMEsUwG3ioDRRkBo2vmKmHdXDTKG3Wz558mQazpbBTDDrK7vt8fHI6Go0cUzURmU8FrEJNrZR5UcuX8oQSUmh/P8qTGrGllWCkDNx4dx0sCueCkqSzamF3WTpjJdm9RJoRO9GlpIpd9XIyJGN4dhVN5t/ZsAcIIUN0vy13EZ29YrG8SDhelVAm/ONYtqFQqFQKGwJNo5pHz169DSbjnag5vqQ6Yf9cSvXH+Pvma5UJeMwjISz5DYpdhuVrwJZRHpC3knzTj4bk15o0ogB9XTZUZAalSxhBJmec5qmVJLg61ZsPGP7vYQqhiyRR69+fz+7tTAT8QyEA6QYlE1AtA4UE4ncxKJ2+++ZBEHZj4wEAFLujwdhUecD1k5jzfZMcNhRYG/cObEFS6x86FMDv1+ygCIsLWMod07/Pz//7OIWwa4xF0Prp+m47TMLY9pj7f7cOovYvpAAACAASURBVMikf5uAYtqFQqFQKGwJNo5p3//+919hJFE4TGVRHFlMKobDTIStYiOokI1+N9bbqUVWyqptXEakL1RShnXCmCpL04hhqSQGmU6br1XW2L6N64S0bG1O68o6rCyFKWNknHqpTFXbPFQgm+gapT/2616xVqXbjurr3RN5Oqi1MqKr7zHtaA5Yh7ptAVm4vcwco0QXbIFuzNqeMX8Pv3fUmolsGlTwIDseec2wNbzy0okkSXbMmLb17/jx4wD2mHZmPc7PevZs9OD7pexYNgXFtAuFQqFQ2BJsHNOOdnI+ibpB+UtnrKWXDCNjWMrS2LddtVEl0oh8klW564ReZcvPaLfZKy9jwIptMhOKdq8qRGA0JjwvPbsBz7QjvZqyjF0Hym4gaiPXo8J7ZnM54r+vpDE9CYwHs/DMb5qlXOpzhGkrtp75A3Oq0UxisWksycPWqLXf7HWA1ZSpivlmdiMqVGzGPpVXhyHyIlB+4JlVPIfNtbEwhm3HoxDWar15XfaZgN9jpdMuFAqFQqFwIGwc0z569GjKQJSf4oh1ta+HrwFyXbay0I5YZdSv6J6of+rcCNNS3yMdZI/hcDsiCQh/V7puf075O0fJYVQksQzKV9X/z2wik8QoX/eR6E/KspznI7PMV1bqnmEpBsrPQhRlrReJLPOR76UNXcc2hOuL+sdjkEnZ7FrTAW9aVCtgj1UyiwZW1yYnruHIf/7/kefEoCLgcb2ZHUTkleCP+7lm7wezGlfeEZE+XHkgnIkXQfSuMmxadL7NW8mFQqFQKBRC1I92oVAoFApbgo0SjwNxsgYvnmC3IjZGMZFTJHJkMaj67kVOKgRlZvzSMx6KjJZ6or+RsKKMzPBotM2ZEZgKqD8S+pSvzdo/ci0w95NFsz6wBKtUWDQYqU2U+Jj7GLmHjCa1iYK5KPWEiUUj0TOLUNdJlqBEndHaUWEyRwKm8DiqhCWZuJLni9UCUTmbKB432Bo1UTGwuq6UAawXhasx5XGKAhopdVXPTRLQ6yvKb21zZO9p67t9Z/e3SM3ZC5+7juFYpMpTrmybgs1dyYVCoVAoFPZho5i2uXypoCfAKuPgXX20o+4F02BDnSjZCF/DO+Eo2AmHHszcrJSLhTIMi9hZL0DLCNTufKSt3J4IKplANG9Zn3vtt7H3qf+MlbALYWQEp8pVu/rIEFEF6xkJm5sFqPD1+3v4uxq3iL0oQ6TIrUddo4K7qHZHbcvWmzJws2sjA6x1wgyfL7D7E7DXV5XCNpIuGNjdkSVInmnze7M3XpFLI39nA0UvQVBMmw3QMparAv+MSAVUf/yYKOnqpmBzV3KhUCgUCoV92CimbbCdTqR74R2o7dCye5RLgkHtGP09KjRjxnxtp6kCcIwkDGFpQ1YfQ4WmjNBja1mwi5HgJ6OsOUobqNrImKZpKCgIz+WIW0sPmYSHXa2yNqrxUW4u/v/eOueyfHmKWUdrR13T+/RQiWMypqfShkb3rBNmdlPg7S+UhG9knJSLaTamKkASI3qHqIQdzLh9H419s+0J67KjYEtZW/geJdlh18JM+rBp2MxWFQqFQqFQWMHGMe2dnZ2uJTWwtxsy/SQ742esTF0TsRg+l7EHbptJA1hPE1nIrpPcw5cRHVNty9JGctAaQ2RRPRrmLzqugtREu2b2FMgwTVMYLjGSvLD180gqvkwv7PsRHVtnnfWkQVGiHBU+lO+JmA+PxUiSCRVGstcHDyV9GrFfUOvcr11eo4fNmg6iP10HHLJThW2OJFP8fsvWrgpQw++q6Pm0crmtbDXurcfZWlzdEwXZUbrrdYKq8NqJvAu4vE0LhVtMu1AoFAqFLcFGMW2zHvff/SewtyNiC0m2So7uUcngVYB9YEzHx9+5LWxVafV5K2blO66Yd8YGR3bYqnwVwi/T9yq9UZbUgj+jfrJfdWZ1PU1T6C8asQpmnqwnjMZJIfM86OmnIx20sp3IUnOqhAnMhLPQroqdZ21UOvSMhbJf7IiUhp+Nnt+2/38dhj1iNcz2D2fbstj6Zu+uzAOF9bP8/omeI5Uql9lllvyF9dCcVtO/d02XzTpsTpAyEr9BeVRkzJif8chP+1zN7UFRTLtQKBQKhS3BRjFtYN4JjSRU4J2S7SKz3THfa5/GULLEGj2L2Uj3woyEd7MRozuID3TP0ju6p7ejVj6Q3G5A70hH2jrirx1ZeEaILJwzewglPYn6M2K5rsB9XccS3JBFORtly1HZymo889PO1kb03c+pPac2l5xEJSqD2zTCorNENIzWGlprK20amVNDpBs9rFSRHtYP79Nt4Eh/tkaM+Zpkzz9HSvev4ilEtg12r7FoZuCeaXMKTtaHc7siSRmXz+ejcpREMWLa3JZNsyLfrNYUCoVCoVCQqB/tQqFQKBS2BBslHt/Z2cEFF1ywkvggMsc3sYddY6IhZcgD7ImHlOjPyvIioSgHcXRPZojGbhuReJxFWkokE4kGlegnE1P2Ar6o4A7RMa5/xB1GiUMjg5DRABlHjhxJ1Qu9JAiRKLiXWzczYmTwNZG4ml1flAFa5N7G61fltx4xtGREAYeUoR2vpUwc2zPW8//3ktpE7R1NGOJdTUcCGCnXoci4VBnAHga8mJyTJbH42HKLRy6ULFpW76qDuH75e1g8rkTR0TOaufhF3z24nhE3z00Tixs2s1WFQqFQKBRWsFFMu7WGCy64YGWX5XdQytXLdlK2i8zSEbJhGDMHvytj1sLGMNEOlOtWzCByveix5REWoAx1Inc63oEqo6kRjDBrbj8bgnhWto5BiBkTcTmRRIKZ20hf1Y6cv0dGXlwur+vIqMzY2QjTVsFTesZl/tw6oRsV61TGTNFa7QURikK7KlefSEqzTohdO59doyQsLE3wTJvbYHN6tlyJeFyOHTu277ux2yg5hnpX8DsyWjtcFvczYto9iU7m+tVz28pSK0drRZW/qdjs1hUKhUKhUDiNjWLawLwDYhbrd2UqCAC7A2Q79Z47VRZekllM5hLDCUOYzURuVKy3G2Ha6lzG2hVbMfTcqyJkrlM9fWQW5GAUni1Fuu1s7FR9al5UeMfIVcnWgdLbRno7lvCocKPZNYqZ9oLURG3NUo8qd8WoLD7H4zgiSRq14VDHomv8eyfqqzFEfi6MWWfuRtzuHts8W4jCiirYWHBAlizIEr+3zwSRlFW9G/k3wc85uxQqieZB3DzPF4ppFwqFQqGwJWibFKqttXYzgLee73YUNh7vOU3Tg/yBWjuFQdTaKRwUK2vnfGCjfrQLhUKhUCholHi8UCgUCoUtQf1oFwqFQqGwJagf7UKhUCgUtgT1o10oFAqFwpZgo/y0L7vssunqq69Oo1r1/JgjqIhU6vhByhq5lo8fth/gOv7Hvbqz8z3f8czXVvlHZj7LHA3sTW960zvYivPiiy+errjiirRPB8FI36LvWVnr1HuQezcFIzHoR57NXurUkTjVhhtvvHFl7Vx55ZXTNddck/RkFWdjPtZ55s4WDmKYfCZREw+jvnXe271PQMfg+Pu///uVtXM+sFE/2g960IPw/Oc/H1dddRUA4PLLLwcAXHrppaevueiiiwAAF154IYDVoAbRJHBoSA5kr8I9eqiA+VFOZD6nXjpZABgDB2bh6z3UD2EWElAFqMgCV/DGiXOaW8AJS1Dgj9m82Xe7h3PxAnvBQu688859nw9/+MNX3HOuuOIKPP3pT1/p35mC+8S5vbNwmb0XbRRwphewhO8FVgPAqAAmWSAJw0jyF/XSHNlo9ILH8Kf/35JjcLIJm5uRxBzXXnvtytp56EMfipe//OVy3Pz/fI5DtUbj1At6xHVE14yM7eimPQtjuw6h4TlU57OgRfydy8zuVfnjo/7ZMU5YEuX8PnHiBIC99WbXPOtZz9oIt8ASjxcKhUKhsCXYKKZtCUNs58zsBthjPhy6jnduEdPmnViUqpDL6u1Ae/3xUOkvs/KZJWf18+40kxwwFGOM2GBvTCImwelKDTaPxsBtB+zLMemKP3euofrMSQvWWR8jEhAGSzf8sYwd98pWoUIPAh6jKLSrqv8gIuKRsJw9nDp1amUc/XPDc9VLnev/V89UxrxHxqOHEdY8yrS5Xf4atd4yyY46x2VGCXhUutxoTlTynBEpZJaO9HyimHahUCgUCluCjWLawMwg2BDNp7tTydkNzKL9/xwwX+lNMp22QqbzUbu7LHED7/ZVYoWsfPtu/Y/0oIZeMH5fH0s5ODFCxM5tDtU4mgQlknKw7vJcgufK+sRjGrEAtUaz88ykeylN/TFu80gCh9EkKiNSoZHniPvM0q/DevbWwTRNOHny5Ok1mNWb6aHVtepzZE6VncLIvGTSR3UPH1/HwHIdvbti5fzu8mWotJ0RKzdkiaT898xmI3tPnw8U0y4UCoVCYUtQP9qFQqFQKGwJNko83lrblxOZ3WsALY4yEUaUM9YMmOyTxeOZK5Yythg1+okwIh5XYrFIpM/iMC4/ukeJTpVBmhdT8bywWxTXAfRVEpGo3dpmrmMsvjwX4DlSblSRiJCNbZT40ItF2aDNrrFxyfJaq++ZCLcn/oxEraMuPiNGPmwoFBmHnm1DoGmasLu7OyQWVeMVGZMpVQernPi8P9czEIzeA9ZuJTaOjOUMSqQ+4i7Kz8aIMZ3qT6QuUWtkZJ2pZyR6Fx/E6Phcoph2oVAoFApbgo1i2sAe2wbiiGgG3iGZc7yxaXOM9//bNfapHPqjnb3a8WZBTpSrR+by1dudRoZ2fIw/R4IO2Hfb9fPu38+BnWPXPPvk4DX+Hmbl7NaXGVixwdu5BEstDD0XIH9OsfOIxZp0gQ3gIhagpEB8PmIdal3z8xWtNxUoZcRVRkmBRiRJhw3/zvH1rMO0sueEJVMjbpU9pp0ZatkxxUg9RozHojZnbVwn4FDPaC5y+bJx5fcb3xuVP9pff++mMe5i2oVCoVAobAk2jmkDubsRuzEZq7MwmMePH9/3CeyFpWOmbffyji3Sbyhk7k3MHo1lRjtUdhnivnPbrL/RWKgQfZEbnOqfYgnAHgu0gCgcmjSyK+B7uc2RVEUxkk1CxAgYdq6n2/T/2/iwK1zGllQgniyIB7vEqNC7vn8q9KjSR2Z6VyXxifp5Nl1vomcxkmaokLDZe4LHg9d6FDDHoFw9M0kf65ZH1qiy0eHjkeunYtpRv5QNEM975KbKkhz1PZsLVf+mBVDJsHlvwUKhUCgUCiE2kmkbol0RszjTVx87dgzAHsO27/4au4cZN1uVe4bYY9rMooE95mnhN21nzUFC/O6uZ8XLrNkzbe6HnRtJoKDAzN6HELXx5PCiF198MYBVCQawt2NmnbayPAc2T5e0LlRADMNIsAsVJjULBqHawfYKURu5TFtDJq3yx1iio0J9Rsy+11+Pc8GCsjC9gJZ8GSJbE+6/krxF1uOGdcKYKknHiG0L90O1I1tr3P6RgDnqM9JXs4cQr7tIKsTHWGKQSYMMZxJK9mygmHahUCgUCluCjWPa0zStWAlH1rVKl23pG731ODNopds+CDNl615/TO0A2VLbX6N2y8xufFutr/Z5rsLu8Q7UswwFGydj1swyjL378tcJqXi+EDERxUqUf6uHshJmBuzPZfpHX18WatXKV7EM/P/MXlR4W/8887OtmF7EBs/kOc3QWjv9F7XF/88SqHVCxY4kCuF7DEpPnHlb9NoeQemylf7at6ln25C1hdmzzXHEmtk7hXX4Ud8ZI88g929TsFmtKRQKhUKhILFxTHtnZyfdjfOu25g2WyGbfjW6h9mq8m8GVnelvMM2vVTEJpSvc2ZVybs63pFmluBng2FfdtllAPaPJ1uWs14602Xa2N9+++377o30esa6N8GysxcpLmPabDXM/roerO9UlsaZXlK1MUvryYyaJSK+DrZPUG0f0Q0zU+UYCv5+fi8cFuO2iGgZlB6VJRKR54mSvGU+18yk1XqI0hbzM8VjvI5UIPMl5/WlvHG8jZCSdrLU02woIqbN7WdpQPYuVol4IpuGXsKf84Vi2oVCoVAobAnqR7tQKBQKhS3BRonHW2v78mlHySoi1wpgz80qEneo5AQsluLzwKrxmIlxTOwy4qpibckSX3A9vaAnfkw4UMk6YnIrz9pmIulLLrkEwJ5Y3IvHlfifkQVisDYr9zFfz4i7ydmCEuMqI5jMEI1FqhzKFVgNEWtrhcWhfmxZdMqqG+5LJOq2e20dcH/s+fL9UGuW64lE3SpIibUjEqlaOZdeeimAPaPTKIjPQcBBY3y5LPLtBWryx1g8roI5ZSoIDtgUrR37n98z7Gbn104vt/dI8g8OeMXqR++eav/bc29icHZTjUIhM/hdHxk+8nNk61iNTdTHMkQrFAqFQqFwIGwc0z569GhqJMABHLyLkD/ud1CKDfPOLAr3x7thdquKdtjcFivXdnfGWv2Oznanyp1GGa9wOb5Ntmu1854t2Q7UWMvll1++77uNK+9Qfd3KwCYKcsAGNWzkYW319diYMjs/W2CW64/xmlRSGw9eO1wWMyNglQGwsV/kLjiaAjRiSzyXds4kLQbPOnnO2D0nM3yzc0paEyUoYRbGjNueSc/o1oV/N1jdPqAMs0d+7tlVyfdFfY6wSYOtEVszzBj9OZXQx+DnQxmPKnYeSSHZEE2xaX/MXHTPZM5USNxI2sVSAJZcZGl/N83VtJh2oVAoFApbgo1i2sC808sSRNiuh3eItpOKgg4o1welJ/R6Vds9MpOynWKkj+KdmbXVGLa1x7NKTqRhbVChMKMQqBxW0tiy1RPppa+88koAwNVXX73vGtZxR8FjmDEwC/G7aMXoOGGFZ3TMUM+WTtv6nO26Wceo9Ox+7tl9xfrB4W0jNxoVEtLmMnKFsbZwmNzIPchg5Vi5XG/EIJWrj0oj6p9F5cLG4+vH1e6x9WSfnMbUI3IdU5imCSdPnjx9LYcDBvbCIrN0iZmch3KnU2kiPfjcSIAhlQRIhfD09yjXKB6/aN0ZeL1HgaAie4F1wTYbvGYjV1P+DWApUeQmtmmuXoZi2oVCoVAobAk2jmn7XSIzLWB1R66sbTMdhd3DLDkKrmK7bdbjZfrVXhADYwZRABhj8KzPZSlBFACGx4YTl0SWpqa7NP0g77h5J+7bwjozq8/GzEsSVHIJ1qFFOrOzteO1eeA+Z/Vxu1ny4VkMMwIeJ0MkpVHW6tbWKLAIs3+W6ETMXqVtVMFE/LU2p8ZCmT1xvb48FY4zkz6whMLabuvN12NtWcfzgFmgH2PuGzPfLI2w8uZgKUN2r7Ij8f3iNcg688wCXJ1jlh69d1hCMWIBzu/gdcBJW7I5yMbYtzELz3quwkKPoph2oVAoFApbgo1j2pHuNNolq5SOkf+d3W/MynZV5udp7JY/gX64vWgXxizM2mQ7TrZcBFYtZNnHkRm+17vzTlbpeiJ/WdM/veMd79h3DTMfvxNlHbmxdJZuRGkKmcFl/sdslXxY/rhsvW3tjnSCbAnPHgfctsg3naUaHFPAjxOzIn4GbL78WPB6sjL4WYhC7qokEmzdH4XntPLM84B9biP9pc2psWY7xywpsnDm7/Y8W33Re8Ku7YU83d3dlRbhwKrtjF3L4xRJJHqpciOLbZ53ngeWAPq+crkGlpD58vk55DZFltkqLDRL1TwOEkuCofTsyvId6IcfjjxdDOWnXSgUCoVC4UDYOKbdWjvty8c7ekCzBuVz7WE7v9tuuw0AcMstt+z7NIbtWSzrljn5iMHvxtgamaMYGUPwVq/MoGwMTBrATNvvNll3ZEyOJQt+N2l9tGNWj+3gWefkpQ+WRMQYllmgP/jBDwawx7wjf0krlxlWZOHMel0/LwoZazYw82XL9Wj+rV2sV7Vr7TOy0GcLbRs3jq4F7M07S2vsmij9qpWrmD1HyPJrl/2mOY0tr39fj5V3xRVXANh7jphFeR2+6b+tfzZevP78OuD3QJQYgvvF9jCZ1bUlDOFn3D/TLMVgO5jIv5yfMWZ7bKfg33PKToX77OtjS2h+F0Z+21YurxUG9wFYlahYf/n9HY29vUO4H9xv/56L0nV6RNIOK1fZdUT+5zwvxbQLhUKhUCgcCBvHtE+dOnV6R2W7vkzfwEzBELGXm2++GQBw66237ivLWK6xSWMDvm5jk7ZzM2Zgu1ZjT75c9pPmnW/EDJh98XcVV9q3jaMnZUyVGRbvit/+9rcDiHebtlt+61vfCmCPab33e783gD0G5svl3StbIkcxtdeJSJRFKDOwJIJ1ov5eu8akCFdddRWAvfm3MWfpCrC3Jmy9WZ+tLJP4+HXAFuzM4OzTz7/SXfL5iA3yPcrvPKrPxtE+bUwMNlaWhhXYGx/r+zXXXANg71l529vettJGxTrVd4+R9J2W86DHaj3Ym4QlFB42pw984ANP1wfsPS+2xqJogOyLztIh/67ie1gfHTFUq5NZOEt6Ij0/64XZN5517B7MtK0fUfRGA9tM2PslirxmYA8DfhdHkhjFxjcFxbQLhUKhUNgS1I92oVAoFApbgo0Sj0/ThPvuu28lqLsXzXFwCzbuMPGUid8A4I477gAAvPOd7zxdD7AqajexiBfrslGHiQDZad8bcJioj9NaWn8iUZoKeq8CfXhRIIu2rD4bNzYuA1ZFWyowCxtl+GtNVGf9sHG+6aabVu6xtnEKRisrCifI6osRsPGXBweb4QAykeGj9dHUIyzWs3Vm/fAqCDbMYmMeToPp28ChOlnk6UWPymiMxcWRkSarXVgMmqVf5bXKbWcjSt9nLt9UCbaG7NP33e5lgyN+rjxGgqtYoiK73+qJQrfa/LLYOBOL2/vEQgXz+Bh82FQ2KrVn2sqy8fHPC7trqvGK1CNKLcLvyugdwt85mYmvz+bKxoLXjI2vqSr9umNVh42FrR1TrURqQF6jKriPb/f5TAmcoZh2oVAoFApbgo1k2obI/cB2QSrdHRuGAKsJNJhhcUq7iO3Zzs/KtWusjVEwiChgiK832hFmQU08InbGBjTWDg4M4qGCh/AOP0ojamNh1xoLNXYaBSlRSSyiHS8bUI3seG0+IsM6NpRRCQ48i2UjRg5+Yn3nBDLA3jzbeNj6M4YVzX/magXEyWasjQYOHsMugX4dMHuxMbYyI3bOxnLsssSGaV5aZGvEWJL105ijGST5sYncf6L+Rud79/o+sXGnXwdsAKjcqnwZ5vpofWa3wQc84AEAVtPy+v9tPRub5FDBkYuktcHuZcPXKNRuxjyBVWNAX7ddy+lc+Vn3fefUyvaesWfR1mWUltnWDhsq23hHaWQN/N7h1M6+P5Fh6iagmHahUCgUCluCjWLaDNttReb/zPZY1+R3irYzY52OsSPbbRm7iNxEmPnwDjEKm8ruRxx60Ot6bOengoIww/P3qgQofN7vQFXSe7vXxpN308BqkAubH9vpRokiWMfMbigcJtKXHwWUYZjbjpVnLMnrCQ08Lxxgwd/Dujb7buyJ2aYPrsIBRAwqYI5vk4H1j+zG569hBsz9iyQuLH1hvWiUCKWX9MWeN2ZNvhy71yQYxrDt0/fP1htLJtiuxY+zPcsseVHY3d1NpVvWB2ZfNh9RkA7W7fLxBz3oQfvaFqW95ARI/A6J7EaUiylL0fw9LB3k90MUcEYlwMnSeRo4AAtL53i8gdV5ZnfR6Hnj9cvjGbml8VxWwpBCoVAoFAoHwkYx7Z2dHVx00UWpczsHNWBmwFbQ/n8OAsD6Q2a7wOoui/XiUfKPXgCRSNdjUFaOKh1dVI71j4NORPWx/lP12++eOXgLh2WNGIvSC7FVtGdT6wTun6YJp06dOj2nUX08hiw9iaxduf3GHlUgjkgiwVa8zKw8C1TnVHIT334lnWHm47/zuLNOM0vnqNKSsvdCxCD5ky3qfV+UNIDXtemIo3M9nfY0TTLtL7DKSO2TpQ5eqsB95LWuxjq6VyUsit4DvJ6ZtUehdnkNKWtyD7a/YelW9CyylNH6w1I7a2t0r/KwiHTr/M7gOY4COI1ICs4nimkXCoVCobAl2Cim3VrDhRdemCY1V6kEe9+B1R07+zNGjFT5YWbW41ye7QhNX8dhTn09ihFw230blYU5j2Omd+ddLO9Q/Y6XWaDtVtkWIEuzym2L+q3SH2ZgXbkfG/YV5/Jtl+/bzWuCrU6VL7TvmwpfG6Vs5CQMzF457Cz3EdAMj33igVV9Kz9fkY0IrycVVtQQJY4xWFuUpbuvR/UzksixVXDGlqZpwsmTJ1ee5UhSxAyNYy74cWKbhahvUb98few3z1KgbL0pnXbkRdJj2FG4aJYosu0B66cBLSVhu4hoTCK7AY8owQeXy89xZCMyEvr2fKKYdqFQKBQKW4KNY9pHjhxZsYb1YB2YCurud07MvuxTWdlGjFTpzLOoOdYPs5S0T9O9RTpaFamMxyJqI9/LfuiRTyePDe/ko+haKk0pW3xGvuRcBu/6M93ZCPjaSPfLejVlqevbxztzTqwQtZ916DxOkRSH16YxRvZw8MyRpQo81kqq4vvFlvr2PbJwZ4ZtiCIYcnuU37kdV2zUX8PzFiWJYW+IXtIHe/cA8TtFSf/4M5IqMONU0Q+jdwi3n20ofCwLjojIEqqoX8o/m9d1dFwlAeLYDv4ettmI7EdUW7neHlv3x/g5VlIw37bM9uh8YrNaUygUCoVCQaJ+tAuFQqFQ2BJslHgcmEUfLMaM3D+isHr+nsxth406WBziweIwDjaQuTUYOGEHh0319yixOIuLIrER36NCh3J7/T0sVszElDxPLP6LxNoqmEsmDrPxisJ+9trmy+OEEBzIJjKCUeOtRJuR6wgbKym1jP9fhYaMAnEo9QgjU+Hwc8ViQ2+co9wB7TirjqL+8b2sdorUW/yd1Q+RaHokv7qJxlVAEX9sRMzO97Aolt87fH10jEPFsrul/5+DLbE6IXMTU6LgTGVgbVMh4Z3q5gAAIABJREFUiv1cKhVR9g5WUIZ3UVITngtWM2SBrnpzfq5RTLtQKBQKhS3BxjHtnZ2dlUQX2e6VDUAyps2GaMqgJQsKwgFZOJGAbyPvIs2YKHJNYEag2FPEzlSwBk5X6sHj1dtxRztwbjMHuonSeapEBFFAC+7POkEOIsMg5QLFc+zrUYaB3C+uw5fL7Y6MX7huNiriwDy+np5RZgZOicpjHaUPVQxEJabImLYy5IvuUVKZSCrEY58xuGmaTv+pNqj28nE/18yG+X2TGcnxnLIhZGQ0ycZ87OoVuaWNrpXoeVJSLfU+8teoBE9qjPyxnjQyM/BVborR81QJQwqFQqFQKJwRNo5pA3mQf05Zp3b90a6bmS/vSKPdndKDc8B+Xz/vHnl3F+3keVengp1EbYx2+b5eq2ed5PDq0/+vGB7rq6P2MyKXkqwNChwWMYK5TUUpRPl7L1BJz90KiINZAPHaZYZtYF22n2sV9lfNbSZ9YKYdSU04hDBjhKmwPUTmOsdjbW1i97d19KGMU6dOrUjNMhaq1nyWXlPp16MANoq18lz7sjLdtS8je5YV+8/04Vwur+so8JTSu/M6j8Yzc2FTUC57GYs+k/V0NlFMu1AoFAqFLcHGMW2fIi+yPuwFso/0hcyoVZCViMWoa3nH5nXovENj/QmXHbWBv3PbIxZrn5yqLkrcYCyFd8Vq95rpmnmnrUKhRsfWYfQjuiWeL99upRPndkc7bHVNZq2uJAQZU+DgLWo9eCi7B2YmEeNnGxCVsMEnlOFkGYfBdHm9ReOo2p7Nm0FJO+z+3d1dmdoW0OF2+fiZBOLw96pgSplnDa9JZvCZN4d63pW0Blh91/IYZMl7bH2ZnQ8/t9G7WCXAyeZfSTWygEMGJcE83yimXSgUCoXClmDjmLa34mTfREAH6B8J1ad2laxXyRgw38tWj75NvLuPUjEa2G+R9eLsCx3tDFnPb8h8MBVLyqymlX8kSxSifrJuiZllxAbOxHoz2iV731ZgVaKTWTtnzAPIfUQNLAGJxpbXZKaXVmx/RGqi2GpmR8BhcVWSkQg9/+lozFjXzElVonVm4HCsWbv4+YzWIjNdrifT36vv0Vj37onaoay4lZdEVJ6yS4mkXcrrIrMR4bXC7w5+FjP7EpY+Rh5DyiYlCyGrnoVNwWa1plAoFAqFgsTGMe0jR46s7MIif1+VnCJKYccJ5E3nqyKjRTs23unyLt/vxi677LJ91zJLtnsjNmHXcJIR3lV6dsEWlzwWhiiQPlvHK0S6ZrV7NfjvKp0jW8N6Zpyl7TwMMJtgX1jfLvaXVdKbiDUrFhN5HrCtAUt4RqI+sS8vtyNikMyAeH6ie0z/zXpxlZDHo8e0I2mHej5HpDMjEdGyZ4EZJz8/kQ2F8vfuSUaie7j9I/7FLMnJpAAq8hrXn0kfbO0aMpskXm9qLDKJEq+hdWygRqRBnERnU1BMu1AoFAqFLUH9aBcKhUKhsCXYKPF4aw1Hjx6VhhT+/yiRgb8nC53XM/vPjB9YJGz1m6iQ7we0YZhvo4nsTcR04sSJfd9ZjOTLtHutXmsLG+FEbi92jRn3sNohaiuL37lcFrVFfVdhTTMjsBExeS+IC7A3XiZGzoKAsKiZxeP8PVp3LGJm8bhfw5lrny/Tg0X1bOSnAoFkYFdAv765PjWOUUhhFdqV5ysT+6pALP64XTuSZMZfD8SuSixqZlVUFGo3SkDjy81E4CpkZ2YIqRKQZAFFlCGYCjecuc7ZuNmYZ6oOXhs940l/TIUtjdzEDOp9kD37m2aAZtjMVhUKhUKhUFjBRjFtQ2b8YmA2wQZakcsXu6goJhcFSlHp9LjNvj7eVXK93pjMdqfHjx/f9znKFIA9ds5uVNEO247ZDpvdoLLACMqwKtstM8vsuacAq2xjhGmPGK/ZPJgUg9lGFjqRWRKzab8OlNEdG4j59ZYFz1D9YsOZqC3+uizZCLtPRWxRSRu4bSOMR32P3IR6hm5Z+OEM5mbKcxvNCxtocfsz5tszLsuuVQFFIikGzwuHDo0MRO0aDqqTuUYxkx9xS2VJWJas6aCIyui5i0VtzQwpzyeKaRcKhUKhsCXYKKY9TRPuvffelVCKfuekws6pXZ+/n9leFpSB6+N6rEzboXqdH7MT282Z3jgKpsC71HUYtoF3jYrNZm1UiHTazBw56EYU+tLGi6+NGB3rdTP23Fpbe5fOrnesp/R1qvCoKowusNpnZtjRmCu2xIwxCgBk11poSBVEKAtJq9xoIv0eS7vYhTLSX/fS4ka6/F6gmchdUAULitBaw87OjkxIEbVTseYorauyD8kClyiWp9ILe9g6s4Q49hmtO07xyesgey8oiZG9V02S5d+z0TPm+6lcKv01/D0LZ6ukMfyuzNzSimkXCoVCoVA4EDaKaQN7bBuIGaIKTJBZN/Z2xZnugnenvDvOktFzfYyIvRzGro4lCBnLYKbFenBmN8CqVKOXQMSXx+dGgh2MJqTY2dkZKldJXkYsV1WwFWPT3jagF6I1Yh2sM+VgQnyvbwNLPJiBZkE8WOJhayha38p6XK0D/0xyECEVAjWaN7ZXyeaLGeLIc8XjFbEvZe2chbxUVu8Zi1UM2yRwEeM3aZ+ldbVPJXkBdKAflt5EFu/MsFnCxiGn/bUGpdv2UjqDsvfg+fJ1sERHMexIymEopl0oFAqFQuFA2DimDazuuv1OnXenKoXciD+r0oOP7Kwyq2HeffM1EZtgS2PbaapEBxHzYUtQLjtLGKIs9SN9YY+pZklblDW0YiPA6m45AzOgiM0oZhoxQ2bSxmaMvbCO3ts2MFtQ/svR2CorW26XbwP7Eit9tGc+bOmr/OczzwN+Fvi8v5dZmQoHHOnBbTytrcojwZejrL65b/fdd99Ke/2YK99wXrfROI0moIj0+LxWjGlzuFlgb+3xPLCEoqffj9oeWatzsiSVRjYKuWzlcQhm9uCIQgorHXYkIeHnR4WujuwhuI2bgmLahUKhUChsCTaKaZs+m3UixmqA1d2W2jVmu0llfaqiNflr1PdI52uwHTDriaN0nnYt72Ktv5FfNUftYr9MtnSP2s19z6JoqeQJ6jNqi6o/0i2to9Pm9kd6SWbU7EcdsVibF7PEZV2vnc+Ygdrde2kKJ7PhtRjp+pjtK7uLKIaBtc3qVdHsvDcDj7GK+BY9gzzGHK0vS6XZS9YSRd6K1iLDmDZLwqLoZup79D5S9jcjPtCcmpclEpEExuI0WD94TiOpg4ohoGJM+HWgYktYO44dO7ZyD9sEqMQkUf96Ecoii3rl46903f7/qM+bgGLahUKhUChsCTaOae/u7spY4RnUbja7xpAxONZDKetkv1Nj/1+25mVLbX/OdtJ8TaZzZDbM/pPsLwysMh1lyZpZnCqms461OsO3g5lxL2Z2b1fO7VaW836c2CqcGQkz7CxOPu/qmT35/5UkKbIAt7pNIqV0s+wb7/9nNsFMO/O15fFj9uTLUjEEDNFzq3SLGfNax8ffmDZLMfw9Nlds/xLNB4PXnWKTWTph9Q70Eonbb78dwGqKTO67X9+2fvmTbQui+BEWd8IYNUdxzN4tKl+BIYvApt4vkX6adeYsuYje36y/H7GlOZcopl0oFAqFwpagfrQLhUKhUNgSbJx4/J577pHGUcCqiJTF1lEwEF8+oA2DRu7hdkTieHZrsLax2DAKkMGiRh6LyG1EiY1MXMoi3ahNbPijEmREbVkncEXPMCgSU40EYGmt4ciRI9JIDtCBJHjMvZhUuYf1wrFGfVIqlShgRc+9JapHha3NVCuj6QcjESGL99mQi8fZH2PjQlZVrBN4xBAZ2PVcGj2yOnupUqNnUCW64WeaRbb+fw5GwmJlf97E1bfeeiuAVaNGg38P2DvCPpV43Nro3xNWn0puFIm4eY30jBcjF7p1xONKFZUF38kMBDcBxbQLhUKhUNgSbBTTBvaMQoDYQIOhjKBGAgj4On190U7tIMFHrFzbgXJiBdup+mO8o1dBLrL0c9y2KPCDSr7AoQnZRQNYZZVqZ5q54DAyKQf3R91/6tSplQAjUbv5kxm4H3PlEsOsPHIX450/r01row/Iwm6BnEgmMmI02DUq1GrEZth4kdkfBz3x16p+ctlR0gdm1FlgHiVp4XWWJX0YYdpZ+EqVzlfNaXQtl2v1RUw7S/mp6rN7jPnedttt+8qNglXxOvZrMWsrsGpwxmuF15Y/p6ROLGGK3qvKdS5LNqMSrEQSJCXd3BQU0y4UCoVCYUuwcUy7tSbT9QFxIne+339G53hnxvqOKLF8lIjEI3L5MnDoQetXxLTtWk4MkIWV5N0rlxUFKmBWpHaT2W6TGfyo7jmrNwvc39O/7u7uroyXnzdmmooJRXpwZq2s2470t+zGp3TOUTAXvzaAVZsDH3BIBTfhQBnsCgisurcwW4lsEJiV8zPJenhfHz/TIzp1lSgiW2eZ1Ce6dnd3d6W86Hk5yHtHtS1LWsFMmiUsbBvgy+EgNCp0KLDnHqYSBmWsU0lYMhsKdgtUQVxU2OOobVniJ7W+ud7IHqKYdqFQKBQKhTPCxjHtnZ29ZPScxg/QjDfTmSrdB+ttI0aqmD3v2KIAGdZuK/+OO+7YV6bvF1/LTIeDrHgw01aBMiLdktLnK/2hv0btSEekHQojOqYI0zSd1msDq8kzRhCVz1b2/Mks19fH7FglWImYr6VV5PZH3gMqDCuPNbMbYJUlWbnG+COmrQJhZKF9+V5+1jKr4Z6Xwog9RM8C2DPtzF5EtSWz42Dw8cyqn59dnmsv1WNJGz/LFl40Ggu7lgOzcNnZM63sPrxUKAtG5MvK5ksFzslsn9S8ZeGw1/GOOZcopl0oFAqFwpZg45j27u7uCsP2O1C2blS6F1U2oJniyO6OmQ7rj/3/HIpQlenLVWBpQKR3VczXdr6+PsV4lCVmtjvntke78h4Li8pindnIjjfTpyrfTGZJUYhY5WfOffXtZy8IZk+9VI1RfZGkSek/+V5jzyMWuZlfvYoLwPdmrExJxrL11rPczpClVzQJDdtDRLEJ+HvGxnqMWsUJ8MeYtTLT9utNpZi1T7Mm9/YSvEYVovU3Kg3Ikhsp3XWmn1Y2TxFrVu+MkdDVymPgfKOYdqFQKBQKW4KNY9reT5sjLQF6h5TpQtTuXVk9++tY18w73MjCfSRg/rrgMiJfcsWSo2T0SleqGNeIdeW61t4eGZNX0aEiKAttVQcwJnFRrJzZcsRimVVk0dMUe7XjHCnPl6us0lnnGElp2MKdJRXRPcwYVdTArH89X2b/v3pe1frz6K0dbw8Rsb+eRG+EaRvYyjuyOeE0u3xNNLa8zni92af5cQN77yp+53KClChaILNmblsUu0ClV+VnMJJO8rtW6bYjpr2OXjqT1m0CimkXCoVCobAlqB/tQqFQKBS2BBslHp+mCSdPnlwJAuDFKybOidxXrAz/6f+PRNnRvV7MZkYbdo/Vz+Jjf48SrxyGmDyDMnzKDGt6ItvInacX4CZC5tLjv0c5jNdRMyjDMUCL5rI2cLnriGbZIEcZCEaJIuwcG1BFaiAWV3M/uY1+jqMAL778yAApEplHbY1UKyzi7q0L327+zq4+UVCk0TUaBXXy9fJYKjVS9N7phWGNnjEO4pOJxbk8u9bcBll87V2wzMWrF9QpWgfKOE59Zu3nMKms2vPHlPFs9u438FxEc8P3rKPmOxfYrNYUCoVCoVCQ2Cimvbu7i7vvvnslXaQ3frBjbOSjXAY8Rt02PGNQrl5ZYgqDsXQr175HjOcwWDi3gQ01/I5X7VrZoIqNmPw1yqUlS7+pAnFECQk4EUHmtmPIwrOyYZZKXhAluOgZIkWJVXqIDLjYYIoNguxab6hjx9hIjdlfJBUyqJS3EVQiGmZlmeRCPXuZ5KLHtDwyV7zo2tbakKRFjanhIM9xxCo5QIqSbkQSPjZa5LXj59oM3ZhxR+8MX7Y/13Nl8+DnxOpRqTOjZ149kyOBWXpGjcCZGdSeC2xWawqFQqFQKEhsJNO2XVbknG87MsXqMncdFQSE2bRnOxwW0/RBrNf1beRdOO8uI1291WMMah19cc8FJ2J/Ksxn5LrEUDvpTJ/MUEw1cs2x8VIhFq3unZ2doV02M4QRVqbsIrJ7lM6V14cPdsHrTbEHH8yHbRmYlXH/olCb3KasfmbWzHxZh+/nlMNvKqad6TKZmWYhKEeZr2faUTKTbAy5HG535j7p6/PrgPvM4YwjuxKWJKkwtpErG8+7CjQTrR2l5x8JmMSMWr0X/Dl+v/B7KArtymUYIskOs/By+SoUCoVCoXAgbBTTnqYJ99xzz4oFbcR8VQhNX1b0f4SRYPiKaRv8rtzaZOybd60+iIKB2RIzzsyikS07VbCN6H47xyww081y+Uq3lYW+5OQGrNPyx0z6kDFtK5OlJx5qB63CfkZQLI91kP5/Y8XW/oz9sTSAEyuwN4MHPzfKw8LDyuXgKszavF0Jjw+zPqV/9e3mccyeZ2aszD4z6RrrhEcQjW3P0yB6h6j3DjNSW9++77ZW1HPDaxdYTRfLiOxGDOxFoHTP0XtVzU+kq1fJlPjZjOwvVN+VbY1HL8lRZi9TYUwLhUKhUCgcCBvFtE2nbbs92/1E+jtmiKxH81A73hEdme1amWEzA/J1WJvsGt65R7olZqkcxo+tKiPfR5UuckRXG+2KfbsiXZb6zMJAcluUjgtYDQfLKUcz2Hh51sH6euW3HfVVgfvhJSSWCtHCRtp3Y1FZ8hdmuFGCCAbPO+s/I3sFluwwW478uFWCCCXxifqnwldGdhjKojyzNOdj69iIRKxyNLbDiE6bjzP7BFbnw5B5aCir8cxmQ+l8mWlH/e+lyIykhhwmlcdGheD1/6vUsxmUNEDp0tct/1yimHahUCgUCluCjWPax44dW2G3xlD8MaW/XUf30vv05atdcsQqOQIa69Mi/V0vaYWy8o7aqBIRRL6IvCtmRBaavIPnejPbAK4/SxRg+lv7XIdpZ762Bh7jSC+p9GaqDA9O22qfxrwjTwGeS8WaovngeeA4AXY8Yk1Kpxf56XMyC0uXy3r4iKX3osQZIparntPsecokEx7+eYrKU8+liuPgjykra34G/RxwIg/V5yyRi/KfztYbM+tMEtezAO+9W6I287VRfAhlc5JJXFQsDvZGAlbfa5uGzWxVoVAoFAqFFWwU056mOT2eMevIGtL0gXaMWW3mV6pYsiHz+1S+1gaOHOTLZ6YdsRqOr827VGZYvu0qjZ+NX8TOlHUtW61HfejpsjNdUI9hezZtx4wxRun6uGyeU98fHg9mPBHrY6tWxdajvkfxmv09kS6TmS17IkRsWUUgY71xZKXMFvqMSJJg680YNrfR4C3ODYpRMfvPvD8Uw46YdmZhbjAff362o1S2qk4lMYjawCyWr+P/fbk8X5GEL7MwZ/RigSt9te/HYUZzVHEDfFt7kotoHahYHJEEhcsrP+1CoVAoFAoHQv1oFwqFQqGwJdgo8TjDROGRcZKJUdk9jJMmeKjAISySicLuReE1o7KB1VCABmsbBxZQdUdtjNLdcdo+Jc6JxFgsSlNJGCLxkTJwiURb7GLBolt27/LXRoY6jGmaTqtXfNt8ef9/e+eu5LiOBFHoumOvvf//WWuvP8ZER2iNG3Wn9nRmAVJ3T4sReRy9SAIiQQlZL/z48UP2t1DmPp4zZwpUKVllPmZAGlOlej9YZKd/P9XeWr44DB+ngiyTa6gfY/fe1Oe13pswXQCmut+m+5SvXcliRy9jqlKjXL9OzOJTAZa+Xb9vGXDLe4FFUBQufWpKaeT1mFK+PgKLVrngWZVq6FJYp2A5jnMVyEdc8OF3E6UdQgghXISXVtqlTHoh/VKrpcIZXDSlfxS74iAdBjK4xRDUAgdFzeZKedUMuCtHKkPXZ6rq/vyZYgC7RVT4HTpK9bt+uEBBFtCZCjHsAtFUe+o9t6SkWmSCipAlO11J17V+j8267hVgWa+5oMxav8+Ds2aodBQXWMfgSaUGOZ6otJQKZIBova5HqiQ1dmg9mdK3nBrk64+owfv9/q6Ua2/XBS45i8Fa+zKbJ+U33UIe09KVu+JBHReUyzGkSkrTKuSCvNT3qbHDseIKRPV9nXVDWcpYJtmVTZ1+O1+tyEqUdgghhHARXlppF724Ss3QmA40ldAknOmelAZ0hUtU+ULOQDmrU2kv9Zy+qp2fsu/rUn3UzJ5+0GqPKXRTeT+3QIjyBbnZNwuPqFKOyprxDFTaXLjlpICEU30qnoDqu9pzqWeqT0WNe9X30yIQLtZiLV/KV6UY0urD78XiKso37HzbatydFEFiO85ioLjf7+vt7e2fsaeuy66E6jTmd8paWWm4Te/rWjrWxqX80aKkYl5cvADHf2+PVkH+hvDYvU+u5K5S2IR9nKyeLkWPv9uTVSBKO4QQQghPcVmlXZHApdA4i5yKM7gZlCq7WFBVUJEq5btbPrTPWpVi733n7FKpZkLFoPxDbN/5blV7bnlSFvNY6/d5o9+QCntS2s+grosrr6i+K/3qPNak4Hgta1yx7Gc/hhurVCBdabulMdlXhVOK0+IMzoLglkxUi2iwT5M1hfeTGw9K0avPyP1+X79+/Xq3jSpG5O7HqZ1T/+lUktTFK/R9nLJ3WTPqvdP4n963QkV8cx+OHVqOplLIuzK2any46HH3fftx3evvJko7hBBCuAiXUNp9plNR4+XLrnzGUkTKJ+jyJF0EsFKkXH6QnytcSU2Xi9v3cSpWzUDdZ9Nr58uhv1LN0l1U8GQNYJRrbTv5tPneMz7t3i79tXVc5vb3c++idp1ymxSds9L0cp/u+FS1nd2YnNTSTlkpnzbVP6PIJ2Xi8pwnBUTLiFNCzyqiihx3sSD9+XR92QeX9+3iBiZrlsoacG27eJRdLQi1zXRun/ndcfFEtCTxHlF9otVBKW3Wh+A1Ud+P13qqD/EdRGmHEEIIF+ESSrtDZUb1Wo/dr+JmnG5G2GezzscyzVp3Vc2UYpgWPFHHVEsJcobI9/sMVPnt1/L+8Skv2C2IMbXHBUKU75if7VTODuZ5Vz/pTzuJHq9+lqVHKYOCEbIufqC/x8hct4Qin3e4rVLaTpW7bIne33rkQiFkiup2lgVVldBZWmp8PJtdUNX0pj4wJoPjQS1WQZzPfFKzvB4u5kQdx+WWqxgD9z0mH77z1U81BXbZMJMlwY2dKaLeqXP+zk3V+z4SU/MVRGmHEEIIFyF/2iGEEMJFuJx5nObDMldNKVgFzScnJppdkfopRcW1qwIcptJ/ih6QRPMhTZpqMQuHO4+9PWeOnRZ74L5cRIOm8LXeB6B9NPWi2mAAYn03VcKVbdcjg9im9KZqh+ZxFfjG9k6u2a74A03d6jy6gCdV7MIFDbFsatGv6a4ghgpMO03V+8j4KBP5WtoFwcBMZzae+uBSlQrlmtqVKFauFf6OTUFlu8CzR87tM8WqXPqocje4AimPFJxx7sf+2rXzKkRphxBCCBfhckq7YCATZ8J9FuuCGzjrU0slurQmBqRMASFU1nzsx9ktkTgFedV7FRjEfqhUtl0gkktB69/LKYcOA6vqu7OoSqX0qX0+izouF2lRs34WeOFM3S180bfluaM1Q7VHi8TETmkzXayfT6pmBhfRStDf26X8qAAxKh63YMi0AM8uaOoZ7vf70QIevHaTFciVFebn6vWuINTJAhcMQFXnyf1W8TpN96CzzqjxsSsh7frRn7vlctW1mAJ4O327k6I030mUdgghhHARLqu06Qut1BvlC3SLB1AJqeIQblbnfHG9PVd+keqM+6vXRKkXplVNs0xXvKNwxR3U8U8WCqj+lqp1i9L3tKxHluJ8hmqzxlBd/35dXPlVLo1YxX5UegvHGVVt/55UvkyJmnyMU2pPp8cnsD2nNicrDS0Gk+WF6u+RUpQFldBnFL+43W5Hiopqsq5LjSG1bcHvys/VPb1bZlONNy7969JVezuM8+EYUhZAjkHXx0cKQrnfzv7c+bBdzIM6Pn/vejtT4ZVXIEo7hBBCuAiXVdpUOFQ+veCDW+yB/iHl06bfs5jUBFUDZ4TK//kRqDio7JSfcFoQpKN82dyHflhVxpQzes6KpwVDTpeefBZGqaviDFy2kVkLqmhDjcF6PFlQoc4tlZyz+PR9XKRsoUrxVju0MnEMqTgP5++cIt9pXaCSU/s6v/FnRffebrf1119/2fiOzs4nq2IQnKKezqPLWnDtr/V+LLqsAWWFPCn0wvedVWZX1rS/56LXJ6XN3/pdaWHV/9pWxXmcLCrynURphxBCCBfhskq7YBTyNOtyvjHOWvvMsGbOVOGPFO6nyvxqH4lTOsqX5XxY3E4dxymFqbRrXSc3o558mV+luKsPFbnez0H1l4qKSltF9bqYCe6j1Ett6xbYUPEQbly56N7+fGd5OVFYvP7qevH67zIt1vJ+fVpini1jutbf338qM0xFSv9x/T5McRjOmqDao1WO8RDKp+18zI9EZPMc8l5XUdY7lCXpVGGriHq3QMgjv6uPxIbEpx1CCCGEp7i80uaMtGa6PULWRbtyFqlUBiuicUGSqYIT+VMztkfyVjnDpR+cPla1D1HR5PQ/UbFO+ch/yqdEVd2f73JRle+fn5Vvm/60fm6pzqkmue9aPmqc41sp7V3+r7ouLtPBKex+b7hFLKgCp8wKZzH7CLfbzeYod04XWFlrv9AN7wUVc0L/LceSqjbm+jrF35xaA5XFxY2Hk0yencJWmTy7xZUe4STSPHnaIYQQQniK/GmHEEIIF+Hy5nGaj5RJypURPClXN5m/1Ha9Ty714avN5DSLPWJeduY4lfLD165gSv+MfZqC5fjenzKTVxrhWu/XDHfmZC4c0p+zFCjPn3Ll1HsMPFLnYjfOTtY3LlzamAoIcuP8JPDJbaMCuWg+/kjAmeO9ClcIAAACJUlEQVTt7W0sIVz9devNK/cCTdzOBaGKrbjzxPtSpXypz9bSCwe5lEUXVDj9djnTt7qmLljXPfK5aucRpvTIk1Kx30mUdgghhHARLq+0OUNXMzQ3I3PpDeq9mnUxAEQdu2arDFY7LWDwWZykLlBJUWlPRSOoQtmuKozAbVyhm+n7fBVKwVUaGAuT1LX8+fPn/+3bi/ow2K62nUpRMh2M7TqrUf9sp7wnpU1LFQPi+nOXwsS0tKkQzJTqVbjSlo8EXE7c738vy3kS4MSxPbXNMc1t3b231vtzzGvL4jSqvV3QnPrMHWuyPuxKkU7BZO5auqJCU/vPpHxN99Gr8tq9CyGEEMI/XF5pF0xZmJbmdLOskxm2W7xd+YmorNneZyx0oDjx/fB8udmyW3RgrfclANnu5I9y73fV/hW+y0epPpSfm77mQqkKpm/VMdQSoNzHpZKxmIfa1yk85Zd1aUKugAW/Y9+Gi76occ8CGcWkzlwBkM8qY1rHmJS2us97XwqlfB1UiqqUpivlq6wmO0WvXu/U6SMWMKeSlQXBbTMVx5piJT6KOg+0Nr0KUdohhBDCRbi9Uom22+3237XWf767H+Hl+ff9fv9XfyNjJxySsROe5d3Y+Q5e6k87hBBCCJ6Yx0MIIYSLkD/tEEII4SLkTzuEEEK4CPnTDiGEEC5C/rRDCCGEi5A/7RBCCOEi5E87hBBCuAj50w4hhBAuQv60QwghhIvwPzc5c41f2itHAAAAAElFTkSuQmCC\n", + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAe0AAAE9CAYAAAAmijrUAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4yLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvOIA7rQAAIABJREFUeJzsvXm8bVlVHvrNc291t+pWKwKleRKbxNiSCBGfCmgUEZvo0wioKDGJ8EgUe1HypMBef7ZBImKDWCoaO+xB0Apgj13sAJsqRKmSovp7b3X3nvX+WGvcM863xzfW3Oece8/aOL7f7/z22auZ3Zpr7vmNtg3DgEKhUCgUCsvH1mE3oFAoFAqFQh/qR7tQKBQKhQ1B/WgXCoVCobAhqB/tQqFQKBQ2BPWjXSgUCoXChqB+tAuFQqFQ2BDM/mi31p7eWhtaa3e21q6ic0enc9edsxZuKFprj2+tXdda26Ljj5jG7OmH1LTCAWB6Lz7vkOoepr+V+ltr17fWbqJjN03X/5go7zem868X9fDf9R1t3Gqt/XFr7cvo+Ke01l7bWnt7a+3e1tpbWms/11p7orvG1pz37hiH6+bacpiY+vaiAy5TPRf/d9MB1XXxVN5zDqi8957Wxf8rOHdLa+17D6Keg0Br7aNaa78zzdO3tda+pbV2Ucd9T2mt/Wxr7e+me9/YWntBa+3Sg2jX0TWuvQLAVwI4kIf3TwCPB/A8AF8HYNsdvxnAhwH4m0NoU+Hg8HSM788PHmIbntdau34Yhgc6rr0HwKe01o4Pw3CPHWytvQeAx03nI7wUwIvp2K0d9X02gIcDOPuD1Vr7QgDfhXHMvhXASQDvBeATAHw0gF/tKHfT8HwAv9da+85hGN58QGV+GH3/WQB/AuA6d+z+A6rr/qm+vzug8t4b47r46qDMJwG444Dq2Rdaa4/COB9fAeC5GNv9rQAeCuBzZ27/SgBvnD5vBvAhGPv8uNba44d9BkdZ50f7VQC+oLX2HcMw/ON+Kv2njGEY7gfwO4fdjsLG41UAngDgGQD+R8f1vwbgYwF8GsYfYsPTANwE4K0AjgT3/cMwDHuZr18G4GXDMJyiYz83DMN/csd+HcBLWCK1VLTWLpre4S4Mw/BHrbU/AvBFAJ51EG3g59Faux/AO3qf0zp9mH5gzst6NQzDH56PejrxtQD+GsBTh2E4A+A1rbUBwItba98yDMOfJ/c+YRgGv7G9obV2D8bN74cB+K39NGydF+Xrps//Pndha+3fttZe3Vo70Vo72Vp7TWvt39I1L22t/X1r7V+31l7XWjvVWvur1tozexqzzv2ttX/eWvvR1tqtrbX7J7HdpwbXPXUSZdzXWvvT1tont9ZuaK3d4K65uLX2Ha21P5v6d0tr7Rdaa+/rrrkO484KAB40kdV0bpd4vLX25a21B1pr1wTt+YvW2ivc92OttW9urd043XNja+25PQtea+3S1to3tdb+ZhqDW1prP91ae6i7Zp3n9qjW2m9N4p83tdY+YTr/JW0Ux97dWntFa+0hdP/QWvv6qd1/P93/2tbaI+m61lr74qnsB1prN7fWXthauzwo7+taa184jcc9rbX/3Vp7/2AM/p82irtOtVHd878aiemmtl/fRhHXX07j8IbW2ke4a27AyE4/vO2II2+Yzj2stfbDbRSn3T+1+xdba+8694zWxO8D+DkAz22tHeu4/l4AP4XxR9rjaQB+BMCBhUZsrX0ogA8EwOL4qwHcEt0zDMN2dNyV+ajW2j+21n6mtXZxct0Ht9Z+vrV2xzS3frO19pF0zaNbaz/l5t+bWmvf0Fq7hK67obX2+tbaJ7XW/qiNP47Pms51zzsALwfwWVz++UBr7eWttb9urT12mvv3AnjBdO5zpjbfOrX/D1prn0n3r4jHp3XkdGvtfVprr5zekRtba1/VWmtJW54I4Femr69z785jpvO7xOOttWdO5x/dxrXK1tsvnc5/UmvtT6b6f7e19sFBnU9urf3e9M7fMY3Hu82M2TEAHwPg5dMPtuHHAZwB8MnZ/fSDbfj96fNs3a21d2vj79LN01rxtmnuXhXcv6uC9A+jGHDAKB74ZozikveYzh2dzl3nrv8gjAvEHwD4dIw7+9+fjn2wu+6lAO4G8JcY2cLHYnzJBwAf1dGurvsB/DMAbwfwZxhFdh+HUTy3DeCT3XUfOx37OYxims8F8LcA3gbgBnfdFQC+H8BTMC7cn4qRxdwB4GHTNe8+XTMA+HAAjwHwmOncI6bjT5++vxvGifAs6t+HTNd9mhvr1wG4DeOu/d9hFNvcB+DbZsbqQoy7u5MA/r+pr58O4CUA3nePz+0vAHwegCdO7boPwLcB+AWM4s7Pm677SWrLgJHV/SaATwHwZABvmvp1tbvuG6ZrXzg9sy8GcGKqa4vKuwnAKzG+TJ8O4EaMu+Sj7rpnTtf+4PR8n4xx7twI4Li77iYAb5n6/ukAPhHAHwG4E8CV0zXvB+APMYokHzP9vd907tcAvBnAZwF4LID/AOB7ATxibk73/k39+DoA7z/Nnee4c9cDuImuv2k6/vjp+nefjj9mKuu9ANwA4PVBPV+Pce6d/eto3/OmZ79Fx38dwCkAXw7gX/SsOdP3J2AU338vgCPUPr/2/BuMc/z107N7EoCfx7hmfYi77tMwko9PxPgOPwvjZuLl1I4bMK4dN2Kcz48H8EHrzLvp2kdN13/0Qc2B6PmKcy+f5u5bpn4+HsCj3XP6fzGuBx+L8Z07g2ltmq65eGq7n2PfNF33pxjXoo/BqAYZMDJT1c4rpusHAJ+PnXfnsun8LQC+N3hn3wTgq6Z6fmg69o0Y37/PmMb/zRjXaz8/vgjjmv5iAB8P4KkA/mq69ljSzkdOdXxqcO5vAfzIHp6R9fsD3LHXYVxHn4pxrfgMjGvyw9OyOip7OnZ+tK+eJsAPTueiH+2fglvgpmOXA7gdwM+4Yy/F6g/sRRgX7+/raFfX/QB+AKMO7hq6/9cA/LH7/lsYf9ibO2Y/nDck7TgC4BjGReWL3fHrpnv5BX4E3I+2a8tv03XfiXEjcNH0/WnTfY+l654L4AEA75q08fOmez85uWbd5/ZYd+yDsPNy+Zfm2wE8iNWF9h0ALqUxeRDA107fr8a40L6U2vjZ3I/p+18BuMAd+/Tp+P89fb8MwF2Y5q277p9PY/dF7thN07hf5Y7ZovuZ7tgNoB+56fgJAF+47ku9zt/Ulq+b/v+R6RldMX3PfrTb9P9zpuMvAvCbqj9TPdHfe8+071esXDr+LwD8H1fOOzCylyfQdU/HzprzWdMzer4YB7/2vAbjRuxCej//EqNYPmprw7iOfTbGBf4ad+6G6dgjRd3pvHPHL8D4I/fV52g+3IT8R3sA8HEzZWxN4/AjAH7XHVc/2rt+oKdxfDOAn5+p54nTvR8RnFM/2l/hjl2I8f28D9Pmczr+GdO1Hzp9vxLjBu5FwRw8DeCZSRs/eirr8cG5NwD4pTWfz3tgfEd/gcbrAQCfv+7zXkuPNAzD7RjZ1Oe01v6luOyxAH5xGIY73X13Y9zxPo6uPTUMw2+46+7H+ODPiizbaKF+9m/d+zFOkl8GcBeV80oAH9xau7y1dgTjwvzTwzSiU3l/gHH3vAuttc+YxDF3YpwAJzH+MKgxmcPLADymTdayU/ueipGlmu7piRh3y79F/XgVxkXhMUn5TwBwyzAMP59cs85zOzkMw2vd9zdOn68edouT3ohxIXg43f/LwzCcdPXchFFvZgY2j8H4crKV8ssxjje359eGYXjQff/T6dPmwYdh3ID8KI3dW6c2PpbK++1hGLxBDJeX4fcBfHlr7dmttQ/MxIWG1toRmufrvJfPwzj3vnzuwmluXw/gaa21CzFKG142c9sPAng0/b115p5rERirDaMh1r/G+Py+HsAfY5RUvbK1FqndvgjjJvHZwzA8L6twEj0/DsD/ArDtnnHDaPT0WHft5W1UM/0Nxs3hgxh/rBqA96GibxqG4Y9FtXPzzvr9IMZN47UzfcjWuv3g1DAMrwzqe9/W2k+21t6G8b16EOPmpXcd+yX7Z5pbf46+d2RdmEgdw2h0eSOAPx+G4e/dNbYG/bPp8yMxkil+5/92+uN3/pygtXYFxjX0BID/bMen8foDAF/dWvtvQq0SYi/GH9+BcdfwAnH+aowWc4xbALCsPrIUvB/j7g6ttUdgnEhn/6ZjXfdPeFcAn8PlYLQEBIBrALwLxh++twfl7TK6a619EoCfwLh7/0wAH4pxIbuV6l0HP4Pxh9/0jU+Y2u0X1HfFuGPjfvye64fCNQD+YaYN6zy3O/2XYcd6mZ+HHedxiQwZ/xE7+p6rp89d7RmG4TQmMTrdezt9t42O1Wv65Fdjdfw+EKtjt6s8t3Hqeb5PxviSfgVGVvkPrbWvmfkhfg216Ws66rG2/S1GadKzG9kPCLwMo3j/eQAuxTiXM9w8DMMb6G/OiOliCOvlYRjODMPw2mEY/vswDB8D4D0x/tg9L9DlPQXjvP3pmfqAcU4cwaj+4Wf83wBc5Z7BD2Fkcd+NUSz8aAD/1bXdI3onDHPzzuNeAFKn3bHW7QcrdgSttSsxvg/vi3HD9xEYx+FH0TfPz0ybeg9eew8K0boyt9bYO/96rM6H90G+XlrZkW75aqw+9xBtdPH6JYybtScMqwbcn4rRQv25AP6sjTYWqV0AsJ71OABgGIYTrbVvxMi4vzW45HYADwuOPwzrm/O/DeNE4mPr4DaMuoNvTuqwXWZkLPRQ7HZNeAqAvx6G4el2oLV2AVZ/SLoxDMPJ1trPYhQFPg/jbvdvh2H4TXfZbRh3mJ8hirkpqeIdAD5gphkH+dzm8FBxzDYW9lI8DOPuHcBZCcQ16HxpHG6bPp/uy3NQ7k5rYxiGt2P8AfivkzTqczG6/dwK4H+K254B4Lj7vu4c/9qpnq/uaN+bW2u/i9F182e8ZOUAcRviBS9qz9taa9+P0RXsfbCzCQVG3fP3YbS+/ehhGEIjtgl3YhRlfw+E9GAYhu02GrH9e4xi9e+yc621D1RN7OlHB67G+B4qHMRapxD14SMxbpI/ZRiGN9jBaS17Z4C985+JUY3B4A2Hx5sw/ia8P0Z3OgBAa+0yjJKEl8xV3kZ/7ldgJAUfNQzDG/maaT4/E8AzW2vvB+A/YrQruAXjxjLEXkUwLwLwJdixKPf43wCe1Jw/aGvtOIBPwqgj6sbE4N4we2GOX8UoHv3zYRjuVRe11t4A4NNaa9eZiLy19iEY9Z7+R/sYxgfq8TSsusvYrvsS9P0ovAzAZ7fWPg6jgRZviH4V4yJ2IpoAM3gVgKe01j5pGIZfENcc2HPrwJNaa5eaiHxiFI/BqCsDRlH5Axg3SK9x9z0Z45xdtz2/hfEZvPcwDD+851bvxv3Y/UO7gmEY3oRR/PVMJJum6bo9Y/rh+x4AX4A+95xvwSh9euF+6k0QqRzQWnv4MAwRczXPC/5R/geMhlO/AeA3ph/ukPlOG9/XAfhgAH84aGv0izC+qw/S8aeL6/eN1trDMDJA+ZwPaK1bB+ZxcHYc2ujh8KRzXK9fF88lXotRuvGewzD8+Do3DsNwqrX2Goxr5jc6ld9TMM4dtYYCOEsufhLj784Thw5XtmEY/gKjWu1ZmCFYe/rRHobh/tbaCzDughlfi9Eq8zWttW/GuMv7SoyTRInUzyW+BuPu/bWttRdiZKRXYRyY9xyGwaJKPQ/jj9vPtta+D6PI/DqMC4lfAH4VY5CK7wDwixh14V8AEhljtAoEgC9trf0KRnFS9lK+BuPO+gcwTugfofM/inEn9prW2rdhtJy8EKPl7ydj3DGfQozrAfwXAD8+SUl+F+MPzscB+M5pE3A+n9u9AF7VWvtWjIvo8zHufL8DGG0npj5+VWvtJEabhH+FcZP4ejhdWg+GYbi7tfblAL5nEiH/CkYd47th1IPeMAxDGC0swV8AeFZr7ckYA+Xcg3GuvBrjs3ojxgXx32Ocb69as/x18U0YLXIfh9H2QWIYhp/BqJI5V3gtgP/YWrtmGIbb3PE/a629GuPzvBGjncGTMLKNnxyGYSWAxzAMN7fWHo/R8tx+uBUD/ZKp7le21n4Ao2j7XTBalR8ZhuE5wzDc1Vr7HYzv5c0Y2e/nwbninAN86PT52vSq84vXYVTJvXhayy/HuFb+I0bvl3OFN2JcT//z9G4/AOAvvY3LQWBaQ54D4Ntaa9ditGG6B+Nz/igAvzIMw08lRXwNxrXmx1prL8ZOcJXrh2H4M7uotfb5GEnshw/D8LvT4ZdgXJOfh1HN4e2N/m7aZD8UIxP/MYybuTMYDRkvwWiYLLGfgAY/hEDsMAzD/8G4O74bwA9j/PE5AeBxwzD8yT7q2xOmheBRGH/kvgHjgPxPjIvbr7vrfg2jePpfYRSJfCWAL8W4EN/linwJRiOaJ2PccT0JIxv11wDjD/qLMLpZ/DZ2/PRUO7cxPsB3w2gI9dd0/kGMP7Ivwbg4/zLGH4fPxcgkZVSs6d4nTP22e1+EcUG7fbrmfD63l2H84X3hVNetAP7dZOhoeC7GRfjjMY7lc6b7PiFhURLDMLwY44v0LzH27ZcxbsqOYjSIWhffjHGj9f0Yn+2LMVq0/iHGDdJPYZxHHwbgs4ZheIUo50Aw/Th++7msYw28AuNYfCIdfy7GRekFGDcxP4FxfJ6DVf/xs5jEiI/HuAm6oQk/24nRPBqjaPS7pzq+C6OI0v9gPhWjEdD3YDR0uwXAs/u7tzY+EcAf8Dt9mJg2Pp+G8Xn8NMZN+//AOG/PZb03YxzrD8X4TH4f4/M5F3V9N8Yfwg/AuFb+EsYf0gE7RoPq3t/DuPY8AuNa8XyMa+9/oUu3MLJvr4f++Onz+RjXfv/3OdO5E1Mbnolx/H8ao6vZk4dhSCMDNmcsXSC01t4do9/l1w/D8LWH3Z53BrQxyMzXD8MwG6SnsLlorb0Uo0vOxxx2Ww4Tkw79ZgBfNgzDDxx2ewqbj4N0K9hoTC4j345RvPkOjFatX4ExGMT3H2LTCoVNxPMB/GVr7VEzaqF3djwDo1fKQdlSFP6Jo360d3AGo7XyCzFaKJ/EqPf5D8r4pVAoxBiG4cY2huo96PCtm4b7MQZSYuPVQmFPKPF4oVAoFAobgo3IrFMoFAqFQqF+tAuFQqFQ2BjUj3ahUCgUChuCRRmiHTt2bLjyyisPpCwfvpVDuc597y13P23a77XR+b3cs59r9zIW+2mD2V+8+c1vfscwDLvibF911VXDwx/+cGxtbe25bVyP/58/e+7tPbfOPXuxQVnnnp76etuUjdk6Y3GQdjc333zzyty59NJLd607NndsLgHAkSNHdn3aOT4erTv8uR8spYxzhXXm+zpzdXt7O/w8ffr0bD2GG2+8cWXuHAYW9aN95ZVX4hnPeMa+yrCX6cILLzx77OjRsZv8Ms5991Dnel5ItUnIXvCoDepeXkj4M2qHWlDUpy9Ljds6Y6GutWcV1XPmzBhN8LGPfexKxK9rr70WP/ETP3H2udtn9iztxbVy7dNeZP//gw8+GF7Li4AHLwR8Ddfv75lbbLKNhao/um6uPj8WBtV3Pm73+n7zMa6Xv/t7DuLH+7rrrluZO7buWPkXXXQRAODSSy89e81ll10GALj88ssBAMePHz97LwAcOzZGBb3kkp3onDaXL7hgDOfNP+z2mfVLvYc975qVm71zap2ZKzMqn9uc1cHvgtoc++ui98VfG72/9t4+8MAYe+rkyTHw2qlTY/DIW2+9ddd3X489L8PTnva0NNLg+UKJxwuFQqFQ2BAsimkfBCJmqBio2hGuw0izNqhrepj23L09UDthf64XfsdrO9Cs/F5k/ead7tyYX3DBBWfZTSRtUKyCd+4ec2JcxZ6zMnqYFX/nuenbPDf+PSJ+xbRZKhG1TdXPzy86Zv3I2Jr1XY35fjEMw64xiaQZc4yX2+hh5c2pbrL3VLHyvawHUdtUfVxvNnfUM/R18HvJ8yybB3wNPyf7zNZ+Xh9MquKZNkvT1pVGnGssqzWFQqFQKBQk3umYNut3o2OR0cgc5pjwOoZv2fFeo5VIx7wO1r3H77DVDrTHJkBdm+nODaYbjGBM254t76h9eawDM/QYmzEzYX17xNgUW92P0VXP7l8Z8vl2zPU5a+N+dMzKXsHg+8ds3J5xJiHZD6Jy9/JO975j6zC5/Ri3Rc9Nsdc525p1kK0HLHnpkULZPcqexH+f069HvwVqfVgKimkXCoVCobAhqB/tQqFQKBQ2BO804nE2OPBiF2WEMOdWBcy7Tazj6pVhXVHaOkZsPYZvBmX4Eo3JnBFJVm5P2/n5eHcwRmsNR44cWXnWUZu43RmUSxKLziJRnTKU4bJ73Lf4fAQ1lj1i7P2IyZU7Wo84vmfu2LPM3OsOEnsxusvuUa5ePS6ZPE49Ll9KHZO5C+7FAHbu2mytMvAYZIZ3PHf4HWSxedQGNeb+94LnurmLLQXFtAuFQqFQ2BC80zBtFbEI2Nmp8zVqB5wxbQPv4CIDJMZeomX1YC8sdh1WHn0H+oO6ZG22z56IUnPlbm1tpfNgjvFGwRtU4BUVmCUy2Jtjoj3Mp2dMFYvIWLQK3pIFWeFj9sljwP3n/30b2bgsY67n2gVMtdW3YR2DVCUF7GHaqt4I7Eal5kwk+ZiTuK0jNeyJSjjnfptJyJSkrMfli4/3SBKXhmLahUKhUChsCN5pmLax6czVR+10ebef3cvHI/3RXGhIQxaIQ+2AVYi96N5sN9vDWv09GYPgazKWq+rJgqH0MvjW2opUxd8z53KVhU7kc4plZixdhfuMxmYutnWPy1+PPp7br9qY9ctCRar6Mhcj7q8dj0LJMtZhf/sF90nZC6xjc5AdV9dkthrcNuWaGUl2VFszzLmH9ejd15HOKelTJrmyNtocXSf0chSGdwkopl0oFAqFwoZg45m2haGzwBscpB/QjLPHUlIFZOGyMqad6T0NvXrwHotgpcOMdrPrBEiZqy9rG4c+Vf3yEgQlEYlgLJuZadROZY+gpBuATo5hlqVZsgLesXMZERNlK/gsaIwK96rYcsSaOSmHfTIT9+X1PMM5qLGPJC5K372Olfx+oaQJ3BZAz19mzYaepDyZHjxLKuPv7Qm1q6zXo+Q2aj1d53lk4zh3TTZG/N7wu5Dds5d+nA8U0y4UCoVCYUOwsUzbdkbMsJnR+f/ZqjJjVgpKPx7txlQYvMi6U1nt9mAusH2mU+rdYUdQDDtidIoNsqQi051naK1ha2ury9pVMbZIv6ZC4HIbjZFmngfGvLmvkcU5s3B+Tj71LNfHbcus41lfrJ5hZnGs/Od7GIpKGBKBx/p86hpV6GMlEYmuVe2Nko1EzNaDvS4i8LPNJBJKZ29t4xS1/p45a/7onea28Tpq49kjUVQSLH/M6rXfi8ze53zaSuwFxbQLhUKhUNgQbBzT5t29srLtsQBXTDHTMTIzzALOq8+IDbK+dU7HHe3AbffK/Ywszuf0/MwcMwtnFbnM94+lAWoH7Vkbs4gei/dMr2YsQTHejGkbs7WdOu/q2ZrcnzO9t33ed999u9rRY83Nnz2+qMpCtsd/lrEXCUg0dxTrV+MJ7DwDz/L8NeeKcfv5x8/fvttnJG2Ys67ObF16+xbZgLDPO7PyyDti7r1kGwdg53lwfczOsz4ojx4b1551nPuQeYxYPZdccgmAnXcxmt/nOjHNXlFMu1AoFAqFDUH9aBcKhUKhsCHYCPF45IKlxNWZ+JCDQXD5kTGJMq5QYfGitrDoLxIrKoMjZbSUiZx6RO1zoQB7jIg4oE3m1pW59PjzXvy2jtuZXc/3REE62OiG3UK8qJPFtzymPP98cgEWj99///0AgHvvvRcAcOrUqZV7WITv++bblhnL8Riw2NS7Q7IrDCNzxVPBLgyZ4Ru7w/E9vv92v9Vr48eqooNyzbF6zJ0UAC6++GIAwLFjxwAAl156KYBVUbCHcvFiFUsWZIcD1xgyd8HM7VFhbn2J1BZKRWhlmOg5chNTYnAee/8MWBXRY/jGKgE2fGRDZv+/fZZ4vFAoFAqFwp6wcUzboMz9owQHbPCjdrbRztR2euxiY9caS4pccHj3qHZ70T1zrGGdsH+RW4PaPSpXH98edrfzu2F/ra+Dd8cRq+U28jP2DDHCMAxpqNg5w7aMsfG93P4eI0aDzU1mXFHdyo0rkz6p4DFZICD1vJnhA/OJd/h9i4K5KBcj7pM/x5IqZpYHZZAWsS97v82AiSUukeSA1yIOpWmI3LcylztgZ93x9Sk3MOuHtb0nYQjXF7l88Tnrl0mUTp48uXItt8n6wdKISOLEUqYeqSDPY1urrG2RJIklIsW0C4VCoVAo7AkbwbT9ri/TJftrox2o0gsx8/W7TrVL5p2h340xw2ZWFgUYUCEgmcVEbFCx7h79LpfH7lDRLpP7zDrHzA2G3SgiVsPtV4FNMkTPUgUByZghQ40X6/H8OVWPIUv+MRfWNLpmzrUrcvlhZpMFDVIBgFjvGbFPHmNjWsrGImoDM+tIt7kOO2qt4ciRIyvz1/TYwKqUh8PXRhIJ67exO2UXwTY3/l6eZ8Zio7lk+nYuz1il2VBcdtllZ+/h58z2Ecr10P/Pz5mff2QjxO+2jbVyqYug7ElsjPwxJdnjtStqUyUMKRQKhUKhsCdsBNP2u2/bifHOl1lNT4IDpcOM2Jmy/GY9jr+Hd+yZ/pb1jypsYmalyuAdr7dStvbyTlPphHvCgvJY+V0y76yVVXakq+2xmLcwpjwv/A5a9U2FufXn1NxhxuOZto233ctMIJqXLMFhfWGW4EAFV8kCwDBz67HAZqkQM0fW1avUmv7enmes9LwRy+V75uDHLvMiseer2H9kmc/vDkuXonbbu6Pev0haxyE6Gca0fX2m57b6eB3g5+Pnt80dlgpwHyJJEq+RZo3P67u3l+H5NOfRA+y8c9Z3ZbkfeRsZvMRlCSimXSgUCoXChmAjmLbfbfGuWu2+o929YhEq7aY/N+cXHvnn8u6Yd56RXlq1kfsV7V55922fma6H2ZFia1mqS6V39/VxP20slI4rqsePcQSvl4x0VbxDVzYNHsx05vRo5kMMrEqEQwnFAAAgAElEQVQ4IotfbiPPQZv7bKntWYYKrcvPP3snslC+DJ6rLDlQ0hTfBg6Ty6zUPwtlT8L93yvTNp02W4hH7VZzJfLXVskxeG7auxetBzy/WCLhy7a5x/PBs2NuO7+Pyl5A2WP4MpTfduS1Yv3hT/bWify0uSxlYe/bz/WyLt+vO/Y8WB++FBTTLhQKhUJhQ7CsLQQh04konWLGmpg1Kp2SZ3TMQHk3l6XkZDbB9UcRw5R1I1ur+nu5PGX5HUUKUjtO1uH7Xa5dy5aemV7SxsJ2uswkDZFuqVfP2lpb0a9H7FJZLhsyvarpxu644w4AwD333ANg1boX2GE+ykI3kmIw62IGGo0xMylmS8xuo+hmBp5/kWUzR3Lj8TSmamPi28e6WoP1z+ZDxHzUc+Fn7u+PpD2M1hqOHj2a+v8qH2t+Xv4ea9fdd9+963tP5Dhme3aNjW0mXeDyVNIbfw3bX/Bcte+RjpkZNvs3RxILezeULYW1NbKO53Wb7Vgi+wT2jrByWZIFrK5RBxVp76BQTLtQKBQKhQ3BIpk2s2m/k1JWzirOL6CtVyO9JxDvsPka3o1FlqbKrzhjDiwFYGadRd7ifvbERVb1s+W532Fz/zKfXgZLRNjHM/PXzizYh2HAMAwrzDSS0qixjMbW2nXixAkAwG233QZgVY9755137roe2GETV1xxBYAdK1Trc+ZLriQvkcU5M2iOq8zSp0iHbuAxYAmJB/eDLattzPyY2BiYtbCNURafX8VWV+/IXuDri3yD1fuubGuAHYkESyY4brmNW9QGtjng99OPrbWF/cKZmWb2EGyHwRKryC7GwNHi7HyU4pTbYpIrtjvxbbXyjh8/DgC49dZbAezMc6vf18cxzFmnbe2J1sg5Cc9hoZh2oVAoFAobgvrRLhQKhUJhQ7BI8biBDZ4A7e7BBk1e3KGCTxhYjOjrU0Et2JUgEt0q95ZIpK5cLwwsLovEYiqsZGS8xK4cLEKzzyi9HicgYPF8JF6cS98YBUyI3DEULLgKJ63IwOJ9q8ffa+Lb22+/HcBOSEgzirE2Wp/tOABcfvnlAFYDRlgZUUAOfu5s6JS5tXA/WAQYJYdg8SeLeSORM6sZrD6bD1YmqwP8OSuDA3RwHb4fkWuU/x6pDHpgc4fHLXI7s3WmJ30jjyWHx+SgHVGb7dmZisXqj1Jl2jkLU6rcFf3zUP1h464oCZDB6jOxf8+zVG5U9r7ZvPBjZPdcffXVAHbE5XfdddeuNlo7fF+tP/xORGtxpi5dAoppFwqFQqGwIVgk02b2khml8M4tYiLKLYMNqCLDIHWvHe8x8lJh/qLdpjIMMkSuENZnO8cuQFGYR9ulqjSOdq0xxyggA6cltfG03TFLPzxYQhEZnihjrAitNVxwwQUrDDsKWKHCSxr8M7V7zPiF2ZGVwWw2ghkksXTI9y9yefJtigwxOSQkt8HmapTAQzHFLBwsGw2yO5KNEbt++Wu5P/weR4aWBhWW1V+3jvGQGTFyPZErnpJiRO5B1k4bB2unfTdGGL0nbHRn9xj4ffVtsfFndhwFZFEul9FzAHavLfy+c/22dkSJXNiF9pprrtnVNjZy9G2yYyx9iMaKDTdVgiL//SANHM8FimkXCoVCobAhWCTTNkThK3nHq3TOUTAQlYJTBT8BVnd3rCfKdIzcZt4RRgFSGFY/u5wwE/JQLlgRs2RGx8wnapdKmcm6TL+L5/FiHW3UtiyhAsOYNpcfueKxe4uB9V/AKsM2pmF66Uzvzm5t1g9OjuDnql2j9PjRrp+lT+q5R+dZCsRMKNJBst5ThdjMUqqyBIP7G0mSVKjb6Hmu66azvb294k7l7RP4fbPvdk0kFWSGywFaWELix1itNyp8atRGDulr9Xtp0VyaUJ4Pvg62r+EgK5ktEbNY1jkriZOvz+aO2Y5wn4DV4DQq1WiUyrnHLuYwUEy7UCgUCoUNwaKZdhSkfi7BRba7Y8bBu9fsHhXkIGKBfC1bjdq9kVUtswne+UZ6XsVEWNcc2QYoKQMHqYks3ed0xP65qefE9XsWyLvhLLiK1ZGF5eRkKyrRQXQPl6sS00Q7dgNb1dsc9sxHsWZmgRHj5jFWNhRRchsViCXzdOAgSFHyHG6HYuE9kitlNW7wgT/m5oqHSWmiOWjg9rIFeLbuqCBEXE+PxTt7IkTvtIHZpa03xlB9G/hd4GcarTtzYVmj8VSJd3pS9XIZat3x3zlsbhSUxtcf9VlJQQ8LxbQLhUKhUNgQLJppZ/6XSvcaJfZgFqnST0a7OmVZ3rP7YibKbMm3UaUAVfVnbIB3oFGaO5VInsvKmJbSu0ZWl0pXm40j7457ddsekTUvz6ueJDBcvtrdRzpGJUWJrMe5j5xeMwtjqyQdSvLjy+XnnNk2KCmXMd0sVaKSmmTfWerAEpgeu5IMrY2pObN1wOpgew32c/cMTs03rieyfmc2yeE4s3dB6WvtXq+XZnsL9S5ErJPnDLP2yLZGpUpVHjeR5Eq1KZqrLA1SYXqjcMfcz6VgWa0pFAqFQqEgsWimbciiMikW7XdLaoeb6bLVvVx/1EZmsay/iSKHKWtRtUP0bVY6em67352rYPhRQgqGsk5WeuqsDN7hR8+tp018TySRmCtPsQBgNSoX2wtE/vMMZQsQsZe5tmZJPzKdoq/Dn+M5ywwkitrG52wM2GI38tPl+rkvmdRrHclID4ZhwPb29kq8g0yapSRGkR1HFs3O3+vfT5aOsXQjK5OfobWJE5VkbVLrW6RDZ7sIZf/j71ceDWyzFPWL3wm1/vn/WVqnUoJG7S8/7UKhUCgUCntC/WgXCoVCobAh2AjxuIdySWHjh0gEqAxyMleZOdFzJAKMjBt82yOjDiWmUuLrLMC9MtDJjPOUiDWCGutM7aAM7NjFIxJncxkK0b2ZC5lCT985Z3GUwEEhm3/sDshBLiKRo8otb8iC7HBIWuXqE4WT5OfPKoNIhMsi2x6jMoMKfXsQ4sszZ86kLobsrsfzOTIMywIURfdGQZ2UC2CUv9tg7ec83dYHS8oRQRl78XnfNjZA5FC70fxmg2FeM6N5p9azHnUJr1nqd8S3hVWUS0Ex7UKhUCgUNgSLYtrmepEZq/AOjT+z3e0cI+E6/DWKIVpbo4AVHHSf3dUyoys+nkHt5LPUnNx3LiNjtbxbVkw7MgjhceS2RaEcVRsZvn8ZC1PPkL9H96tr10kukBnoqYAYhojRqfClKgRmJKXh56HqB/KgPb6eCGqOZEah/Czn2OC6GIZhF9M2ROsArz9ZAB2WqM31OZJMcVksEYlc/+yZ2acZoEXPtDc5RsZe7ZwxbnaD8+PK4V6ZAatn7f/ntV4ZqPn/OcGTMjD2YCO2paCYdqFQKBQKG4LFMe2jR4+e3UFxOERAs61MH9Xj2sX3GJTrDeswPTtTeqiesHhzuqSojczsmT1FbEn1i5lw5kLHZWRMW7ndzYWl9VgnnCA/p6idijVHjH1OB5sxA/XsovSHrONj17h1Aj1wG6NAOVwuswqbO9GY8HzLWIthji1HbIn7oYLG7IdxD8Nqas6oPyqYSjR/s/eBr2Uofa2ycfDXKulMtA6wVHPOxiVaV3m9zlLy2jWcIIRdKjObFH63M7sI1k9z/RmLzqRNh4li2oVCoVAobAgWxbSBcffJjDRjS0o/6XeE6zABXyb/H9UTWUjyveoa3y8VbKBH98K7RZWgwO8Y5/SfWTAXvmfOwj66f07P5//npCkKrTXZft9e1fdIp62Yryorqk8xuKg/bP/AxzMphkHZGkS6b05/yjpTloj4/5lxK+aYSWnUeGb18bj2zg8FC66yl3CV/Jwiy3xlc6DmYXSN0jlHrJIDiaj1ISqPx1QFffLlcD0nTpwAAFx22WUr9Rl4/ewJUazabIjGOQpr7euLWLR655eCYtqFQqFQKGwIFse0gVX/xciqkvW42U59HetW1ZZMd6nqU9aoUUq7OavNrD62GuX6InamGEKPlSyz70i6weA+K/1exFQMc/7V/v6s3Yo1RzoxxY7WsbJV90Q7eaXLzPShzDAVW8osgPldy/R4KrRuj/RkjrVEtgiMLNTpXmFsG4ifAc8rZpfm+2yW2v7aOWaYMWyD8p/37zH7OnOCosiGgsdQPVs+7+th3TYzbl/HsWPHwn5yXIJszip7kuge67M9H5XiNpKucTKdpWBZrSkUCoVCoSCxKKY9DAMeeOCBlehDfI2H7dD4noi9KMadRZBSbMwQRSZiJqoYT4+uZJ1oP5H+0R+PmImy/FZ9iNqvdsVZ/1R0o6jdrGNS8P0z69BIj8+7bT4f1TPHQKJ+zOltozKUp4N6tlG56njk6WDgqFl2rY1fZBXNfrhsEcwpYqM2Zu8eH5vTh+8Hvt4oLaSNAyfa6fF0URKIdd4XxUj9s7Rnx4lbDBGzVxI1NbbZOmf94nfPGLe/RlmY9zzLuXkQlaEYfGRxz8lEDmJ+HSSKaRcKhUKhsCGoH+1CoVAoFDYEixOPnzlzJg33qYxcWJQRBR1Qhis9bjuMLLgKiwV7whaqYAZz+Yej8hk9IT3ZsC8zBMnG2h+PwCI15Wrm28ThChW8y1cUSITVJOrTu5+wwco6rko8R+aM/3zdHGxCBZKIymVxuPqM2sJi8kg1we8ljxGrHyKXnzmXzcjAis8dpNhye3t7xcXUt0GNv7U/c1lSzz0Th/OYsVjcvkdzx8TiFlaUVS1RqGD1TmcqMC4/en/8dcCOqNzGxObZOmoSJQbntnqo8NesBvLHDtLQ8SBRTLtQKBQKhQ3Boph2aw1bW1tpajRmJypBSOYqoHZQ2c5KMYFo16+Ytu322GDHt1e5nWSsgpkP9zNiS6o+dnPI3ETUZzTOc+yW2+XL6Q28cObMmZUddeQuqJIUcP+iYyoQSxTu047xHGFG4I0oORmHKt+/E1z+nHtQFtZWBZTw9c25+DHjzowMVT2RC86cQdp+kRl9qrE1qPkcQb0vUUAZNkDjz4svvvjsPebWxPOOJVb+HptvPO7KiNbPnVOnTu1qoxmXmVtX9N7yOsMGfdkaPDe2kUSH1zn1rmSBp5aGYtqFQqFQKGwIFsW0gXG3lLk1+OuAHdaaYV3XpCwgB3/yLtb/3+suFtXNO0Jmr77fvGtUesJsJ8/sifWVftesAqT0jKNiqusETokwDANOnz69smOPdueq/aof0TneoTO78f+rPnIQIX+tsSb7NL1gxIT5PVGBUax+K9OXw3OWy4qkNPxM2eXIkNluqLkauRZx2/YatpRhtjScpjKSLsyx/ghZkCOP6P3ktrD0ydd78uRJADsslnXb9owvv/zys/cY6+bwtba+cCIU775l9VmbLrnkkl3XWtn++bMUkt0DGVkgGDX2PePI720m2VmabruYdqFQKBQKG4JFMW1v/QvkTvKRU7yVEZXr71WW55EFMLMlZrNs7Ru1rYcRKBbGupiof3O62ax+ZVnOIRGj+ngnym2LgmpkFvRROzzmdFrGmKK2+HbznMkswJndsV5YzQ//P5fPzMuzWGPBxnyMzRhbss9obJUUg9vjmTZLUtgmIJoH/Aw5GAWXndkVcB+iZ6DsSQ7KetzmDffdzxN+vtyWzNNF2dsoS/SoHmavdvy+++47e489V2PDNoesXGPN/h47Z/PKyjBpidVnfTA9ti/fYGNh5UfBdazcHi8VIH4X54JURePI76u1PfOosHvWSQl8PlBMu1AoFAqFDcGimDYw7mp6/BhVAgrWS3nMhS1lVhWdU9brvkxm2Oy3mrFYpYvltvkdKO8E7TuXkTFVFWo104ezFbayls/OHRTTHobd6RUziQvXlekl1S5+HZ0m953TYXoY4zG2xKwpYrWKsTEbzMIyzkmDMt0ip0RU7fBQ1sLRPcz6VZrK/SKzDbDxZ+t+bncUIrQ3jkHEKpUPdDROHHJWhZP1ftPGrK1uO8dMNNKhs3RGJfjx9jcqXemczUB0rEfSYu23frEum/sZlbs0a/Ji2oVCoVAobAgWxbRba7jwwgtXfPgyn2ulx/M74bm0kD07N2UBGrVNRRnK9IRcj7KIzNgL38vMLtO3cXnZjlexMrWL9vUx0858u1X5Cp5pM1OJylY79yiqmYqAN+chAKzGEjDmEbE2joCmdOaRNEj5ha+DnjgIPLZK15i9I3NRp9bxkT4o8LOMkkh4lsrt5LYp5snvSaRPtXnAz4HHNpo7HNXO7rF11eu0lX2HwfrLEROBHb9sq5e/27Xem4D7pbwHsjmsJEvRfGMdtpXP3yOmvTSrcUMx7UKhUCgUNgSLY9pHjx7tijWtdI2R9bBKNs96Nd7N+nOKYWe7ZC6PmVZmKZ/tqPle5fNon5Evu9JDKmvKSN82p+vJIqLN6UWja+Z2vsMwpJakvINWNg6R/l75zTPj9mUphm2f5tfq0xQeP34cwE5UqcsuuwzAjm7brHc9W2L/3HWYqLXX2qBsDqK5quw9VB3RvXxNZldwrhg2I2ojew2ouRNFb1TflUTMt0GVb/d6Fmv32BxREsbonWDYnLV5EflT2/92DftlR7YtKga4Wn+imAPsFcNjFUULVN4fUSTDpemwGcW0C4VCoVDYENSPdqFQKBQKG4LFice3trZScY6BRWaZ6xDfr1yUouuVuLDHMCwK4wfE4nHlxtITApETkbArRmSIxn1VLiZR6lElPsrcudgNRT2DTOw/F8Z0e3s7TeeZibKzctf5HqkElLrCRJsmCvfHLNSkfZp43ETh9gkA99xzz67yWVyuVBG+Pp9EAlhVj/h7VLrSuUQiEXpULYclrozErBxQhA0pI/emuWAg0XrAgXeUi2GWjIXXnUjErdYbFnkrN1IPNrCNDO2US6kKDx0FK+I28HudJdNRQVai9XupBmnFtAuFQqFQ2BAsimkDq6FM7ZhhLthFT2CWrG6uTxlOZcyXd79zRj5RuXPGN75edq3gnbudj4wt2BCEWXm0W+YdrUp5GRmtrMO010l3aO1SbfPtzthxVGZ0rWI+WVCXuU9gNcyjfWfm45mxMXW7xpi3GatlY8JSAOWCExnnsZRrbmzU+Phr1jGWOmhkLJYDl/D7Ea03yq3RwM8/M4ZiQ9TIVSlyd43KiuabksYwA43eRQ5Qwq5nHuzqxwa9mdsiS3/Y0Ddj2nNhaCPJbOZyfJgopl0oFAqFwoZgkUx7LnWiP6eCdmT3ZC4JjDnXi0jny9dw6sLIjUvprnvSxLHrhXJly3Q93A5DJklglsF6r0yn3eNalNkaKGTBLlhvz+2N9HZzQWGyNs4x+4gZMFti1hLNWR5Tmw+czjMLTqJsNQxZmEduhwpN6dvI33vsV/iec8WAIn0quyRxaOKMaasgKvyORwFsDMrlMEr+YeuMepa+HvU8lGuWL4sZvQq248dRve8cOjZKeqOkg4px+/uVq2a0Ds7ZrRw2imkXCoVCobAhWDTTnrsu+p4xNqV/ynQYrAfka6KdNu/8eHceBd9XVpxRYBR/3peb7Th9O/z/c3qbbJepWDkzV///HNPqYbkKXqfdw8Z41x9JCObSnmbI7B582/xz4bCRKhkMW3v78tg+IQtYwf1SwS6iNJXKlkG9Mx5zDDvSofcG9dkvoufC4WUznahBhTE1KL2uv1YxRbuHrdn9Pczke8IZ81xVwYX8PeytwpKdSKKo3lPFpiOo+eDnKkt9VKrOaM1fmtW4oZh2oVAoFAobgkUxbWPZ7G8chbJTOt7M35fvNUQ6LL6Wr8l2grzDVYlCIlap/KYNPfWphB4R056zvu9hNz26YeXnmVlSswQhY9rGsnmnHlmj89gyI/XMgC3v+VpG1H71DKM0mzxHIh9eINa3zrGmyCp6joEYk+vR1XO/DetIznqSBJ1r8Psa1c3hTKOxVVbcis1GltJsxa3mnS+f22Zl2HEf+pRZMrdRWb57zKWAjXTofK1itdEayW1V67mvh9k/p0+O7EoiiegSUEy7UCgUCoUNwaKYtjGlHl3CnEVp5NutEoaso0/LdFjcFt7Vcdt8PWwlPBfsP2MB3OaIgfemb8ykAkrnnOm0FRvPrKJ7mDb3L7pWsQjVNmBnt807cmVlG9XL9/AuP9JLKtYcsQu7n/1l+fi9996763zUFmW9mzHtOV/1yFc+64+q73wj8tNm9sXvdmQBPmcXESWt4Gh2/JyyBDv83vRYV0ft922KPB2Y0TOi+nhtVJ4oLAHwx1g3z2tits7ZuLJEKbJS71nrDwPFtAuFQqFQ2BDUj3ahUCgUChuCRYnHgTwQQ4S9uIGwCDMLN6hE3Czm82WyIQu7PkSuEJxr2cDhE9cJfaqM56Jjqj9ZLm6DujcyQFHBSaLQpyy2zp7xMAw4c+ZMeq26PzOGU+OeqQIM6jkoMb3/n43LsiA75ibGRmM2d5TYPDrH4kSVyMb3mVU6nE8+eo/n3u3zZXTWCxunOcMtj94gHVEOe54z/GzZiNL/b8/dwttmAZTmDACVMZtvG5fL4uXIeI5FzyzyjozYGHOhd/0xJQ7PDPyWJhY3FNMuFAqFQmFDsDimPQxDGkqTd409xjBzu/qeIB5zzMPfw+xUSQP8LpJ3umwAlbFYrkex6MjAjq/lUJiZ6xRjHcaqDNI8c+hxd+PzmasaG9soVuEx56LGbDIyaLFPCznJbDYK96rcBSNXQMVo7LuqF1g1VlPughGYDbHBVRYwx6CCaSyNabMhU/Z+8D1z4TazuarCbprbVhbUhd9lg1+f+ByXwdLByKiMv/McyiR8fI1ycfTXqLU4YtrKlTELOMTvvBqjw0Ix7UKhUCgUNgSL2kKYXtKQMR+1M490M4pBz7ksRfUqZ/1Ipz3HKjK3NN6JssN/BrUT9WOimLVyq/C78yzJhzo+p/fmeqNr5wJL9DDxqL0Z41ZBbhjMvAHttpcFw2HGqyQh0XzjNht7UDpvf81emC3PHZVu1T9T5V7JUqJIkrAEsHue9dnGODpnULYn1lcfmpb1wpYMiJ9hxprt2bLkL1tX5+ZsdC9LHTI9tEGFVs2knmruZAlxeL1myZJ9RglDemxpDgPFtAuFQqFQ2BAsimlbGFPehfndrQoBmAVIUQEweEfFVq/Aju6Id3HK2tZfq/TeEVueY3/MVCPLbNbZZpa/BpVOU+20ozYr3VZPvZyCMgrIYp9ROFuPM2fOrDDSyB5iTkKQ6WD5GhUwI7vXWFOkT7N7Tp06tat8JXmJylcsPbNtWAfcD3tHVIrQaDyZPbM0KGI+S4KtSSpUKbAzPpn1NrAzThFr5ve+N/ynv4alWlHwIMVwWQLWI8HkMfFhU/nd42t5PY2kXgZl9xFJrvhdMzuPaP6zlEMlbTosFNMuFAqFQmFDsCimDYw7MaVnBbTVIbOJyBJTMUJm2pFelctSjDtqA+90e/zP1Q6+x5/ZkO3wMz/zCJE+3KDCgfZcw/7pPUlGVPtOnz694gMf+f3PWY1nOr8e+wduf8Q4gZgZXHLJJQB29JvMFCI9OD9LDrnJkpfIepyfKXsv9ISkVWMTsSX1mSUMWSJY4hFZISvfbh4/Y+b+/4wl+7KA1fmtQp/6tcPq4WfHNjRR/SpMK1vJZ0lUuCwOMxqFXFWhd/ldiY7txUtiaXOxmHahUCgUChuCRTJt1ml7nQJbu/awVgbrNpUlM9ft72V2E+nguB4VjD/CnC905BeuIrv16L+4fN5dRkH4VZsifRXrrDOrccM61pvGtNlidh2mHTFDpevj75nPNTMtfraRX6kxbuWt4PugkiKw32xkf8GsRdkERF4d0dyP+pm9G5vOtBmRpTu/D9ZH0/VG74tJWuzTruV7IibKlviRRb5BWZbbPVl97FutogZG4DnDNgJ2r7dnmvOxZl9s/z9bi/dA2b4cNoppFwqFQqGwIVgU026t4ciRI3JnCuzsplhv0mOxHLEhf+9c2wAdsSfagc4xuoxpK/13ZBXNTE4x7agcbjOPY2QjoPSdWXQzlprYDp4ZdmQV32PhPAwDHnjggdQaXc0NZTnv77cd+5z1eI/0JLPIVRGwWBfn72G9nbJtiFINGpOzci195zo2D4o1R21VsQPW0TEuGZEEhNesuchoHjZH7DmZDpqtvn19KkJeJknia5hpZxEYeV5zPyKbJBUZTaWI9f3heOyKcUfnetaSTPK2BBTTLhQKhUJhQ1A/2oVCoVAobAgWJR4HRpGESugA7IQLVOKV6B5liKHCCkbuNCwCyozKepOaRAFg5ow5IrH5XAjAHpWBCuai2hG1icfGG7nMBVPJ3IPYoEb147777lsJhhO5uc0Z+UWhSLN2Kqg5an2P3KlY1cF9zlQdqk3Z81duSDwvsgApnNRGJXLwx3hsMpfNTQW7MfG6xsZWZnwI6NCcLPLOQob2uDjOibZ71gHl4hetaax24fCvPD8iozIeG3VclTOHHhfWw8SyWlMoFAqFQkFiUUzbDNGynY0xKTbdzwxn1O6RPzN3DWYRWXANZeyg2EXU7jnjssjAKjOo8tf5/xUbzBIFcJs4KE0UpIaNr5hpR/UwU5jbLZ8+fToNZ8tgJpj1ld32+HhkdNWbOCZqozIei9gEG9uo8iOXL2WIpKRQ/n8VJjVjyypByH5cOJcOdsVTQUmyZ2phN1k646VZcwk0orWRpWTKXTUycmRjOHbVzZ4/M2AOkMIGaf5abiO7ekXjuJdwvSqgzWGjmHahUCgUChuCxTHto0ePnmXT0Q7UXB8y/bA/buX6Y/w905WqZByGnnCW3CbFbqPyVSCLSE/IO2neyWdjMheaNGJAc7rsKEiNSpbQg0zPOQxDKknwdSs2nrH9uYQqhiyRx1z9/n52a2Em4hkIB0gxKJuAaB4oJhK5iUXt9t8zCYKyH+kJAKTcH/fCog4D1k5jzfZOcNhRYGfcObEFS6x86FMDry9ZQBGWljGUO6f/n99/dnGLYNeYi6H103Tc9pmFMZ1j7f7cOsikf0tAMe1CoVAoFDYEi80u0MgAACAASURBVGPaF1100QojicJhKoviyGJSMRxmImwVG0GFbPS7sbmdWmSlrNrGZUT6QiVlWCeMqbI0jRiWSmKQ6bT5WmWN7du4TkjL1sa0rqzDylKYMnrGaS6VqWqbhwpkE12j9Md+3ivWqnTbUX1z90SeDmqu9Ojq55h29AxYh7ppAVm4vcwco0QXbIFuzNreMX8PrztqzkQ2DSp4kB2PvGbYGl556USSJDtmTNv6d/LkSQA7TDuzHud3PXs35uD7pexYloJi2oVCoVAobAgWx7SjnZxPom5Q/tIZa5lLhpExLGVp7Nuu2qgSaUQ+yarcdUKvsuVntNucKy9jwIptMhOKdq8qRGA0Jvxc5uwGPNOO9GrKMnYdKLuBqI1cjwrvmT3LHv99JY2Zk8B4MAvP/KZZyqU+e5i2YuuZPzCnGs0kFktjSR42R639Zq8DrKZMVcw3sxtRoWIz9qm8OgyRF4HyA8+s4jlsro2FMWw7HoWwVvPN67L3A17HSqddKBQKhUJhT1gc0z569GjKQJSfYo91ta+HrwFyXbay0I5YZdSv6J6of+pcD9NS3yMd5BzD4XZEEhD+rnTd/pzyd46Sw6hIYhmUr6r/n9lEJolRvu490Z+UZTk/j8wyX1mpe4alGCi/C1GUtblIZJmP/Fza0HVsQ7i+qH88BpmUza41HfDSoloBO6ySWTSwOjc5cQ1H/vP/97wnBhUBj+vN7CAirwR/3D9r9n4wq3HlHRHpw5UHwn68CKK1yrC06HzLm8mFQqFQKBRC1I92oVAoFAobgkWJx4E4WYMXT7BbERujmMgpEjmyGFR99yInFYIyM36ZMx6KjJbmRH89YUUZmeFRb5szIzAVUL8n9Clfm7W/51pg7CeLZn1gCVapsGgwUpso8TH3MXIP6U1qEwVzUeoJE4tGomcWoa6TLEGJOqO5o8Jk9gRM4XFUCUsycSU/L1YLROUsUTxusDlqomJgdV4pA1gvCldjyuMUBTRS6qo5N0lAz68ov7U9I1unre/2nd3fIjXnXPjcdQzHIlWecmVbCpY7kwuFQqFQKOzCopi2uXypoCfAKuPgXX20o54LpsGGOlGyEb6Gd8JRsBMOPZi5WSkXC2UYFrGzuQAtPVC78562cnsiqGQC0XPL+jzXfht7n/rPWAm7EEZGcKpctauPDBFVsJ6esLlZgApfv7+Hv6txi9iLMkSK3HrUNSq4i2p31LZsvikDN7s2MsBaJ8zwYYHdn4CdvqoUtpF0wcDujixB8kyb18258YpcGvk7Gyh6CYJi2myAlrFcFfinRyqg+uPHRElXl4LlzuRCoVAoFAq7sCimbbCdTqR74R2o7dCye5RLgkHtGP09KjRjxnxtp6kCcPQkDGFpQ1YfQ4WmjDDH1rJgFz3BT3pZc5Q2ULWRMQxDV1AQfpY9bi1zyCQ87GqVtVGNj3Jz8f/PzXMuy5enmHU0d9Q1c58eKnFMxvRU2tDonnXCzC4F3v5CSfh6xkm5mGZjqgIkMaI1RCXsYMbt+2jsm21PWJcdBVvK2sL3KMkOuxZm0oelYZmtKhQKhUKhsILFMe2trS0ZltHDjpl+kp3xM1amrolYDJ/L2AO3zaQBrKeJLGTXSe7hy4iOqbZlaSM5aI0hsqjuDfMXHVdBaqJdM3sKZBiGIQyXGEle2Pq5JxVfphf2/YiOrTPP5qRBUaIcFT6U74mYD49FT5IJFUZyrg8eSvrUY7+g5rmfuzxHD5o17UV/ug44ZKcK2xxJpnh9y+auClDDa1X0flq53Fa2GvfW42wtru6Jguwo3fU6QVV47kTeBVze0kLhFtMuFAqFQmFDsCimbdbj/jvDdkRsIclWyZGPsEoGrwLsA306Pv7ObWGrSqvPWzEr33HFvDM22LPDVuWrEH6ZtEPpjbKkFkqaElkNs09+hGEYQn/RiFUw82Q9YTROCpnnwZx+OtJBK9uJLDWnSpjATDgL7arYedZGpUPPWCj7xfZIafjdmPPb9v+vw7B7rIbZ/uFcWxZb32ztyjxQWD/L60/0HqlUucwus+QvrIfmtJp+3TVdNuuwOUFKT/wG5VGRMWN+xyM/7fP1bPeKYtqFQqFQKGwIFsW0gXEn1JNQgXdKtovMdsd8r30aQ8kSa8xZzEa6F2YkvJuNGN1efKDnLL0zicXc2EQ737kIX+u0tcdfO7LwjBBZOEe7bvUMI59kbrdCtivnvq5jCW7Iopz1suWobGU1nvlpZ3Mj+u6fqb2n9iw5iUpUBreph0VniWgYrTW01lba1PNMDZFu9KBSRXpYP7xPt4Ej/dkcMeZrkj3/Hindv4qnENk22L3GopmBe6bNKThZH87tiiRlXD6fj8pREsWIaXNblmZFvqzWFAqFQqFQkKgf7UKhUCgUNgSLEo9vbW3hwgsvXEl8EJnjm9jDrjHRkDLkAXbEQ0r0Z2V5kVCUgzi6JzNEY7eNSDzOIi0lkolEg0r0k4kp5wK+qOAO0TGuv8cdRolDI4OQ3gAZR44cSdULc0kQIlHwXG7dzIiRwddE4mp2fVEGaJF7G89fld+6x9CSEQUcUoZ2PJcyceycsZ7/fy6pTdTe3oQhkatpFsBIuQ5FxqXKAPYg4MXknCyJxceWWzxyoWTRslqr9uL65e9h8bgSRUfvaObiF3334Hp63DyXJhY3LLNVhUKhUCgUVrAopt1aw4UXXriyy/I7KOXqZTsp20Vm6QjZMIyZg9+VMWthY5hoB8p1K2YQuV7MseUeFqAMdSJ3Ot6BKqOpHvQwa24/G4J4VraOQYgZE3E5kUSCmVtPX9WOnL9HRl5cLs/ryKjM2FkP01bBU+aMy/y5dUI3KtapjJmiuToXRCgK7apcfSIpzTohdu18do2SsLA0wTNtboM903PlSsTjcuLEiV3fjd1GyTHUWsFrZDR3uCzuZ8S05yQ6mevXnNtWllo5miuq/KVi2a0rFAqFQqFwFoti2sC4A2IW63dlKggAuwNkO/U5d6osvCSzmMwlhhOGMJuJ3KhYb9fDtNW5jLUrtmKYc6+KkLlOzekjsyAHvfBsKdJtZ2On6lPPRYV3jFyVbB4ovW2kt2MJjwo3ml2jmOlckJqorVnqUeWuGJXF53gceyRJvTYc6lh0jV93or4aQ+T3wph15m7E7Z5jm+cKUVhRBRsLDsiSBVnidXs/iKSsam3k3wT/zNmlUEk09+LmeVgopl0oFAqFwoagLSlUW2vtVgBvOex2FBaP9xiG4SH+QM2dQidq7hT2ipW5cxhY1I92oVAoFAoFjRKPFwqFQqGwIagf7UKhUCgUNgT1o10oFAqFwoagfrQLhUKhUNgQLMpP+/jx48M111yTRrWa82OOoCJSqeN7KavnWj5+0H6A6/gfz9WdnZ/zHc98bZV/ZOazzNHA3vjGN76DrTiPHTs2XHnllWmf9oKevkXfs7LWqXcv9y4FPTHoe97NudSpPXGqDTfffPPK3LnqqquGa6+9NunJKs7F81jnnTtX2Ith8n6iJh5Efeus23OfgI7B8da3vnVl7hwGFvWj/ZCHPAQveMELcPXVVwMALr/8cgDAZZdddvaaSy65BABw8cUXA1gNahA9BA4NyYHsVbhHDxUwP8qJzOfUopMFgDFwYBa+3kP9EGYhAVWAiixwBW+cOKe5BZywBAX+mD03+273cC5eYCdYyD333LPr85GPfOSKe86VV16JZzzjGSv92y+4T5zbOwuXObfQRgFn5gKW8L3AagAYFcAkCyRh6En+ohbNno3GXPAY/vT/W3IMTjZhz6YnMcd11123Mnce/vCH4/rrr5fj5v/ncxyqNRqnuaBHXEd0Tc/Y9m7aszC26xAafobqfBa0iL9zmdm9Kn981D87xglLopzfp06dArAz3+yaZz/72YtwCyzxeKFQKBQKG4JFMW1LGGI7Z2Y3wA7z4dB1vHOLmDbvxKJUhVzW3A50rj8eKv1lVj6z5Kx+3p1mkgOGYowRG5wbk4hJcLpSgz1HY+C2A/blmHTFnzvfUH3mpAXrzI8eCQiDpRv+WMaO58pWoUL3Ah6jKLSrqn8vIuKesJxzOHPmzMo4+veGn9Vc6lz/v3qnMubdMx5z6GHNvUyb2+WvUfMtk+yoc1xmlIBHpcuNnolKntMjhczSkR4mimkXCoVCobAhWBTTBkYGwYZoPt2dSs5uYBbt/+eA+Upvkum0FTKdj9rdZYkbeLevEitk5dt363+kBzXMBeP39bGUgxMjROzcnqEaR5OgRFIO1l2eT/Czsj7xmEYsQM3R7Dwz6bmUpv4Yt7kngUNvEpUeqVDPe8R9ZunXQb1762AYBpw+ffrsHMzqzfTQ6lr12fNMlZ1Cz3PJpI/qHj6+joHlOnp3xcp57fJlqLSdESs3ZImk/PfMZiNbpw8DxbQLhUKhUNgQ1I92oVAoFAobgkWJx1tru3Iis3sNoMVRJsKIcsaaAZN9sng8c8VSxha9Rj8ResTjSiwWifRZHMblR/co0akySPNiKn4u7BbFdQDzKolI1G5tM9cxFl+eD/AzUm5UkYiQjW2U+NCLRdmgza6xccnyWqvvmQh3TvwZiVp7XXx6jHzYUCgyDj3XhkDDMGB7e7tLLKrGKzImU6oOVjnxeX9uzkAwWges3UpsHBnLGZRIvcddlN+NHmM61Z9IXaLmSM88U+9ItBbvxej4fKKYdqFQKBQKG4JFMW1gh20DcUQ0A++QzDne2LQ5xvv/7Rr7VA790c5e7XizICfK1SNz+ZrbnUaGdnyMP3uCDth32/Xz7t8/AzvHrnn2ycFr/D3MytmtLzOwYoO38wmWWhjmXID8OcXOIxZr0gU2gItYgJIC8fmIdah5ze9XNN9UoJQeVxklBeqRJB00/Jrj61mHaWXvCUumetwq55h2ZqhlxxQj9egxHovanLVxnYBDc0ZzkcuXjSuvb3xvVH5vf/29S2PcxbQLhUKhUNgQLI5pA7m7EbsxGauzMJgnT57c9QnshKVjpm338o4t0m8oZO5NzB6NZUY7VHYZ4r5z26y/0VioEH2RG5zqn2IJwA4LtIAoHJo0sivge7nNkVRFMZIlIWIEDDs3p9v0/9v4sCtcxpZUIJ4siAe7xKjQu75/KvSo0kdmelcl8Yn6eS5db6J3MZJmqJCw2TrB48FzPQqYY1Cunpmkj3XLPXNU2ejw8cj1UzHtqF/KBoife+SmypIc9T17Fqr+pQVQybC8VbBQKBQKhUKIRTJtQ7QrYhZn+uoTJ04A2GHY9t1fY/cw42arcs8Q55g2s2hgh3la+E3bWXOQEL+7m7PiZdbsmTb3w871JFBQYGbvQ4jaeHJ40WPHjgFYlWAAOztm1mkry3NgebqkdaECYhh6gl2oMKlZMAjVDrZXiNrIZdocMmmVP8YSHRXqM2L2c/31OB8sKAvTC2jJlyGyNeH+K8lbZD1uWCeMqZJ09Ni2cD9UO7K5xu3vCZijPiN9NXsI8byLpEJ8jCUGmTTIsJ9QsucCxbQLhUKhUNgQLI5pD8OwYiUcWdcqXbalb/TW48yglW57L8yUrXv9MbUDZEttf43aLTO78W21vtrn+Qq7xztQzzIUbJyMWTPLMPbuy18npOJhIWIiipUo/1YPZSXMDNify/SPvr4s1KqVr2IZ+P+Zvajwtv595ndbMb2IDe7nPc3QWjv7F7XF/88SqHVCxfYkCuF7DEpPnHlbzLU9gtJlK/21b9OcbUPWFmbP9owj1szeKazDj/rO6HkHuX9LwbJaUygUCoVCQWJxTHtrayvdjfOu25g2WyGbfjW6h9mq8m8GVnelvMM2vVTEJpSvc2ZVybs63pFmluDngmEfP34cwO7xZMty1ktnukwb+7vuumvXvZFez1j3Eiw75yLFZUybrYbZX9eD9Z3K0jjTS6o2Zmk9mVGzRMTXwfYJqu09umFmqhxDwd/P68JBMW6LiJZB6VFZIhF5nijJW+ZzzUxazYcobTG/UzzG60gFMl9ynl/KG8fbCClpJ0s9zYYiYtrcfpYGZGuxSsQT2TTMJfw5LBTTLhQKhUJhQ1A/2oVCoVAobAgWJR5vre3Kpx0lq4hcK4AdN6tI3KGSE7BYis8Dq8ZjJsYxsUuPq4q1JUt8wfXMBT3xY8KBStYRk1t51jYTSV966aUAdsTiXjyuxP+MLBCDtVm5j/l6etxNzhWUGFcZwWSGaCxS5VCuwGqIWJsrLA71Y8uiU1bdcF8iUbfda/OA+2Pvl++HmrNcTyTqVkFKrB2RSNXKueyyywDsGJ1GQXz2Ag4a48tlke9coCZ/jMXjKphTpoLggE3R3LH/eZ1hNzs/d+Zye/ck/+CAV6x+9O6p9r+99yYGZzfVKBQyg9f6yPCR3yObx2psoj6WIVqhUCgUCoU9YXFM++jRo6mRAAdw8C5C/rjfQSk2zDuzKNwf74bZrSraYXNbrFzb3Rlr9Ts6250qdxplvMLl+DbZrtXOe7ZkO1BjLZdffvmu7zauvEP1dSsDmyjIARvUsJGHtdXXY2PK7PxcgVmuP8ZzUkltPHjucFnMjIBVBsDGfpG7YG8K0Igt8bO0cyZpMXjWyc+M3XMywzc7p6Q1UYISZmHMuO2d9IxuXfi1wer2AWWYPfJ7z65Kvi/qs4dNGmyO2JxhxujPqYQ+Bv88lPGoYueRFJIN0RSb9sfMRXc/z0yFxI2kXSwFYMlFlvZ3aa6mxbQLhUKhUNgQLIppA+NOL0sQYbse3iHaTioKOqBcH5Se0OtVbffITMp2ipE+indm1lZj2NYezyo5kYa1QYXCjEKgclhJY8tWT6SXvuqqqwAA11xzza5rWMcdBY9hxsAsxO+iFaPjhBWe0TFDPVc6betztutmHaPSs/tnz+4r1g8Obxu50aiQkPYsI1cYawuHyY3cgwxWjpXL9UYMUrn6qDSi/l1ULmw8vn5c7R6bT/bJaUw9ItcxhWEYcPr06bPXcjhgYCcsMkuXmMl5KHc6lSbSg8/1BBhSSYBUCE9/j3KN4vGL5p2B53sUCCqyF1gXbLPBczZyNeXfAJYSRW5iS3P1MhTTLhQKhUJhQ7A4pu13icy0gNUdubK2zXQUdg+z5Ci4iu22WY+X6VfnghgYM4gCwBiDZ30uSwmiADA8Npy4JLI0Nd2l6Qd5x807cd8W1plZfTZmXpKgkkuwDi3SmZ2rHa89B+5zVh+3myUfnsUwI+BxMkRSGmWtbm2NAosw+2eJTsTsVdpGFUzEX2vP1Fgosyeu15enwnFm0geWUFjbbb75eqwt63geMAv0Y8x9Y+abpRFW3hwsZcjuVXYkvl88B1lnnlmAq3PM0qN1hyUUPRbgvAavA07akj2DbIx9G7PwrOcrLHQvimkXCoVCobAhWBzTjnSn0S5ZpXSM/O/sfmNWtqsyP09jt/wJzIfbi3ZhzMKsTbbjZMtFYNVCln0cmeF7vTvvZJWuJ/KXNf3TO97xjl3XMPPxO1HWkRtLZ+lGlKaQGVzmf8xWyQflj8vW29buSCfIlvDsccBti3zTWarBMQX8ODEr4nfAnpcfC55PVga/C1HIXZVEgq37o/CcVp55HrDPbaS/tGdqrNnOMUuKLJz5u73PVl+0Tti1cyFPt7e3pUU4sGo7Y9fyOEUSiblUuZHFNj93fg4sAfR95XINLCHz5fN7yG2KLLNVWGiWqnnsJZYEQ+nZleU7MB9+OPJ0MZSfdqFQKBQKhT1hcUy7tXbWl4939IBmDcrn2sN2fnfeeScA4Lbbbtv1aQzbs1jWLXPyEYPfjbE1MkcxMobgrV6ZQdkYmDSAmbbfbbLuyJgcSxb8btL6aMesHtvBs87JSx8siYgxLLNAf+hDHwpgh3lH/pJWLjOsyMKZ9br+uShkrNnAzJct16Pnb+1ivapda5+RhT5baNu4cXQtYOe5s7TGronSr1q5itlzhCw/d9lvmtPY8vz39Vh5V155JYCd94hZlNfhm/7b+mfjxfPPzwNeB6LEENwvtofJrK4tYQi/4/6dZikG28FE/uX8jjHbYzsFv84pOxXus6+PLaF5LYz8tq1cnisM7gOwKlGx/vL6HY29rSHcD+63X+eidJ0ekbTDylV2HZH/OT+XYtqFQqFQKBT2hMUx7TNnzpzdUdmuL9M3MFMwROzl1ltvBQDccccdu8oylmts0tiAr9vYpO3cjBnYrtXYky+X/aR55xsxA2Zf/F3FlfZt4+hJGVNlhsW74re//e0A4t2m7Zbf8pa3ANhhWu/1Xu8FYIeB+XJ598qWyFFM7XUiEmURygwsiWCdqL/XrjEpwtVXXw1g5/nbmLN0BdiZEzbfrM9Wlkl8/DxgC3ZmcPbpn7/SXfL5iA3yPcrvPKrPxtE+bUwMNlaWhhXYGR/r+7XXXgtg511529vettJGxTrVd4+e9J2W82CO1XqwNwlLKDzsmb7Lu7zL2fqAnffF5lgUDZB90Vk65Ncqvof10RFDtTqZhbOkJ9Lzs16YfeNZx+7BTNv6EUVvNLDNhK0vUeQ1A3sY8FocSWIUG18KimkXCoVCobAhqB/tQqFQKBQ2BIsSjw/DgAcffHAlqLsXzXFwCzbuMPGUid8A4O677wYA3H777WfrAVZF7SYW8WJdNuowESA77XsDDhP1cVpL608kSlNB71WgDy8KZNGW1WfjxsZlwKpoSwVmYaMMf62J6qwfNs633HLLyj3WNk7BaGVF4QRZfdEDNv7y4GAzHEAmMny0Ppp6hMV6Ns+sH14FwYZZbMzDaTB9GzhUJ4s8vehRGY2xuDgy0mS1C4tBs/SrPFe57WxE6fvM5ZsqweaQffq+271scMTvlUdPcBVLVGT3Wz1R6FZ7viw2zsTitp5YqGAeH4MPm8pGpfZOW1k2Pv59YXdNNV6RekSpRXitjNYQ/s7JTHx99qxsLHjO2PiaqtLPO1Z12FjY3DHVSqQG5Dmqgvv4dh9mSuAMxbQLhUKhUNgQLJJpGyL3A9sFqXR3bBgCrCbQYIbFKe0itmc7PyvXrrE2RsEgooAhvt5oR5gFNfGI2Bkb0Fg7ODCIhwoewjv8KI2ojYVdayzU2GkUpEQlsYh2vGxA1bPjtecRGdaxoYxKcOBZLBsxcvAT6zsnkAF2nrONh80/Y1jR889crYA42Yy10cDBY9gl0M8DZi82xlZmxM7ZWI5dltgwzUuLbI4YS7J+GnM0gyQ/NpH7T9Tf6Pzcvb5PbNzp5wEbACq3Kl+GuT5an9lt8IorrgCwmpbX/2/z2dgkhwqOXCStDXYvG75GoXYz5gmsGgP6uu1aTufK77rvO6dWtnXG3kWbl1FaZps7bKhs4x2lkTXwusOpnX1/IsPUJaCYdqFQKBQKG4JFMW2G7bYi839me6xr8jtF25mxTsfYke22jF1EbiLMfHiHGIVNZfcjDj3odT2281NBQZjh+XtVAhQ+73egKum93WvjybtpYDXIhT0f2+lGiSJYx8xuKBwm0pcfBZRhmNuOlWcsyesJDfxcOMCCv4d1bfbd2BOzTR9chQOIGFTAHN8mA+sf2Y3PX8MMmPsXSVxY+sJ60SgRylzSF3vfmDX5cuxek2AYw7ZP3z+bbyyZYLsWP872LrPkRWF7ezuVblkfmH3Z84iCdLBul48/5CEP2dW2KO0lJ0DiNSSyG1EupixF8/ewdJDXhyjgjEqAk6XzNHAAFpbO8XgDq8+Z3UWj943nL49n5JbGz7IShhQKhUKhUNgTFsW0t7a2cMkll6TO7RzUgJkBW0H7/zkIAOsPme0Cq7ss1otHyT/mAohEuh6DsnJU6eiicqx/HHQiqo/1n6rffvfMwVs4LGvEWJReiK2iPZtaJ3D/MAw4c+bM2Wca1cdjyNKTyNqV22/sUQXiiCQSbMXLzMqzQHVOJTfx7VfSGWY+/juPO+s0s3SOKi0pey9EDJI/2aLe90VJA3hem444Ojen0x6GQab9BVYZqX2y1MFLFbiPPNfVWEf3qoRF0TrA85lZexRql+eQsib3YPsblm5F7yJLGa0/LLWztkb3Kg+LSLfOawY/4yiAU4+k4DBRTLtQKBQKhQ3Boph2aw0XX3xxmtRcpRKc+w6s7tjZnzFipMoPM7Me5/JsR2j6Og5z6utRjIDb7tuoLMx5HDO9O+9ieYfqd7zMAm23yrYAWZpVblvUb5X+MAPryv3YsK84l2+7fN9unhNsdap8oX3fVPjaKGUjJ2Fg9sphZ7mPgGZ47BMPrOpb+f2KbER4PqmwooYocYzB2qIs3X09qp+RRI6tgjO2NAwDTp8+vfIuR5IiZmgcc8GPE9ssRH2L+uXrY795lgJl803ptCMvkjmGHYWLZoki2x6wfhrQUhK2i4jGJLIb8IgSfHC5/B5HNiI9oW8PE8W0C4VCoVDYECyOaR85cmTFGtaDdWAqqLvfOTH7sk9lZRsxUqUzz6LmWD/MUtI+TfcW6WhVpDIei6iNfC/7oUc+nTw2vJOPomupNKVs8Rn5knMZvOvPdGc94Gsj3S/r1ZSlrm8f78w5sULUftah8zhFUhyem8YY2cPBM0eWKvBYK6mK7xdb6tv3yMKdGbYhimDI7VF+53ZcsVF/DT+3KEkMe0PMJX2wtQeI1xQl/ePPSKrAjFNFP4zWEG4/21D4WBYcEZElVFG/lH82z+vouEoCxLEd/D1ssxHZj6i2cr1zbN0f4/dYScF82zLbo8PEslpTKBQKhUJBon60C4VCoVDYECxKPA6Mog8WY0buH1FYPX9P5rbDRh0sDvFgcRgHG8jcGgycsIPDpvp7lFicxUWR2IjvUaFDub3+HhYrZmJKfk4s/ovE2iqYSyYOs/GKwn7Otc2XxwkhOJBNZASjxluJNiPXETZWUmoZ/78KDRkF4lDqEUamwuH3isWG3jhHuQPacVYdRf3je1ntFKm3+DurHyLRdE9+dRONq4Ai/liPmJ3vYVEsrzt8fXSMQ8Wyu6X/n4MtsTohcxNTouBMZWBtUyGK/bNUKqJsDVZQhndRUhN+Fqxma8N0SAAAIABJREFUyAJdzT3z841i2oVCoVAobAgWx7S3trZWEl1ku1c2AMmYNhuiKYOWLCgIB2ThRAK+jbyLNGOiyDWBGYFiTxE7U8EaOF2pB4/X3I472oFzmznQTZTOUyUiiAJacH/WCXIQGQYpFyh+xr4eZRjI/eI6fLnc7sj4hetmoyIOzOPrmTPKzMApUXmso/ShioGoxBQZ01aGfNE9SioTSYV47DMGNwzD2T/VBtVePu6fNbNhXm8yIzl+pmwIGRlNsjEfu3pFbmm9cyV6n5RUS61H/hqV4EmNkT82J43MDHyVm2L0PlXCkEKhUCgUCvvC4pg2kAf555R1atcf7bqZ+fKONNrdKT04B+z39fPukXd30U6ed3Uq2EnUxmiX7+u1etZJDq8+/f+K4bG+Omo/I3IpydqgwGERI5jbVJRClL/PBSqZc7cC4mAWQDx3mWEbWJftn7UK+6uebSZ9YKYdSU04hDCjh6mwPUTmOsdjbW1i97d19KGMM2fOrEjNMhaq5nyWXlPp16MANoq18rP2ZWW6a19G9i4r9p/pw7lcntdR4Cmld+d5Ho1n5sKmoFz2Mha9n/l0LlFMu1AoFAqFDcHimLZPkRdZH84Fso/0hcyoVZCViMWoa3nH5nXovENj/QmXHbWBv3PbIxZrn5yqLkrcYCyFd8Vq95rpmnmnrUKhRsfWYfQ9uiV+Xr7dSifO7Y522OqazFpdSQgypsDBW9R88FB2D8xMIsbPNiAqYYNPKMPJMg6C6fJ8i8ZRtT17bgYl7bD7t7e3ZWpbQIfb5eP7CcTh71XBlDLPGp6TzOAzbw71vitpDbC61vIYZMl7bH6ZnQ+/t9FarBLgZM9fSTWygEMGJcE8bBTTLhQKhUJhQ7A4pu2tONk3EdAB+ntC9aldJetVMgbM97LVo28T7+6jVIwG9ltkvTj7Qkc7Q9bzGzIfTMWSMqtp5R/JEoWon6xbYmYZsYH9WG9Gu2Tv2wqsSnQya+eMeQC5j6iBJSDR2PKczPTSiu33SE0UW83sCDgsrkoyEmHOfzoaM9Y1c1KVaJ4ZOBxr1i5+P6O5yEyX68n09+p7NNZz90TtUFbcyksiKk/ZpUTSLuV1kdmI8FzhtYPfxcy+hKWPkceQsknJQsiqd2EpWFZrCoVCoVAoSCyOaR85cmRlFxb5+6rkFFEKO04gbzpfFRkt2rHxTpd3+X43dvz48V3XMku2eyM2YddwkhHeVXp2wRaXPBaGKJA+W8crRLpmtXs1+O8qnSNbw3pmnKXtPAgwm2BfWN8u9pdV0puINSsWE3kesK0BS3h6oj6xLy+3I2KQzID4+UT3mP6b9eIqIY/HHNOOpB3q/eyRzvRERMveBWac/P5ENhTK33tOMhLdw+3v8S9mSU4mBVCR17j+TPpgc9eQ2STxfFNjkUmUeA6tYwPVIw3iJDpLQTHtQqFQKBQ2BPWjXSgUCoXChmBR4vHWGo4ePSoNKfz/USIDf08WOm/O7D8zfmCRsNVvokK+H9CGYb6NJrI3EdOpU6d2fWcxki/T7rV6rS1shBO5vdg1ZtzDaoeorSx+53JZ1Bb1XYU1zYzAesTkc0FcgJ3xMjFyFgSERc0sHufv0bxjETOLx/0czlz7fJkeLKpnIz8VCCQDuwL6+c31qXGMQgqr0K78vDKxrwrE4o/btT1JZvz1QOyqxKJmVkVFoXajBDS+3EwErkJ2ZoaQKgFJFlBEGYKpcMOZ65yNm415purguTFnPOmPqbClkZuYQa0H2bu/NAM0wzJbVSgUCoVCYQWLYtqGzPjFwGyCDbQily92UVFMLgqUotLpcZt9fbyr5Hq9MZntTk+ePLnrs5cpADvsnN2ooh22HbMdNrtBZYERlGFVtltmljnnngKsso0ept1jvGbPwaQYzDay0InMkphN+3mgjO7YQMzPtyx4huoXG85EbfHXZclG2H0qYotK2sBt62E86nvkJjRn6JaFH85gbqb8bKPnwgZa3P6M+c4Zl2XXqoAikRSDnwuHDo0MRO0aDqqTuUYxk+9xS2VJWJasaa+IyphzF4vamhlSHiaKaRcKhUKhsCFYFNMehgEPPPDASihFv3NSYefUrs/fz2wvC8rA9XE9VqbtUL3Oj9mJ7eZMbxwFU+Bd6joM28C7RsVmszYqRDptZo4cdCMKfWnjxddGjI71uhl7bq2tvUtn1zvWU/o6VXhUFUYXWO0zM+xozBVbYsYYBQCyay00pAoilIWkVW40kX6PpV3sQhnpr+fS4ka6/LlAM5G7oAoWFKG1hq2tLZmQImqnYs1RWldlH5IFLlEsT6UX9rB5Zglx7DOad5zik+dBti4oiZGtqybJ8uts9I75fiqXSn8Nf8/C2SppDK+VmVtaMe1CoVAoFAp7wqKYNrDDtoGYIarABJl149yuONNd8O6Ud8dZMnqujxGxl4PY1bEEIWMZzLRYD87sBliVaswlEPHl8bmeYAe9CSm2tra6ylWSlx7LVRVsxdi0tw2YC9EasQ7WmXIwIb7Xt4ElHsxAsyAeLPGwORTNb2U9ruaBfyc5iJAKgRo9N7ZXyZ4XM8Se94rHK2Jfyto5C3mprN4zFqsYtkngIsZv0j5L62qfSvIC6EA/LL2JLN6ZYbOEjUNO+2sNSrftpXQGZe/Bz8vXwRIdxbAjKYehmHahUCgUCoU9YXFMG1jddfudOu9OVQq5Hn9WpQfv2VllVsO8++ZrIjbBlsa201SJDiLmw5agXHaWMERZ6kf6wjmmmiVtUdbQio0Aq7vlDMyAIjajmGnEDJlJG5sx9sI6em/bwGxB+S9HY6usbLldvg3sS6z00Z75sKWv8p/PPA/4XeDz/l5mZSoccKQHt/G0tiqPBF+Osvrmvj344IMr7fVjrnzDed5G49SbgCLS4/NcMabN4WaBnbnHz4ElFHP6/ajtkbU6J0tSaWSjkMtWHodgZg+OKKSw0mFHEhJ+f1To6sgegtu4FBTTLhQKhUJhQ7Aopm36bNaJGKsBVndbateY7SaV9amK1uSvUd8jna/BdsCsJ47Sedq1vIu1/kZ+1Ry1i/0y2dI9ajf3PYuipZInqM+oLar+SLe0jk6b2x/pJZlRsx91xGLtuZglLut67XzGDNTu3ktTOJkNz8VI18dsX9ldRDEMrG1Wr4pm570ZeIxVxLfoHeQx5mh9WSrNuWQtUeStaC4yjGmzJCyKbqa+R+uRsr/p8YHm1LwskYgkMBanwfrBzzSSOqgYAirGhJ8HKraEtePEiRMr97BNgEpMEvVvLkJZZFGvfPyVrtv/H/V5CSimXSgUCoXChmBxTHt7e1vGCs+gdrPZNYaMwbEeSlkn+52a7YZVDGg+7s+pezOdI7Nh9p9kf2FglekoS9bM4lQxnXWs1Rm+HcyM52Jmz+3Kud3Kct6PE1uFMyNhhp3FyeddPbMn/7+SJEUW4Fa3SaSUbpZ94/3/zCaYaWe+tjx+zJ58WSqGgCF6b5VuMWNe6/j4G9NmKYa/x54V279Ez4PB806xySydsFoDvUTirrvuArCaIpP77ue3zV/+ZNuCKH6ExZ0wRs1RHLO1ReUrMGQR2NT6EumnWWfOkoto/Wb9fY8tzflEMe1CoVAoFDYE9aNdKBQKhcKGYHHi8fvvv18aRwGrIlIWW0fBQHz5gDYM6rmH2xGJ45UbC4sNowAZLGrksYjcRpTYyMSlLNKN2sSGPypBRtSWdQJXzBkGRWKqngAsrTUcOXJEGskBOpAEj7kXkyr3sLlwrFGflEolClgx594S1aPC1maqld70g5GIkOc5G3LxOPtjbFzIqop1Ao8YIgO7OZdGj6zOuVSp0TuoEt3wO80iW/8/ByNhsbI/b+LqO+64A8CqUaPBrwO2RtinEo9bG/06YfWp5EaRiJvnyJzxYuRCt454XKmisuA7mYHgElBMu1AoFAqFDcGimDawYxQCxAYaDGUE1RNAwNfp64t2ansJPmLl2g6UEyvYTtUf4x29CnKRpZ/jtkWBH1TyBQ5NyC4awCqrVDvTzAWHkUk5uD/q/jNnzqwEGInazZ/MwP2YK5cYZuWRuxjv/HluWht9QBZ2C+REMpERo8GuUaFWIzbDxovM/lha5K9V/eSyo6QPzKizwDxK0sLzLEv60MO0s/CVKp2veqbRtVyu1Rcx7Szlp6rP7jHme+edd+4qNwpWxfPYz8WsrcCqwRnPFZ5b/pySOrGEKVpXletclmxGJViJJEhKurkUFNMuFAqFQmFDsDim3VqT6fqAOJE73+8/o3O8M2N9R5RYPkpE4uHbyLs5Dj1o/YqYtl3LiQGysJK8e+WyokAFzIrUbjLbbTKD79U9Z/Vmgfvn9K/b29sr4+WfGzNNxYQiPTizVtZtR/pbduNTOucomIufG8CqzYEPOKSCm3CgDHYFBFbdW5itRDYIzMr5nWQ9vK+P3+kenbpKFJHNs0zqE127vb29Ul70vuxl3VFty5JWMJNmCQvbBvhyOAiNCh0K7LiHqYRBGetUEpbMhoLdAlUQFxX2OGpblvhJzW+uN7KHKKZdKBQKhUJhX1gc097a2klGz2n8AM14M52p0n2w3jZipIrZ844tCpBh7bby77777l1l+n7xtcx0OMiKBzNtFSgj0i0pfb7SH/pr1I60R9qh0KNjijAMw1m9NrCaPKMHUflsZc+fzHJ9fcyOVYKViPlaWkVuf+Q9oMKw8lgzuwFWWZKVa4w/YtoqEEYW2pfv5Xctsxqe81LosYeYswD2TDuzF1Ftyew4GHw8s+rnd5eftZfqsaSN32ULLxqNhV3LgVm47OydVnYfXiqUBSPyZWXPSwXOyWyf1HPLwmGv4x1zPlFMu1AoFAqFDcHimPb29vYKw/Y7ULZuVLoXVTagmWLP7o6ZDuuP/f8cilCV6ctVYGlApHdVzNd2vr4+xXiUJWa2O+e2R7vyORYWlcU6s54db6ZPVb6ZzJKiELHKz5z76tvPXhDMnuZSNUb1RZImpf/ke40991jkZn71Ki4A35uxMiUZy+bbnOV2hiy9oklo2B4iik3A3zM2NseoVZwAf4xZKzNtP99Uiln7NGtyby/Bc1Qhmn+90oAsuZHSXWf6aWXzFLFmtWb0hK5WHgOHjWLahUKhUChsCBbHtL2fNkdaAvQOKdOFqN27snr217GumXe4kYV7T8D8dcFlRL7kiiVHyeiVrlQxrh7rynWtvT0yJq+iQ0VQFtqqDqBP4qJYObPliMUyq8iipyn2asc5Up4vV1mls84xktKwhTtLKqJ7mDGqqIFZ/+Z8mf3/6n1V889jbu54e4iI/c1J9HqYtoGtvCObE06zy9dEY8vzjOebfZofN7CzVvGaywlSomiBzJq5bVHsApVeld/BSDrJa63SbUdMex29dCatWwKKaRcKhUKhsCGoH+1CoVAoFDYEixKPD8OA06dPrwQB8OIVE+dE7itWhv/0/0ei7OheL2Yzow27x+pn8bG/R4lXDkJMnkEZPmWGNXMi28idZy7ATYTMpcd/j3IYr6NmUIZjgBbNZW3gctcRzbJBjjIQjBJF2Dk2oIrUQCyu5n5yG/0zjgK8+PIjA6RIZB61NVKtsIh7bl74dvN3dvWJgiL1ztEoqJOvl8dSqZGidWcuDGv0jnEQn0wszuXZteY2yOJr74JlLl5zQZ2ieaCM49Rn1n4Ok8qqPX9MGc9ma7+Bn0X0bPieddR85wPLak2hUCgUCgWJRTHt7e1t3HfffSvpIr3xgx1jIx/lMuDR67bhGYNy9coSUxiMpVu59j1iPAfBwrkNbKjhd7xq18oGVWzE5K9RLi1Z+k0ViCNKSMCJCDK3HUMWnpUNs1TygijBxZwhUpRYZQ6RARcbTLFBkF3rDXXsGBupMfuLpEIGlfI2gkpEw6wsk1yody+TXMwxLY/MFS+6trXWJWlRY2rYy3scsUoOkKKkG5GEj40Wee74Z22Gbsy4ozXDl+3PzbmyefB7YvWo1JnRO6/eyZ7ALHNGjcD+DGrPB5bVmkKhUCgUChKLZNq2y4qc821Hplhd5q6jgoAwm/Zsh8Nimj6I9bq+jbwL591lpKu3eoxBraMvnnPBidifCvMZuS4x1E460yczFFONXHNsvFSIRat7a2ura5fNDKGHlSm7iOwepXPl+eGDXfB8U+zBB/NhWwZmZdy/KNQmtymrn5k1M1/W4ftnyuE3FdPOdJnMTLMQlL3M1zPtKJlJNoZcDrc7c5/09fl5wH3mcMaRXQlLklQY28iVjZ+7CjQTzR2l5+8JmMSMWq0L/hyvL7wORaFduQxDJNlhFl4uX4VCoVAoFPaERTHtYRhw//33r1jQRsxXhdD0ZUX/R+gJhq+YtsHvyq1Nxr551+qDKBiYLTHjzCwa2bJTBduI7rdzzAIz3SyXr3RbWehLTm7AOi1/zKQPGdO2Mll64qF20CrsZwTF8lgH6f83Vmztz9gfSwM4sQJ7M3jwe6M8LDysXA6uwqzN25Xw+DDrU/pX324ex+x9ZsbK7DOTrrFOuAfR2M55GkRriFp3mJHa/PZ9t7mi3hueu8BqulhGZDdiYC8CpXuO1lX1fCJdvUqmxO9mZH+h+q5sazzmkhxl9jIVxrRQKBQKhcKesCimbTpt2+3Z7ifS3zFDZD2ah9rx9ujIbNfKDJsZkK/D2mTX8M490i0xS+UwfmxVGfk+qnSRPbraaFfs2xXpstRnFgaS26J0XMBqOFhOOZrBxsuzDtbXK7/tqK8K3A8vIbFUiBY20r4bi8qSvzDDjRJEMPi5s/4zsldgyQ6z5ciPWyWIUBKfqH8qfGVkh6EsyjNLcz62jo1IxCp7Yzv06LT5OLNPYPV5GDIPDWU1ntlsKJ0vM+2o/3MpMiOpIYdJ5bFRIXj9/yr1bAYlDVC69HXLP58opl0oFAqFwoZgcUz7xIkTK+zWGIo/pvS36+he5j59+WqXHLFKjoDG+rRIfzeXtEJZeUdtVIkIIl9E3hUzIgtN3sFzvZltANefJQow/a19rsO0M19bA49xpJdUejNVhgenbbVPY96RpwA/S8WaoufBz4HjBNjxiDUpnV7kp8/JLCxdLuvhI5Y+FyXOELFc9Z5m71MmmfDw71NUnnovVRwHf0xZWfM76J8BJ/JQfc4SuSj/6Wy+MbPOJHFzFuBza0vUZr42ig+hbE4yiYuKxcHeSMDqurY0LLNVhUKhUCgUVrAopj0MY3o8Y9aRNaTpA+0Ys9rMr1SxZEPm96l8rQ0cOciXz0w7YjUcX5t3qcywfNtVGj8bv4idKetatlqP+jCny850QXMM27NpO2aMMUrXx2XzM/X94fFgxhOxPrZqVWw96nsUr9nfE+kymdmyJ0LEllUEMtYbR1bKbKHPiCQJNt+MYXMbDd7i3KAYFbP/zPtDMeyIaWcW5gbz8ed3O0plq+pUEoOoDcxi+Tr+35fLzyuS8GUW5oy5WOBKX+37cZDRHFXcAN/WOclFNA9ULI5IgsLllZ92oVAoFAqFPaF+tAuFQqFQ2BAsSjzOMFF4ZJxkYlR2D+OkCR4qcAiLZKKwe1F4zahsYDUUoMHaxoEFVN1RG6N0d5y2T4lzIjEWi9JUEoZIfKQMXCLRFrtYsOiW3bv8tZGhDmMYhrPqFd82X96ll14attcQift4zJQoMHLJMvExG6Sxq5RvBwfZ8f2L6gN0cBj+zAKyZKohX8bcsazNwKoIUxlgRu9b9p7ydxWyWMGHMY1co1S7esTiWQAWf51/b9nglt8FDoIS4f9v79yRHMmRIAr2HVae+x9r5dVbaCszjjAW07Gv3AMgq6qLaeZP4S+TSGaCJDy+Ln1qSmnk9ZhSvj4Ci1a54FmVauhSWKdgOc5zFchHXPDhdxOlHUIIIVyEl1bapUx6If1Sq6XCGVw0pX8Uu+IgHQYyuGYIqsFBUau5Ul61Au7KkcrQHTNVdb//TDGAXRMVfoaOUv3uOFygIAvoTIUYdoFoajz1nGspqZpMUBGyZKcr6brW77lZ170CLOsxG8qs9fs8OGuGSkdxgXUMnlRqkPOJSkupQAaI1uO6pUpSc4fWkyl9y6lBPv6IGrzf7+9KufZxXeCSsxistS+zeVJ+0zXymFpX7ooHdVxQLueQKilNq5AL8lKfp+YO54orENX3ddYNZSljmWRXNnX67Xy1IitR2iGEEMJFeGmlXfTiKrVCYzrQVEKTcKV7UhrQFS5R5Qu5AuWqTqW91H36qnZ+yr6vS/VRK3v6QWs8ptBN5f1cgxDlC3KrbxYeUaUclTXjGai02bjlpICEU30qnoDqu8ZzqWfqmIqa9+rYT4tAuFiLtXwpX5ViSKsPPxeLqyjfsPNtq3l3UgSJ4ziLgeJ+v6+3t7d/5566LrsSqtOc3ylrZaXhNv1Y19KxNi7ljxYlFfPi4gU4//t4tAryN4Tv3Y/JldxVCpvwGCerp0vR4+/2ZBWI0g4hhBDCU1xWaVckcCk0riKn4gxuBaXKLhZUFVSkSvnu2of2VatS7P3YubpUqplQMSj/EMd3vls1nmtPymIea/0+b/QbUmFPSvsZ1HVx5RXVZ6Vfne81KThey5pXLPvZ38PNVSqQrrRda0weq8Ipxak5g7MguJaJqokGj2mypvD75OaDUvTqNXK/39evX7/ebaOKEbnv4zTOqf90Kknq4hX6Pk7Zu6wZ9dxp/E8/tkJFfHMfzh1ajqZSyLsytmp+uOhx93n7+7rH302UdgghhHARLqG0+0qnosbLl135jKWIlE/Q5Um6CGClSNl+kK8rXElNl4vb93EqVq1A3WvTY+fLob9SrdJdVPBkDWCUa207+bT53DM+7T4u/bX1vszt7+feRe065TYpOmel6eU+3ftT1XZ2c3JSSztlpXzaVP+MIp+UictznhQQLSNOCT2riCpy3MWC9PvT9eUxuLxvFzcwWbNU1oAb28Wj7GpBqG2mc/vM746LJ6Ilid8RdUy0OiilzfoQvCbq8/FaT/UhvoMo7RBCCOEiXEJpd6jMqF7rtvtV3IrTrQj7atb5WKZV666qmVIMU8MT9Z6qlSBXiHy+r0CV334t7x+f8oJdQ4xpPDYIUb5jvrZTOTuY513HSX/aSfR4HWdZepQyKBgh6+IH+nOMzHUtFHm/w22V0naq3GVL9OOtWzYKIVNUt7MsqKqEztJS8+PZ7IKqpjcdA2MyOB9UswrifOaTmuX1cDEn6n1cbrmKMXCfY/LhO1/9VFNglw0zWRLc3Jki6p065+/cVL3vIzE1X0GUdgghhHAR8qcdQgghXITLmcdpPixz1ZSCVdB8cmKi2RWpn1JU3LgqwGEq/afoAUk0H9KkqZpZONx57OM5c+zU7IH7sokGTeFrvQ9A+2jqRY3BAMT6bKqEK8euWwaxTelNNQ7N4yrwjeOdXLNd8QeautV5dAFPqtiFCxpi2dSiX9NdQQwVmHaaqveR+VEm8rW0C4KBmc5sPB2DS1UqlGtqV6JYuVb4OzYFle0Czx45t88Uq3Lpo8rd4AqkPFJwxrkf+2M3zqsQpR1CCCFchMsp7YKBTFwJ91WsC27gqk+1SnRpTQxImQJCqKx5299n1yJxCvKq5yowiMehUtl2gUguBa1/LqccOgysqs/OoiqV0qf2+SzqfdmkRa36WeCFK3XX+KJvy3NHa4YajxaJiZ3SZrpYP59UzQwuopWgP7dL+VEBYlQ8rmHI1IBnFzT1DPf7/aiBB6/dZAVyZYX5unq8Kwh10uCCAajqPLnfKl6n6TvorDNqfuxKSLvj6Pddu1x1LaYA3k7f7qQozXcSpR1CCCFchMsqbfpCK/VG+QJd8wAqIVUcwq3qnC+uj+fKL1KdcX/1mCj1wrSqaZXpincUrriDev+TRgF1vKVqXVP6npb1SCvOZ6gxaw7V9e/XxZVfZWvEKvaj0ls4z6hq++ek8mVK1ORjnFJ7Oj0+geM5tTlZaWgxmCwvVH+PlKIsqIQ+o/jF7XY7UlRUk3Vdag6pbQt+Vr6uvtO7NptqvrH1r0tX7eMwzodzSFkAOQfdMT5SEMr9dvb7zoftYh7U+/P3ro8zFV55BaK0QwghhItwWaVNhUPl0ws+uGYP9A8pnzb9nsWkJqgauCJU/s+PQMVBZaf8hFNDkI7yZXMf+mFVGVOu6LkqnhqGnLaefBZGqaviDGzbyKwFVbSh5mDdnjRUqHNLJecsPn0fFylbqFK8NQ6tTJxDKs7D+TunyHdaF6jk1L7Ob/xZ0b232239+PHDxnd0dj5ZFYPgFPV0Hl3Wght/rfdz0WUNKCvkSaEXPu+sMruypv05F70+KW3+1u9KC6vjr21VnMdJU5HvJEo7hBBCuAiXVdoFo5CnVZfzjXHV2leGtXKmCn+kcD9V5lf7SJzSUb4s58Pidup9nFKYSrvWdXIr6smX+VWKu46hItf7OajjpaKi0lZRvS5mgvso9VLbugYbKh7CzSsX3dvv7ywvJwqL119dL17/XabFWt6vT0vMs2VM1/rn809lhqlI6T+u34cpDsNZE9R4tMoxHkL5tJ2P+ZGIbJ5DftdVlPUOZUk6Vdgqot41CHnkd/WR2JD4tEMIIYTwFJdX2lyR1kq3R8i6aFeuIpXKYEU0NiSZKjiRP7VieyRvlStc+sHpY1X7EBVNTv8TFeuUj/ynfEpU1f3+LhdV+f75Wvm26U/r55bqnGqS+67lo8Y5v5XS3uX/quviMh2cwu7fDdfEgipwyqxwFrOPcLvdbI5y57TBylr7Rjf8LqiYE/pvOZdUtTF3rFP8zak1UFlc3Hw4yeTZKWyVybNrrvQIJ5HmydMOIYQQwlPkTzuEEEK4CJc3j9N8pExSrozgSbm6yfyltuvH5FIfvtpMTrPYI+ZlZ45TKT987Aqm9Nd4TFOwHJ/7U2bySiNc633PcGdOZuOQfp+lQHn+lCunnmPgkToXu3l20t+4cGljKiDIzfOTwCe3jQrkovn4IwFnjre3t7GEcB2v6zev3As0cTsXhCq24s6sxrmgAAACEElEQVQTv5cq5Uu9tpZuHORSFl1Q4fTb5Uzf6pq6YF13y/tqnEeY0iNPSsV+J1HaIYQQwkW4vNLmCl2t0NyKzKU3qOdq1cUAEPXetVplsNppAYPP4iR1gUqKSnsqGkEVynFVYQRu4wrdTJ/nq1AKrtLAWJikruXPnz//b99e1IfBdrXtVIqS6WAc11mN+ms75T0pbVqqGBDX77sUJqalTYVgplSvwpW2fCTgcuJ+/6ct50mAE+f2NDbnNLd137213p9jXlsWp1Hj7YLm1GvuvSbrw64U6RRM5q6lKyo0jf9Mytf0PXpVXvvoQgghhPAvl1faBVMWptacbpV1ssJ2zduVn4jKmuN9RqMDxYnvh+fLrZZd04G13pcA5LiTP8o931X7V/guH6WOofzc9DUXSlUwfaveQ7UA5T4ulYzFPNS+TuEpv6xLE3IFLPgZ+zZs+qLmPQtkFJM6cwVAPquMab3HpLTV97wfS6GUr4NKUZXSdKV8ldVkp+jV4506fcQC5lSysiC4babiWFOsxEdR54HWplchSjuEEEK4CLdXKtF2u93+t9b673cfR3h5/rrf7//pT2TuhEMyd8KzvJs738FL/WmHEEIIwRPzeAghhHAR8qcdQgghXIT8aYcQQggXIX/aIYQQwkXIn3YIIYRwEfKnHUIIIVyE/GmHEEIIFyF/2iGEEMJFyJ92CCGEcBH+Bn4NgVTS4cemAAAAAElFTkSuQmCC\n", "text/plain": [ "
" ] @@ -1211,7 +2218,7 @@ }, { "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAe0AAAE9CAYAAAAmijrUAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMi4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvIxREBQAAIABJREFUeJzsvXm4bWlV3vt++1RfUFRR3YGqQkRj7M19JIomFzVRVBTsUIxNRHNz8UqwiXpFMVIKKOijkCshNtEAYmIDGjsUhEiwF2KMRhSCWkD1VUAJVH/OnvePOd+zxv7N8c3dnH1qryXjfZ79rL1m8/Xft0Y/2jAMKhQKhUKhsP7YOuoGFAqFQqFQ2BvqR7tQKBQKhQ1B/WgXCoVCobAhqB/tQqFQKBQ2BPWjXSgUCoXChqB+tAuFQqFQ2BDs+qPdWntKa21ord3RWrsE986a7l17xlq4oWitfWpr7drW2hauP3Ias6ccUdMKh4BpX3zNEdU9TH+z+ltrL2+tXYdr103P/6dOeb813f+dTj38e/ke2rjVWvuT1tq3JPc+qbX2M62161tr97XW3ttae2Nr7dmttYftOgBnEK2117fWXn+I5b2wtfaqwypvKvO6hbk59XeI9d3cWvuRQyrrsulc/Njk3h+01n7jMOo5DLTWPq619rrW2p2ttdtbaz/eWrt4H+/+Umvtptba+1trf9Za+wb+HhwEZ+3j2YdI+jZJzzjdSj9A8KmSniXpOZK2w/WbJH2SpL86gjYVDg9P0bh/fvII2/Cs1trLh2G4bw/Pvk/S57fWHjwMw/t8sbX2QZI+Zbqf4SWSfhTXbttDfV8h6WGSXhwvtta+WdIPSPotSd8p6a8lPUjSJ0v6vyU9WtJn76H8M4WvO+Tyni/pr1trnzYMw28dUplfIOnc8P3Fko5JeuohlU88XtJ7DqmsyzSei2+T9Ke49y8knTykek4LrbVHaFyjfyLpCzW2+wck/T2NZ/vSux8k6fUaz/inaxy7z5T0QkkP1dj/A2M/P9qvkfT01toLhmG45XQq/UDGMAz3SvqDo25HYePxGkmP03hQ//Aenv9NSZ8h6Ys0/hAbXynpOknv1HjwEzcMw3CQ9fotkl42DMNdvtBa+zSNB9+/HYbhm/D8q1pr3yfpiw9Q16FhGIY3H3J5N7XWfkXSt2r8ETiMMv9H/N5ae6+ks/Y6T621c6dzaK/1/fE+m3ggDMPw5w9EPXvEt2tktj7PRG5r7TZJr26tPX4YhiXpyedJuljSFw7D8I7p2utaax8m6Z/rNH+098OqP2f6/M7dHmytfUJr7bWTWODOScTwCXjmJZN47P9orf12a+2u1tr/bq197V4as5/3W2sf3Fr76dbaba21eyex3Rckz/2z1tpfttbumcQZT6S4rLV2XmvtBa21/zX17+bW2q+01j48PHOtVhNzfxRXUTzeWvvWSUR4adKeN7fWfil8v6C19vzW2t9M7/xNa+2ZexG5tNYubK09r7X2V9MY3Nxae2Vr7crwzH7m7dGttd9rrd3dWntLa+1zpvv/ehLfvXcSD12O94fW2nOndl8/vf+G1to/wHOttfZNU9n3TWKmF7XWLkrKe05r7eun8Xhfa+2/tdY+KhmDL2yjCO6uNqp7fn6iqOMz17VRxPylrbW/mMbhTa21fxyeeb1G7vQftZU48vXTveOttZe21m6cxvmm1tqvttau2G2O9ok3Svovkp7ZWrtgD8/fLekVGn+kI75S0k9JOkxx6idK+hhJFMd/m6Tbp88ZhmG4cxiGl6CsXdd8G1VRw7RfX9RGUebt0zxejPK+YZrXu1tr75nm9gvCfe53l/35rbUfba29e1o7L2ytHWut/cPW2u9M6+TPW2ufmXTtZyR9Zmvtmj0N4CFi2vMnWmsfPe3n90t62XTv8a2135jOgjvbeOZ9Pc+TBvF4a+1rpzH5+Nbaz0177obW2g+21s5ZaMuHS/qL6etPhb3zpdP9HeLx1tpnTfcf31r7iWm+3t1a+/42ql8+ubX2+9N+/rPW2j9J6vz0aU7fP/39WmvtI/YwdE+U9EtRKjUMw2sk3aLxR3kJHoP34vodCr+5rbWzW2vf11r76zb+5tzext+yT1wsfRiGxT+NYsBB0odqFPXcK+mDpntnTfeuDc9/rMYD4r9LepJGyv6N07WPC8+9ZOrUX2jkFj5D4yYfJH3aHtq1p/clXSPpVkn/S6PI7jM1ijS3JT0xPPcZ07X/olEc9FUaRXc3Snp9eO4hkv6DpC/VeHB/gUYu5j2Sjk/PXD09M0j6R5IeI+kx071HTtefMn2/SqNI6OvQv4+fnvuiMNa/Leldkr5R0j+V9ExJ90j6wV3G6hxJvyfpTkn/ZurrkyT9uKQPP+C8vVnS10j6rKld90j6QUm/IulzpnvvlfRzaMugkav7XUmfL+nJkt4y9euh4bnvnZ590TRn3yTp/VNdWyjvOkmv1rjRniTpbzSK384Kz33t9OxPTvP7ZI1r528kPTg8d52kt099f5Kkz5X0PzRuuIunZz5S0h9L+p+eW0kfOd37TUlvlfTlkh6rkXP8EUmP3G1N7/Vv6sdzJH3UtHaeEe69XNJ1eP666fqnTs9fPV1/zFTWh2gU5/1OUs9zNa69U397aN+zprmP83TWtJZ+eh/93NOan/o1THP5wxolEE+f6ntpeO7LJZ2Q9F2SPm1aB8+Q9C/CM6/Xzv3usq+T9EMa986zp2s/PK2hr9G4Rn9b4x67DP24fHr+aw5rDaD82dyFe8+b5vyvNBJLnybpsdO9fzWN62dJ+ifTWNylcJ5Pz90s6UeSvfSWaSw/XdJ3T9e+faGd52ncd8O0Rrx3Lp3u/4Gk3wjPf1aY1+dPY//86doLp7H/qum5P5D0t5r26PT+F059f4XGs+ELJP2RRvXOwxbaefFUxzcl9/6rpN/eZT6ulvRujb9HHyTpIklfMq3HbwjPPVvjPnmaxt+SJ2rc15+9WP4eFsRTtPrRfqjGw+snw6bij/YrFA646dpFUyd+IVx7ieY/sOdq3KA/tod27el9ST8xTdKleP83Jf1J+P57Gn/YW7jmH87XL7TjmKQLNOoEvylcv3Z69yw8/0iFH+3Qlt/Hcy/USAicO33/yum9x+K5Z0q6T9IVC238mundJy48s995e2y49rFabeJj4foPSbof1waN3NaFGJP7JT17+v5QjcThS9DGr2A/pu//W9LZ4dqTpuufPH1/kMYN/ZMo74OnsfvGcO26adwvCdcePZX3ZeHa65UclBoJi6/fbf2ezt/UludM///UNEcPmb4v/Wi36f9nTNdfLOl3e/2Z6sn+PnSX9v26yw3Xrpze/b7k+ZQo2Oua1+qH9aV47kUaf+Bb+P7Hu7T99cp/tLl2/ni6/o+TffBVSbnv1B7OtQOuh3QtTveeN7XpqbuU0abxf7akW3Cv96P97XjutZL+dJd6Pnx69yuSe70f7RfjuTdP1x8drn3CdO3J0/etacxfhXf9G/a8hTY+Sjijw71XSPrzPczJh2s8D71nTkr6tmS8/tN+53tflmzDMLxbIzf1z1trf7/z2GMl/eowDHeE994r6Zc1UhMRdw3BOGMY9SxvlXRKZNlGC/VTf/t9X+PEv0rS36KcV0v6uNbaRa21YxoP5lcO02hO5f13jVTeDrTWvqS19oettTs0Uu53avxh6I3JbniZpMe01j7UfZb0zzRyqdY9fZZGDvD30I/XSDpbI8Xaw+Mk3TwMwy8vPLOfebtzGIY3hO9/OX2+dhiGk7h+lkaDpIhXDcNwZ6jnOo0b9pOmS4/RKB2glfLPaBxvtuc3h2G4P3z/s+nT6+CTNBIgP42xe+fUxseivN8fhiEa3rC8JbxR0rdOYtiPaa213V6YxKxxne9nXz5L49r71t0enNb2yyV95STGfLImUekCflLSP8TfO3d55+Ham7GaWmvHNRJsp/7CPt/vmv81fP8zjYS8VUBvlPQPWms/PIlN96JWMH4d3/9S4z74HVyTRukecZvGcemCZ91e1s4+8ItJfVdPYud3aDX+3ynpCqoVOsjGey97ZL/Ixv7dwzC8Cdek1dh/lEaO9+VYO+/VuA645w8N05r+BY0M5BdqlGI8X9JzWmvfGB59o0bj0O+ZRP1n76X8g5ifv0AjZf89nfsP1WghTdws6RJcyywS79UoRlFr7ZGab+hH7vX9CVdoVP7fj78fmO5fqtEy8GyNYnRih9Fda+0Jkn5Wo2jmyyR9osaD7DbUux/8gsYffusbHze1Ox6oV2gUtbAffxT60cOlkm7YpQ37mbc74pdhZb3M+fB1jktmyHiLRlWB2yK2ZxiGE5rE6Hj33fhuQsf1Wp/8Ws3H72M0H7sd5QXCaS/z+2SNhM7/q9E69obW2nft8kP8OrTpu/ZQj9v21xqlSd/QYD/Qwcs0ivefJelCjWt5CTcNw/Am/O1mxHSeVnNgvEsj18tD/XatiIEfx739rvnd1sHLJP0/GvfsqyW9u7X2CzhTesjWdm8fZOvkbknn71IH+0ni9KDYHoZhx9k2/YD9mlai7U/VOAc+F/ey1rPxPugZuIRs7Hc7a7znf1rzcf10LZ+XLpvnnjSePew38UyNhOJnDsPwi8Mw/NYwDN8h6f+T9H2ttYdMz12rUf30JI3qQruVZfWewn6sxyVJwzC8v41Wnj+o1QRHvFvS8eT6ce3fbeBGjQuJ1/aDd2nUNT1/oY4TGiczMxa6UtI7wvcvlfS2YRie4gsThcQfkj1jGIY7W2u/qFHn9iyNYuC/Hobhd8Nj79LI9X9Jp5jrFqq4XdJH79KMw5y33XBl55oJC2+K45JOWZROB82l2n3TEO+aPp8SywvouTvtG9Ph+DRJT5ukUV+l8VC8TdK/77z2VEkPDt/3u8afPdXzHXto31tba3+oUX/5C1Gycoh4l3DgDcNworX2Bkmf0Vo7xz9wEyH2JklqrX1uUs5B1/wMk6ThRyX96HQwPk7jOfazGn/IzyQeqrmLE8Gz7i2HVPeQXPsIjeL8Lx6G4RW+2Fo7Uuv9Q4T3/DdLekNy/57ei8MwvKe1dpNGbp34SEm/lFyP+BhJbxmCEduEP5L0rzWq5f5kIn6fK+m5bYxP8ESN6/Ecjfs5xb5/tCe8eKr8Ocm9/ybp8S34g7bWHizpCRp1L3vGtLHftOuDy/gNjeLRPx+G4e7eQ621N0n6otbatRaRt9Y+XuMAxx/tCzT+yEd8pebuMqbyz9fefhReJukr2mh9+vmaE0S/odE47P3DMPwlX94Fr5H0pa21JwzD8CudZw5t3vaAx7fWLrSIfOJ0HqNR/yaNovL7NBJIrwvvPVnjmt1ve35P4xx86DAMLz1wq3fiXu38oZ1hGIa3SPqONno0dImm6bkDYxiGG1tr/06j8dVe3H6+X6P06UWnU+8CMpWD6/1NjQQ0Xb4ynM6aX8Sk/vjZyVL3TPk3SxrVHxolDD+/S5tO96zbD6waOKVWaq2dq1EtdyYRz8UziT/TSPx+xDAMP3SA939Z4+/BNw7D8H5ptETXyFwsqRmlUTr5Ga21iyYVo2HCcEaUD8Nwk0Zi8vO0C4N1oB/tYRjuba19j6QfS24/W6PF7etaa7b0+zaNi6QnUj+T+C6NFM4bWmsv0kidX6JxYB41DIOjSj1L44/bL7bWfkyjyPxajRMQg6P8hkY9xAsk/apGXfjTBVGZRmMJSfrm1tqvSzq5y6Z8ncbJ/AmNC/qncP+nJX21xnH9QY2Wy+dotPx9oqTPH4JPLPBySf9S0n+epCR/qPEH5zMlvXA6EB/Iebtb0mtaaz+gUef43Rp1TS+QRtuJqY/f3lq7U6NNwkdoJBJ/R3Nd2iKGYXhva+1bJf27SYT86xoN067SKIJ8/TAMabSwBbxZ0te11p6s0TL3fRrXyms1ztVfajwQP0/jenvNPsvfL56nMTjJp2jUA3cxDMMvaFTJnCm8QdJXt9YuHYbBHI+GYXhda+0Zkp7XxohYL9PISZ8n6cM0Eml3asUZns6an2Ha1++T9PsaVWEfppHgPtNz89Ea91HG8R0V/lTjefP9QXXzzVqJmc8Urte417+8tfYWjdbqfwUbktPGMAwnW2v/StLPT7YLr9TIfR/X6NHz1mEYlojW52lcj780nYcOrvLbGs8jSVJr7XHT9y8bhuHnpssv1ijyfvW0bu/Q6PnwdEn/2aqK6XfhD7XyTnm0Rv33C5b6djoh1f6jRqvdHRiG4U816kfeK+mlGn983i/pU4Zh+J+nUd+BMIzO7Y/WuOG/VyOl/+81Hm7/NTz3mxrF0x+h0Wjj2zQu4ps1HvDGj2sUaTxZo3vT4zVyo/EZafxBf7HGCEu/r9HoYKmd2xpdBK7SaAj1Nty/X+OP7I9rPJxfpfFQ+yqNnGR3s03vPm7qt999scaF+O7pmQdy3l6m8Yf3RVNdt0n6p5Oho/FMjdKcz9Y4ls+Y3vucaaz2hWEYflTjQf/3NfbtVRqJsrM0Rj3aL56vkdD6Dxrn9kc1itz+WCOB9AqN6+iTJH35MAy7idROC9OP40E4ijOBX9I4FhR3axiG75f0f2o8QL9XI5HzCo3r+Gcl/T0bM57Omu/gdzV6hLxY4znwTI0EbVcUeUj4XI3nyOvPcD17xiR1/DyN+/+nNepbX60zvIamOf2/NP54vk7j3sl82w+jrl/U6OL2UI3M0Ks1/hhfppVdRO/d66Z3m0Y34B/WSOx/XjRW1vgbekzht3Qy0v1UjWfpizTuhydoNPL76vDuGzSeb/9xKvtfamRMFmOhtJ31FyJaa1dr9Pd97jAMzz7q9vxdQBuDzDx3GIZdg/QUNhettZdo9Af/9KNuy1GjtfZmjZ4p/+ao21LYfBxUp/13Dq218zVSma/VaLj1KI0WwHdp5KYKhcLe8d2S/qK19ugHWFe7Vph0lFdqNDAqFE4b9aO9wkmNIpsXabRQvlOj/uKLJyOBQqGwRwzD8DdtDNV72OFbNw3nawwkcias9AsfgCjxeKFQKBQKG4LTzu1ZKBQKhULhgUH9aBcKhUKhsCGoH+1CoVAoFDYEa2WIduGFFw4Pfeg8GmgWN9/Xtra2dnweO3Zsx2f2bK8sf2Z6fr+7vb2943v2LK+xfH+ePHly9gzLYFlnnTVO2YkTDMrWr9dtXrrnd9mvrB09O4jYH35nPfy+H9x00023D8OwI872xRdfPBw/fvzUvHuclnIu9NoSxyu7ttTupf7spa9nqlxp1Ye95KHYS31L+6VXVq9ulhX3Kt/h92wt9fbP9ddfP1s7F1xwwXDxxXvJjzFvg9vJvR3hNnhNel8snSEGz52lseC89NoR77stbttue9vPxTZxDHZrc6zH+7V3DsUzhPX0no1nP/vT+x7b6PI4X295y1tma+cosFY/2pdccome/vSn6957x0h355wz5hKPG9gT4nvebBdeeKEk6UEPepAk6aKLLjr1ju/xAPa79913344y48S6Pj9jnHvuuTvKiovL/5999pi0xQuC9cR+vf/9799Rn9+9664x4NN5552X9iFeu/POO3eU63of/OAHz95xW9773vfuqM/PvvvdY5yT+++/fzYmJBjcdj9z9913z955z3ves6ONrt/l7wfXXnvtLOLXwx72ML30pS+ViT7PrfsV4Xbdc889O9rkdefr8X+30333p+d66WAy/OwS4dIjlrjOSCBlz+7lx83XvO58z/31PGVt9Ni6LR4Trr8lApPEFYkuabVf/MkfyGze3H73z9+/5Vu+ZbZ2Lr74Yj31qXuLZMr15Db53Ml+RP0Mx4HngcuQ5kyI2+9xyeaF8+1nPS6uJyPiL7hgjGrqveC2+N2MmDK851z+7bffvqN+nw/S/CxmvWyPz5LYP7/Lc43EQmyD62U9Ht/YRr9z/PiYisHr6zGPecxipMEHCiUeLxQKhUJhQ7BWnLY0UkmkqDJujBwPRRpRRGJKyffOP//8He+aejaFZiov1t2jNM0BRyrf9ZCi9XW3x+/G9pKydlv83dRs5LRMPZKqNJfutrnf0opSv+SSS3Y887d/uzMaq+uPFH2kfqWV1MFl+J3IWbg+S0De9a536TCxtbWl888//9SYZtIMg9wx1RWZWJ+cLq9nEpCeqsFYUj1wD1D0mIkNKXYlx52JOHscNu/HuXR5nm9yyX7WZWZqoIzbi+9k3JLXEKVOmUrM8DtLKoHWmo4dO5ZKLwyOqetyWzxu3gvSah+4bj/r8fH9O+4YXbjf975VXiHvYe+1eCZFRM6fc8nx8DjG/cuzgpyvy/A7Pi+k1Xnidy21894zogTBZ59hid5ll12247vrj5wxJZceT8+b641r2H32GLstLtdlxnnzM1472bo6ShSnXSgUCoXChmCtOO1hGHTixIkZRxC5pR7XYoqRXIC00n2YMiQlRe4108G4jFiutKKaI6VmSo9cODnwSCW7Py7P75qKNYfqsuOYuG5SkX7H9yOF7f6QAyHVSq5JWlHjpor9nZxepJKvvHJMoX3bbbfpTKC1pnPOOedUuz22cZx6OmX3MbNPoETHY7iky+7VR/TWcmxLz9hrybiQBjlue2Zs5PXEd8wRLemjuRapR876R4kB9a3kpuMz5DYzqQOxmxGqn9mN0+Y8s26fLfEc4F7yfvG7tL+JdjM0guL8uIzI1XK8aVPgPRHr8TWPt++Z873lllskrfZvXA/eyy7jiivG4HeWonkdxDHxuWOJns9XSt4855lBscfG43n55aNtmM/KyNlbeuExdj95RsV+0d6iJxU6KhSnXSgUCoXChqB+tAuFQqFQ2BCsnXj85MmTM9+9KJ6gS5S/W5zykIc8RNJOkYxFMBaNWMTpZyjOju9a7EWRictw2ZkBEsVDFjlazEc3stgf18c2WowTxUZuI8X8NGqLYiNfc5t8j2JE9yGKui2mssjM7lwU6UVQdLokrjwILOL0GERjK6PnG04xeRSVeZ69vqgu4LtL9bHPSz7+PbHukvHabj6pmaEd3bX4netEmscKoKrgIL73dJOM9dEYkuJeI4qwuc52W29bW1uLvuI0OKPxHd3P4jW/47PC4FqKe9piXZdnF0a3yedCJuruxWDguSet9r3roSqNxmaxPo8JDXnZnnh2uHz31e5h7p/F5H43Gs96HP2M71lMb9ezaNDn3wOfC24L1RlxLfGZnhHgUaE47UKhUCgUNgRrxWkbNOCJXJMpTRpQkJuNFBrddGyUYErX1JgpuegyQA7RVBcNtSKVTGMeuqTQQCXWQ87Az5oiNhUZDXUYXML1+B32IT5rCpducQyYEkG3DVP2HnO6V0gr6pjSjsOCDdHo8pcZkZA79vi4TZEz8DVzGu67xyWTlrCeXqCUzIitF9mPRplLwW4Mclz+zNrsa37G6yOTmvQMtk4nY6Dr9fhmRlkcg95nVu5ubcsisMX5oeuY1zHduCIXy/Hnvvea8r6J9fmcycYj1hfPEEoreB6Q85dWxlwGDbV8NnpPxDbSncrPZBJS49Zbb5W0Ol/oYrbk5sugWzzfzHFnnLHfcb0ui8ZtsQ3Zb8k6oDjtQqFQKBQ2BGvJaRuZvjBSstLcNcUuBZECJbVNCoqh+jJq2dSqKUJTpAwVKO0MoRrrZ1CVyLFQ72zq1f2wi0TmHuLyqO8n9W/KPvbdHDDdavys+xeDrrg8B1Ognt+fkSp3G+nuRq79oGit6ayzzlrkSA2Pu+vmZ3T583y7Tx53P+uyMmnG6XCeHh+G8OR9aa5LpmsXuZdszN2vJcnBA4k4dt4LlDoxXOoSdnPbGYahG0Al1tELmOP5ycaWa55niPsVx977j/Pudei2Rf2t9zQlDlzvmasppT/+ZH1RQkapp8+Dng0P2yutOH3aEdC1LZZD11yGwo1z7TZRsuffiUwf73OTY7AuKE67UCgUCoUNwVpz2kaW4IAWlz2rV2lFifkaraqp68n0aXTGN5Vni9D4jq2pmeDAbWZyEGlF8fldchHWPWf6YlKglByY4o1Urss3Jer2+11/N5UZdT5uPy3LOTdRQkIOxNR45GrPBLJAKZ5n99VcjdsSKWvfoxV5lkjlMEH7CgbdyfTY5Bo4/wykEu+dqX4cJhha0/trKczkQfqVjbH3C21oyEVnHhpeM5wX770sYFLPIp/W49n6pnTQbfNZFcfL69vPUGrGxD7xHPC7bCulUFHCR101A/+Qw44cMOvhd/ch7l+PE6WonL8spPTpZCI8kyhOu1AoFAqFDcFGcNrReo8cKHVwptiiHoUhEnvhD0k5SvP0gwwib11vRu2bsqWO2fVn6eCY8IL6cOu0I1VuvTStKQ0/G7ld6o6omyc3EKlN9ocSjMxfm1zSUsjIw0AWQpScD3XYptDjOPVScT7Q1Lfb5HmL6zuTbMRne+k9Nw3cC55HclPx/6VQsUTPOl2ac6K00HabIlfZWytuLznjpWQzvG7Ec4e2DLS3YMKkeM/vWBqXJQpifeRIe3YxmVU/LdrZB+rLY388fvTg8f2YG537xvVZYskQ0NLqPPA4VRjTQqFQKBQKB8JacdqtNW1tbc0om0i9mjIip00dYExMQcrMFCGtOZk6U1pxXz0ryywJA61CqSNbSiXI5BW0CM10PeS+e5Gqoj7KlCa5S0ZIW4r0RV0cUzXGd0190yOAVPnpIIuIFSUx/t91mavwdXI+Eb3kAQ+U3oucXqyvx7XQziNLe7lu+rq9gPOYccZL3gOEzx1yjnG/eB9S4mZpmvdC5AwthaM+nHvb51KUnlCCR31xdg74GaaopLQherpQh0yJG/2no76Y8S/s0+19lUk5XJ9TfFIKQGlA9OThuc05YBmxjdTzUxoZpZ78nbjqqqu0TihOu1AoFAqFDUH9aBcKhUKhsCFYK/G4tLs4y2INi5LsJE8RdBa4hG4FfsbGVllQBYt6GECfxh5RtOVrFhdZfONnmEs2tt+ibreF+ZtpoCbNRVu+57Zb9BPHxOJxqhc8fktJQPws3U5cVmbA4Xa7TRTlHYZ4PK6dLGCFx8EiP9/ze0yAEP/vuaowZ3UWfpEhTymmXgpo4vI91l4zWdhNgjnFmRQi1n0YASQYEIaJa6S5GxqxZCTHZDrMxc1AJPGdXqhXY2tra7aPMhcsX/Ma59xFIy9v38uCAAAgAElEQVTPlde21xfdVTNDQotkGRjFZbqv3qfxWRrL+tlMZeC14LYx8IvhMjMXM4OBU3w2x/XJ9jMpB1WUce3YwMzj6QQhbqvrj+vb5TJoFVWisS8MMLNuKqTitAuFQqFQ2BCsFaftpA/kSCJodECHelNu0bCgl16TnJcRKXYG0yAl6PbEMhiQwxSuy80CspiKZBAFfzcHbkoxc6OgW4M5evczhiJlQhC3lYFfMhctputjClJyB9I8eQE5qsywZj8YhkHb29uzZAWR86VUwXUyvWrmJkbuOAuzGOuI75iK76X5jOuN1L2/05iSaSmz9rOtS4kPMk4q1h/bSM7NnA65JRoqZfXQgDRLNtHjdBieNdsTPXc49vGss86arb24fim18Jh63zJVsLTaH0zFS5cvc6TxXRq4ec14Dfldc5vxWRoruh1cS7E/Ls9rxFyr20EOWVqdeZ5LpsP1unD/2EdpNX6+7np8zkW4H04J7LHwsy4rtpEhnq+++mpJq8QlWfIersXDCrV8WChOu1AoFAqFDcFacdrDMOjEiRMzyjoLcG/q1Zyh9ccMWi/NOWlS1C4rSxJPztBJ203hZpQadbrkYh0kP3I+/p96MFOP5BSiDpJuaaYMXY/HJHIiTEfpd3oubVH/7nI4XuTa4zgysAyvH1YAAwZ6yfTcvud5pxQgtoW6PbaT+uTYP/aZUhTfj9w5JQTUE9NNKJZLvTT1sNkYMwQkkdXndzx+foaJG1xv7B8lCQzIk6VmpAthT+8d+8dx3G19tdZmrnFx/TLcpblHBzayJCwLy0tJhMF9Gdca3c783fOQSRCst7VEze2nlCC2w+32GckgTh5rlxm5aZdD3TlTHsf576XEZAIUSqdiW2655ZYdY9ALmBL7zHH0eZalK2W43+K0C4VCoVAoHAhrxWlvbW3pQQ960CkKNAvCb+rKVJWpU6bbjNS4qTeXRyqfVGzGdZhis1WnKWpzwpHjIjXp8qiPjlQrAzGYk6f+3WVGa+tewhNakUaq3OPTCzCTWVIbHi/PC/VsrCO+Q8vMpWQPBwE57IxKpv7RHEMmDegF8enpzuMYeFyye7GN2RgsBfqQdnK+DM/LhA0MxRrrI/fKvZDNE621KWlZ4nIpmWAgoozzYWARlpsFnCFHv2QBPAyD7rvvvtnaiXvMXCMlbA972MMkrYI5xf65PN+jxMXP0sYhwmPMtZRZyruceF5KK67Z7YjzQSmT++nrlE7Fsm257nYzrOzNN9+84914j2PQS5ATx4T702cWOfsYPMbjRN2297zHxhLU+A4TrqwLitMuFAqFQmFDsFactq04TUlZbxT1GrQap04080WkjoKJ3anniJQauTImdqd+MpZDypk6n3if1Bz1UKZw2Q5pbgnufnr8aAEf6459jc/402XE+jILX2kecjXq95jC8EylhHS/yG1Kc+6L/rjkLuOzTMnoNcRUrdF+ghIPSht8PaPke6kKue6kOedJn3HOV5bq1qDONHuOHHWPAyanH9+lrr4n9Yp9zcKVxnpjm6nH7/myZ+VkVtb0SnGfLCFbsjSmFMFridKTyJFy7/qe3zXXnNn7+Kzg+nv4wx++o4zYH8a5YChUhjeNY8LYGYzFEG13yBWT46YPfia5cH2UsnrvZZw2E5DQniWuN0tPr7/+eknLcRSOAsVpFwqFQqGwIVgrTlsaKS1TUKSopLlezpSYKcYspZzvmSIjlU/db9TbWA9NSte6LbcxUpPUP5HKc73Rf9H9iGnl4jOMdhQp7MxXXJqn2YxcJ/Wp9FXu+XxK88hHtOTPwHSoZyLd3fb29qk2LKWhjByUtJoPWtBLc52ox9g6MNtfUL8Wy2M9HNsoASFnTb1xJtlhfUz1SKvoCK7RHjeb1cdIb7SG9vXI+fT2gnWLXkvZvHnvsfwlH+y9JA4ZhkH333//7EzJ9gs9Qjwv3hOZPQST5bjd3tteS3EdcC97vPzs8ePHJa3GPJbvdeCkHNbNe6ztVZL11T7Qtop3+Vl0O8+r587fL7vsMknL683l0lqcz2VcuvuRpWGWdo4d58XP2k/b520mufL8ZP7/R4n1ak2hUCgUCoUu1orTbq3p3HPPnekuIsXre/QvZiSfSOUxzZs5aVL9WfxlWhuaIzWn7fozXQ99HUk9Rso6RjaSVlSy2+i2Z7oeU9K+R4o+Sw7vPlMPfd111+24z3jJ8R333c/4uqn0iP3oFg+KzEp5iUp2H2lJHyUJpu4praH/Kuc4vksOkVxb5PzdBnoecE9ESQu9EZhOkbHi45hQkkB9P/sSQT009ZPZfuIzXqPW0XrdZ/1jvYxOGNcWI5dlMeHZLvfR5cb94jp6KWVtRR4jeXk/UArj8t/xjndImvtTS/M9TIni29/+dknSFVdcceodSgpobU3dc6ynZ6VOL5k4jtSDmzP1uXfDDTfsqD/2kRI9njM33njjrH+Mu885yWyJ3CbPAe2KKPWKbbj00ktnfV4HFKddKBQKhcKGoH60C4VCoVDYEKyVeHwYBt17770z0WAUe1okQvecJTGoRW4W8TBUqN+1gUYUj9IQy+IWG2xYfGTxnrQSdzFUX+aGZFhk7z77k24bNFCSVuIbl0GDO/c/ioBo+GNxkcV7HgOLlbIACRb/sc0eIxqsSX2DoF4ikYilIAfDMJwyKIrPRrXFbmE93dcoDuN40E2MoUmj4QxFjxSPMilL/J/zTDFvtifcVxpo0RAx7hW3xWJRGvnQSFPqBy7hHsyMyqgeoYrC+ymqDNwWrjv2J9bv/73Hl9aV28XUstGgifPtdj/ykY+UtBo/nwvSau1QjEvVk1VjUbTO/U5XVxuixT3m8bn88st3tJ9uTnHt0LCX502WgMmwwZlF2R4LquuiOJ6ie7pceUwsFs/2hvvn4C5UkUYwmBOT2Vi9FdWTvsf9tC4oTrtQKBQKhQ3BWnHa0kgR0dQ+hhMkVc2gHVlwflOlptRM0ZITdVnxXVJi5lBNWWcJPRiW0PU4oIANtUypxv7sFlbSUgK7LMR+Gddcc42kefjESImSY/O4mVNgYIw4B26LQ7rSHY2GIvEeQ0W6XlLC0mrsGZSihxMnTszaveTqw3a7j5HD8lzSvcTjR+OXjCN1PTTCytzeyGmTM82Sg5DjZOhRugJlATkYTpIGcXEcdzNAY2CgLO0hjSQpjchSnHK8aDSXGaL13o3Y3t7esVbNvUZDNCZsoWTM6yS6YPkd7ylKBb2+XV88d5jEyP2gFCDOJQMweWxpiBtdvpi+1e/4rGLAkrgOfM0GWzfddJOk1T71+GUJePws3ffMYfu5uOfdFhu40eXMa8tGgbG9PvNpeMZ5je9koWLXAcVpFwqFQqGwIVgrTru1pq2trRlnlXFLfsZcNDmESLUyYQhN+ZkAI+q/zPX7XVKPplozaQApQOp8HVZQWlF15OQYPtAU8FIAGOufGFwhSxvZS9zh9rieGAiGcPlLCVF6gWx6aTIjsgQOGY4dOzYL2RmpZbplmbtiEJAoNaFLHN0/zGmzrAgGOWEqw4w7J/fItZq5oZCbZPjMLLVlL1UmdY1ZoBG2rceBZ654TOBAPX+WbIY2LkuhSpekGbuB7lbSah14DB3kxNImSo7i/x4fSvi4T2L7zRV7zTPdptddXAfkwqknpiRMWo033TX9LO1S4llMyRfDiTK5ShwDn9uWBvqspH46niFeE5Sm+ozyeZfptl0+bTgsGYmSK7d7L/ZSR4H1ak2hUCgUCoUu1orTlkaqxhRUpuc0lUpLUqbVjBwbOQJTc0xZyaTu8R51cYa5WlO+sb1uI3VLWZB6t8kcrSlaprJzAvjIDZqKdFsYZIMJ4KV5mlJT2LRoZf+leXpQ9yeOAftHbpmpP5lub79wshlawca1w2QitJR1v7JUsPykxCALGkMJETmTjMPqBZ9hMossGASlFD1L7dguBpbZC3dOrnxpzAlyyb2EDhE9W4AsAUrvnYMgszhnuGSPj/d25PKYbpe2JUywEc8WS/Bcvvc4EwhFDtFjScmE5yeTljFIlWGu1cgkcl5vLpfBXNyOaHnOfWOppyUXPu8YsCWW67m11JPrOkoH3AZLKH1GMf1z7BelnGU9XigUCoVC4UBYO057GIaZni3TwTDBBjnw6PNoipD+kqbimNovcqRMhkGrZFNwkboz9UiO3v24+uqrd9QvrShnt5tcq8GwptKKKidlyDSbkYshh9Xzl830OX6GXJk5CPtPRk7bbbMlre9RTx25NFLWS9acrTWdffbZswQYWZpNWnVTJ7pkhczUorSYjlwf1wp1vkwoEZ/lXDIFbZZ6lvpgWgZTWhDhMpiaMwtrulvyF47vUnhRP7Pku95LOcoxj/VwjJe8CFprOnbs2IyzjnuM0qSe1C6WQY8QW0aby+O8ZWk93f4P/uAPliTdfPPNO/oXw3zSt5pr953vfOeO+mL5hs9T65pZVtyDHhOffbT4dj1xHH1eMiyuddzZ+W3QBsDj5e8+s7JkSj4jLVnweevrUZLo/y0pqTCmhUKhUCgUDoS14rSHYdDJkydnOrFIDZryM0XoZ/1pqs8UnbSi3hjgnhbGmS9ilq4zwpRbjKhj6o5t8qetxjNdD/2WSeG6jZnVKDnr6Ace65dW3B1TffbSCcY58Ph5TKgrNtUcOQdaTLs+67DZ/9jevVgAk1vK0ivSepzceJb2spfmkvczDpHcXc9SOo7tUtS3+Gx8h6lFWc9SspaeFIDjmCUZYbRAjk3G2VOiw2htmb/7bpHslrjcJZsDo7Wmc845Z5bgJO4Xt9trh5bR3gvRJoNxGmhzwj0X9eG9ufO55utRIuf5p76W0oHILTPOALlZc5uMaSGtJIU+kzzW9DuP5xDnl3EgLKX0WEV9suvmueCyPPZxHF0uI7u535mEzHUyhsW6oDjtQqFQKBQ2BPWjXSgUCoXChmCtxOMWUzHPcBR7WdzBexbVWIQSRXUW+VikbvEHExowZ7aUu3TFd1xfNLZwGynGswGaxTtRxM0wmRY52SCD4t4oeqaRFMXkLjuK+OmGQsMwi+EY0CA+QzEzxcFZHl3mUTbs0hJzcTPH75KYfBiG9H68RlEpA774M/aDRldeV1Sx0DgvvkuxLgPZRFDkTFGd11mW9MGgcRzFy5nLF7EX4zW6XlG0z77EtnIM6Aq2BLrKZUlNjCyZCDEMQ+rWkyXYYeIgqgZiX73feoZzdBuL4nmfNx4Xi36prnA40FgP94HPMCZZiuVyHfNM8f6PboV0McvCJUsrdy5pJf52+XR1df02sIt9YdAWqjMths+M5dw2/j74LIvvuP1Zvvt1QHHahUKhUChsCNaK05ZGqomGTpEboJGaqSJTpgz3Kc0pcBqz2XCDBiLSijI0yKWZAo1GK6bm3JYe5x2pexqakYp122gwEq8x9SONWDJXj0c84hE7xoBhLF1GpJ5pxGZjFVLcmfFSL8lDFmqVXGDmEhMxDMNsnGIZDN3K9rptUQLCwCEG3QTJoWSg+xE54giXx7W7xDlmQXTis0vJPwj2I353OXS56XHt2XUaRfXc1JbKZRrRLFyqsRTwZWtrS+eff/4pTpcGi9KKy+N+516PoCSCBnMug5ISaR6EyGW4jZSmxWdcvs9Pnj+ZYRXDpnq+ea5GN1UGibGUjIlp4tnYk7C5HzS0jXPv+nze0CiP0q8ISus8NlnIU84/DXqPGsVpFwqFQqGwIVg7Tnt7e3sW5CRL+kAXCz9jyi0G7eiFRTVF6Pvk0qS+m44/SRFL87CEpk79DoMqSHPdGOshBRrfpc7U9ZpK9veom6FLl8fN42kphOuL7mmeA5fnuaBrScZBkKJmkoNIie83fGDGQcYy2B5yeZlulBw1vxtZkhTqkulG5fHLuF1ynln5BnXKvXSUSzYBdE/aS3ASPtsLtpKFXDUoodhN98zy4jtZGxnYaKlscsKZdIFcM92dYtuY/MJ7yGWZS/c4Rp02JU9+l7YTmZSG6S4N79MoPTTX6nZTV+99mblDuo1ut88UB1fyXolnI0MG+6xkqkymIo310cWR+yruJ7qWMTyvxy/OW3amrxOK0y4UCoVCYUOwVpz29va27rzzzhnXnAVGYDg6WlXH0JDUVffCmGaUlSk13zPFay7J72aWn0xUzwAikRJ2PQwaY0qU3ETkZqzb8TumFBloJuqEGZDF4+hPJiyJNgK0aKf+3XMRA02QM6DVqCn+3fTWPdh6nFbqce1QkkIbAPeVQTZi+2m927PYdZviMwzDmgULocU/LfTZntgmWriT48p0v9SvUypDaQHrjuXROj9LI9rTLXPtZMlmqJv3WslSnLJfewmuwnciV8k1wus+b6KEj+FJve/9DkN1Rs6eOmz3kbr1qEv32XT55ZfvaL/3utseLc6tr2USHffH9XmfxrVDPTHPXrctsyvxXPodWtqz/9I8TbHHgCGFYxsZ9tnffd5k3j8MC92zqTgqFKddKBQKhcKGYK04bWmklpjyMVLnTG9JTpGWzRGm8hjQ3mVmHBbDbdKa0lRdtKq89dZbJc11lu4X01HG//2MfRHdH1OT5nizJAxsP69H6YPbT87XY00qNuPs6QNpzt5lZvUxlKMp3iXLz73AYUyp+41rh+uJFu2ZZTb9lb2uqFvkc/F/SiKoS4/gPVrZZ++wLeRaDfp8x3azzbSdyLhzJi/pXc+Sf/Qs+DPdaY87Z8jfvVju9+6dddZZ3WQw0vJ4SKt1ndknsFyvQ9q8xP1LDxpzf5TOZOGMfYZYaud+2LrbnLg0t2CnrplrN3L2lC7QJiQLuUwJFZM4scx4hnAOXL4//aw9YaR5mFaPp88wn9FxjXHcluIqHAWK0y4UCoVCYUOwdpz2sWPHTlE4jqQTuVhaF9La0RRitDqkLoy6beo2I5duCtrlmeI1TO1HXZafpbU4deam6GLb+EnLd/clWo26z6YiaQVrCj72i7YA5JaoO8vS01Hv5DZm9dFa022mLo2pOvcKJgzJ0gLScp06zCUL8J6/NKOOZTp06vNpxZ6lTO35SWf3yUHzWXLpmVU0uVXq4eOYkEvmJyUZmc7efaaEIkvgQAtp2gZkukxywktc+DAMuv/++2cWy1FS0dP1en9kEfHYN9on0DI8i+R1yy237KjH7WC64VifpXSsL4umxzVCXbnb5JSg8VylTQvHwGdMPAd60RotcaM0LJ4H7qvPTdr50P5ImktGGTWSevIIl8sz/6hRnHahUCgUChuC+tEuFAqFQmFDsHbi8Sg6pPhSWhlTOKA83VwsqonlMAgEjUYs8vFz0ZCBCTUsemGCjSjCo7jGojTmlM76StcHiseNKIajsZrbRDF5JvZlCECKHpcM+igGtVjc4xldWvysn6EqYr+BVDJsbW3NDHWiKNDiQda1FCLWoPjW4+exzgyd2Aa6sy2F1qTInus8EwX3kpiwzCw3Og3e2J/MjcZrpWdUxJzW/D+CY74UNITBfTLjRbZ/KbjK9va27r777lPGSVlIXbpG+R4DirBcabWn6Y5og1Wr+KIomIGgaMiZJbOIRluxPrs1+d0YKIlujp5Ln1lWUS6F2nX7/Q7dRaOBHZPy9IwXDZ/z0mp86OrH9RdF3VTZ+Gx38qZMtcJQtZUwpFAoFAqFwoGwVpy2A2SQGotUHg0UTCnZ4IAUanzWlJkpwxjIPj4XjS1ooGCKzIYZpqKXQhAapgjd1kjxOrRg1v5YDylHaUU9MqUcDVGiBIEp90yNMxwjAzTENjJNKg28IhiqkaFDDxpUJSKGoswCl9AgLEsMIe3k0iitYLARcntxvXD+GW40m2sGKOkFMskM0Sg9YaCKpTCPDADCOczGxKDLHNucGWdxbCi1yaQBGbcXy4pt5pwuBchwwhCmpY3leXy8d2ns5zMlM770OeO1f/z48R310CBNWhlbWVrle66Xbk7SfH0xhKcR589nAg3dzDXzLItGXjZ481noNrt+n7dR4ub2+hoN+hi06oYbbjj1rp+hRMlBuNyXLOy1y2UK1Sx8rvvDdKHrguK0C4VCoVDYEKwVp22Qcs6Sf5gSM2VIt4Ooh/D/Ls968WuuuUbSXOeYubeYSiaFbUoxUsk96tTtsBtHpJLdfraVOh/3N3ISbguDupD7i/W5r/5kMAWXz2ALsVw/y2QG5MClldsEg9UYp6vT3t7e1r333nuqj5lrHPtEbjwLkMJ3KOkhd5txiKyvl2wklk9OlHriSP3zWo/TzcIyUv/IdvC5+H4vIArd5LKEIeQKs5SchueUHDclB5Gj3C3QDPsW32X44ViO592SKXN3TM4jrfaWOUGfAy6f6SdjfT4j6D7JtRPnje6vbrPdqZZsNa677rod79A+hmFUpdW+t77f9TAATRx7unRRsuMzzGXG9cBwvExyxEAwsRyHbrV0wO2wdCCTkDHx0rqgOO1CoVAoFDYEa8dpt9ZmDvCRq2Q4SeoWGTJQWlFRpsysHzb15e/UcUcwnaepfFp1xjaSW1niJql/JpXMwDBRP+3/KZkg1xLfIUdnapjhWbMwf6SWyWGxT7H91CFlVrcHxYkTJ2ahaiMoRWDYxYzjMfdCy2iPC9dD5ISYoIOWqpSmRPRSCvb0xvGdnm4ze8flMpgKdepZulJybj2r8ohegBn2L0osOD7kuJf61SsjwomKPKec21geU76Sq41cGceSEi+GCF46H2ihnSXl8V5iKFC/S6mGNA+MZF0z10w2l36XIUcpDYx70XNHmyQG8XE7YqIiJlGi54PP8XgWM/Un0wZbAhjnzf97LcYgWOuA4rQLhUKhUNgQrBWnPQyD7rnnnhkFHSk1UtWmisxFOhh+pEBNAZoyZNhAJmaPFLaftXU3rVuZElSac/v0fWbI1XiNPqe9BAWZ7szUKy0kGWg/3qPkgqlA/W7kVNwf693oJ+kyMt9lz8ttt90268dhYMnXmtIFcsI9CUl8h2Fdl8KLck45L0u+w0sJLqTcApz96vnEZnpjcvCUDkSdHyUSu3HcEZTguC38zDht3yPHmEksqE/dzXr8oosump0LcX+6veR0KYnKEp340xybzyqmtozv0mbC681eHFn6UCbQ4PX9YC8W0wyT7E+uh3g2Mh6A9xN16S4jWp77HY+B59tj4PmLvxfUd/v3wW3NJHJ+x/NV1uOFQqFQKBQOhLXitKWRmjbFZA45UryMEGRuz/pq6yiiVaUpdOt8zJ2b2lrym7WVKK1bGbDf9Usrysztt07J3CX9Z2M5LN9t9bOm0qNFvalSpuYjlxS5F/otegyoNzIyXS2lDh5PJmKJ/dsL53MQbG9v65577jlFUbu+uA6ol6RPaMYZug/U8dHGwIi6P+r2elHt4juMlkeOPluj5OgzLkzK9cW7WZwzdWa81osHYO4lk1hQytBLi5qlR+35ymdWyj3pRobt7W3dddddp+oxdxfb4D1Ezsxrngl4pNU4m3PjfNAWJHKknA/aCWReMtRlHxU81kydGv83F2tPHvfLOmz319bk0twWwGc9E4jEsaNfPefRe9S2Q9Jc/20p67qgOO1CoVAoFDYEa8dpnzhxYqazytIrmnIiZ5JxGeRAqB8ixx2jm5mqMwVIvRF1c9I8XZ85bOprMglCz+K0l/g9luc+09LZ78b6GAmLHCQtWyNH6frow0nuLNZHrmPJUv8gsK8tdf/xO3Wiu3HR2b1YX3w24+R66SHJgUaOjhaxjJdOLjO2gVHmelbyca1SL9yTBsR3WB85Xo5rpp+m1IPXl3TabDs52PjOkoW+sbW1pfPOO2+21zLrca59c3+WDsZ9Yu6N+vCeZ0aWZtNnlCV5tPKOa8nzbF9kroPDiDq4hCy1rZTHzHDbfK56/BgPI4Jpku2DbY77qquukpRbx7NeRol81KMeNXvH43WYHi6HgeK0C4VCoVDYENSPdqFQKBQKG4K1Eo+31nTOOecsGpH4msVSFkfR3D9LQ0nRL9/J3HZsROZnKTamyDU+Y3EbQ3Yy+H+s26noKMriWETxOMVfFCc6AH6sLzP4kVaiIIvjLMaO71o0yED9TLMZx8R9zoI0HAYsHl8KK0rQqCtLxsHxoViXSVKyQECcj57rWbxGcXGW5tLgNapLDIrJI3ptzMKqUnTZc0fMQsnSyMegoVVsYy+ISi/oSmzTklg8orU2G69omOg+0cjS7c1S9PpcsZic6Xct4rYhVZZGlmoyG8b6M8JiXbfb5bp+79d4ttCF7SDwXNnoy59MeSzNk3p4TCzS95i43xaBR1jd6DG3G5evx3DNvkejT6ZWdQrS2J8lg8qjRHHahUKhUChsCNaKhHDSB5rpZy4DDONHo7JIJZu6YjpKukJlRmw2cjC1ZcMJcmcxSIi5SnKgBjmR2H67QPg7DbYydyr3w9dcL93jIvdCAw0GmmE4w9gHl2vqlFxN5mKWBZ84bJw8ebKbnjJDj0PNQnaSY6fbEw0h4//k1hmcJFLydMUjZ+C2Za5l/N6TMkSOrhdetmcgFu/1OHoaxGUuZu67y2cgoqUwrT3uOUvDSilAhhg6Ob6TtcFr2/uTrplxXryHmLo2uhdJqzMmuo3S1S5zgYr1xv/dF39effXVklbrLIb57Lnv0RUrk9J4DCyNpLsW13Isz9IGn9+U/Lm+bE7NHTOEtPsZpZA+59xGJhnJXPVoDHrYAaBOF8VpFwqFQqGwIVgrTtswpWNKLlJBPf2tqXlTUpE6YqIGc4gu35SvKbjookAKkEnbM87H1BvDipIDzrhO6tfddpdFXWN8hi441L9nrhAMyGAqmeFTI7dI3T/rpd439n2vOsb9YhiGHZw225a1r5eEI7abOliuJXKzGWfPpDb8HtcbqXqGZc2S6HBP9BK40DVLmnPYlJpkoVbpkkmd81LiGHLpnBOGpuy1Oz6bIZv/JQzDMAu4kc2lz4yedCFyvtYp02XIzzIZTRbgoycByfal33/4wx++413vcQY2ieW4jXQ16yUDic9ceV9KOS0AACAASURBVOWVO+pj8CIHwIp1u88ug0GqXEa0B2LfOUaevyhJMHyP+4muw9I82FYWdOkoUZx2oVAoFAobgrXmtBkqVFpRSNQhmeoyRxcpUFNOpuoMJnHPdM09HTY5r8wC2NQpObhMP8TAKK7XOm331xRx7AvDcLo+6m8id+C2kfNhWzMr3GidGe9xLOI7nsszqR+KXC8DfEh9i+Je2sWlOijd6IU1ze55npYoeHLU9B7IUs9SD05kOjpKDjgGmWSH72YBUWJbI5jKlBxkJn3q6bJpnR85cXKie+G4Gewk9ofBP7jX3O6Y4MLl9aQZ9MyI7WewJa4Hc45xvXFNcr4zyaXh88b9sDW3z1PPQQyRaq7Z5br9Xo9ZOFhywVxnlOLEdWfdv+ujtCZLGHLNNddIWkkhyEVnXh++Z4npmfJ4OSiK0y4UCoVCYUOwlpw2Kc9ITVJ/R8rMlFuktnzPHKepSlOcptCob5FW1LCpO1LhpqYjBepr9qUkN+E2RitH99n9cXnmsP0s/RtjW1yu33EZfjfzIXXbTIlaz0ZOyNel1XjR753cQbR8X0pDeViw94GUW666XdSNLiWrIBdJXTa5m8g9k/P0/PsZ6tWkua87w5dm+lbPLzkC2hoshftkP+ivnb1DP3PaE9ASOPY946RiG+N1+m4vcdhs416sx/0813HkCqnLzmIRSDt12tyXvRCxRnbOMWWlOWDPedxjbpuvUYqWnY3cJ5QO+qz0+WDuM/aHSYYsjfC7119//al3KM10/1yvufMsRO3x48d31OO2cK/Es4oJpXhuu564b7123H5KaI8axWkXCoVCobAhWEtOm9xMRoGS4jWFa+42S3PHKEKux+9m0b9ctylBWkhm+nKmuzQVZwqwR6VLc24vs6aVdiY1IVfMZCakLmO5LoecpLl0Pxe5Jeq7mTKPvp3x2pnEMAyz1IWZlT3HixxQ5LR7FudGRqkbTDZC/WrG+fY4+qUEJfQr7ul+l9DjnjMreSYC4XjSAyJyduQ6aROwpOcn10xf7KUx2Q1bW1uz+Yn7k8lePHccnywSI63rmZaSYxGvMcZE1JnH+qW5np2cqM+oOJfkvnv6b7Yn1m29t+G2OhJjlFhQUuqz44YbbthRhscx2qT4fOY9l8kUnXFMLGX1Mx5Hj1EcR19juuR1QXHahUKhUChsCOpHu1AoFAqFDcFaiseNLFkBxYc0SslcfSyesXiaRl8MdRdFXBYT2d3AsNjFYhYHpo/l0ZGfoRujeJRBBmhMQjekKAqkgRPHxkYY0VjOfbXYiKFje8EVYvnup+t3PQ7cH0Vpp5OQYC9wwhC6DmUiToOqiMztaDc3JubmzsSjDKrCNZqJHGm4t+RiSIMjum8RWXAVtpmi6Ci2zozuYv1sexxPtokGY9k47iUnNtu8n3C529vbuvvuu2d5tLMAL1QnGdlcMsgNx8V7LDOgohi8p16KajKX42vMTe02fsiHfMipd9xXhg31mcn5iqJujrHPCpYV+22VgMvluWoxvfdM7DfdYXkmum3xrKI7rMvwWGcBtdiGvRozPlAoTrtQKBQKhQ3BWnPaWXKMnkEQ3Zoih0UDNLomuSxTplkqQRp5mEI0pXbTTTedeofBU8yBklOI3AQDIZC7oBQgUtimcGmkRGOzyO26/UxZZ46bRoBxDmgUxfSEWfrQXijKw8IwDDso78woqxd6dCntZS+cJ+eSxnnSnDvyWPLZWC/rY1CVLFQog8P0QoIuJeBhfxj0Ir6zm/se+x3HpJfqtGcUKM3d0Di3mXvQfsLlttZ2GKJl0gy2k1LApXaTI+W8XHrppftucwauDc8hDave9ra3nXrHLmRMpuS9TMPfOCY2QHN9Lj+eTbu1lWAQpixdqevxWWXjMq6P2F6fny6fbY6/ET7T/U4FVykUCoVCoXAgrDWnzUAZ0jJlG+9Hit5UG8MUmjIz9WUqM1JdkVuUVlQk3R2ifs/3mPaNKfpi4H4GjqDrlSlh6sfju71+ZcE1Mpeo+A45rOhCx+QiPc41Xj/TeiHrtNnXLLQl28vgIBG9BA3kvLwusgQH5LiW3JroYsewuZkrE/vFfpyOCxjrleZrhjpTBj6K9ZFDJfe/pI/n3qD0IXJE++Val+rL6uqlV437xLpXhx5mCE1zudZfx3cPEwwdmgV14pq0dJB68RjMhS5Re+Gwe+BeMZcb2+7zmQGg6EYYddruq6957fgszmwRuL6zAENHieK0C4VCoVDYEKwXCdFBplMghc4AIhnXZKqNFoQMBpGlnzMVaS6TurlIqZrCdj1+1hy8Q+tFipcB86lTNqXI57K+up+0SI8SC77rsbDkwP3M0lUaboO5S4/RmeIYlkCdttsUg94wLG5vDWUW57RpYOjELAgNvQc8/uTOImjHQfuATCqQ6XT5zOkilkXJAQNw0KYi06F7T5PjydYZJQg9XXZs40F02gwOFNtNzpqJO7xf4h5jimGuEZ8D1mnHdedyzNlSWsi9t58+x7PL7fdYUjpAb5Jo4R5DmsZn3NaYapT94rnqdlBP7rSfsY30eHGbqa+O9TAIEiWy2Tnh+ae09ahRnHahUCgUChuCjeC0oz6NCULoA2nKNEtZR5886ivpty2tqDrfI6Wb6dBdnqk3U3ekPCNFaArW1Lmp2B5nkllVkmo1zJ1lYUypy/KzTNKQWUVbF0dq/Pbbb5/170xjGAadPHlyxgFHrp9hY2lHsJQwJNYjzXXcS9weLXBZTyY1yaQ+sd7IVZMTOF0r5L1iN915liiDoX17CVcyq/+eXjmzX9gvtra2ZnshngM9H3ueN3G9kfMkJ0grZXOM0mqv+p73lOv1/cjt9pKaWHe+tB95rl599dWSVms3s1Mxp8tkSvZM8VhEaQC9cRge1slFqFOPY+F79Frx9bgOep4HbpulHHE/eSwYK2NdUJx2oVAoFAobgo3gtCN285kjRyrNLVbJRZJyi3obU2RMsM50d5Fbsl6GaTuZvD1ShC6fKUYJU63xXfpHu6ylSF+09PUYkdPOrJV7lr/kvB9IbG9v66677pr5ckYqv6fP6iXaiNfoC+1xov42jhM5a0Ybo36U/YnvLOnVjmK894MsMU7PSjxLqen/yUlnY34Q2POgp5OPdfR81DMun5wa7VHsPWIOO64D12MumdK0yy67bPZOtJqWVuu9lxo0tsltdJvM2VMyEsfEXH7PK8Z7zxES4zsez1tvvXVHf6+55pod7YrnuPXstBXiWRbB+fJYcw/Gdej/fdYzOt1RozjtQqFQKBQ2BGvFaVuv1OMyl9CzoJVWFJ+pRfprU28TrXrdFloPm4omBRyfMeVJroIxwqUVt09rZFrm0sI11kOK2hw4uejYFuoFmSLRYxcpbEZP8zOMyPVAwpy220D/dmkl6TAFzXnP0ONW+E7GOXpMXU9PmhHLyuLtx+9cD5uAjBPu+Y7Taj7+T112L076QeE9aM4q7undpCPZvJjjtI63F4Oefu3SfI3aippW1lEP7/YzBoPzImTxxJmKk+94bzMet7TSBzMSmvvh8yH6WvMctcSAEkaes9J8D3CM6IMdn6HthKWpWWpln6eZhHIdUJx2oVAoFAobgvrRLhQKhUJhQ7BW4vHWms4+++wDiceNzHDHYhWG3yQsgoriPF+LYhq3VcoNxiiqp1iMqRSluXEFRVlM3BFFNhYPRaOr2M9MvEPXFSZNoQgqlu02WuzHMIYPpKuX4fSKNBCLc+014b5wXrLkGZ5Liq0p6ma6V2meHpTzkBlo0cWOIr8sCcVRjPd+kAWRoZh0yQiMxmmZceTpYhiGU+uCRoexDbsZwsZ223CKgYuOHz8uae5adMUVV5x6123xNaoTmEpXWp1FXqMug2qaeGbR1dRiYj7r69Ft1YZvnkum27SIPYZr9lqg6s7njOvLgiN5nKKhcBwLGgvH9+mWStezeBZ7LHyeZUGpjhLFaRcKhUKhsCFYK05bOjxH9shp20DD1BWTpZvaYjjTCIbKI6caOR8apzFFHhMsxP+ZOIFGNkwCEstz+b7HRChZOkdTnqZ8GZrQY5QlwmAK0qMM9zcMg+6///5Z0oJIqXveewEeMk6bRk+UkvQkIfEauf6lBCUGuRcaL8V6LKWhsdy6uIJl4UCJzNXLoOSqtzdOB7GsLPEF66Jr4VKZ5rCz1JHxeizLe9Z7iushS0HseryH/SwlcLEeu2NxDzDYjbncmEyJyZNsVGYDNXPc5oRj3b2gRQxWE7l0t5UuchyTKF3z/5Rk9sYz9mddjT2L0y4UCoVCYUOwVpx2a+3Q0qBFatYUIfWSPYoq6q3MvZBbpd4ro8oYSMDU3BKH5bbGkIbxuvVEkRswNUrXL1OTTG4grahycnCRM5VWHHgM3GAK2uU+UBx2pgM2nDCELjmRqzCnbS5pLxIWw/PLYBTUbWf2EtR3+9nMTZEuT9wP1DnGct1XcqJLLisH0Qv3UrEa5NpiW3sJfZaC1JDLXQqGcxA4uArDikY7FrZ3L0lxuGYs8fO7Dpzi8cncKhmgx3vN6yDuCXO0bivDqLp/cT24TQYlh37X51Fcj5Rc8p1MKuT/fa64Py6DY3bDDTeIoBSASZaizt59tm0S25QFumL/1s1mpDjtQqFQKBQ2BGvFaW9vb88Sth8GTHkxmIUpW+tpbO0Z9SikHknNmUKLehsGJHC9e0lzybCofpfBVyJ3Y2rVnAEDgJjazKxh2f5ewJHILZlTeKB1prvZO1ivLeXJX0w5u/20D+C6iCAlznSeS9w6kzyQm4lj63rINS9xBHt5Jt5f0tVR8mJkST94j7r0LPQnre0NBkrJpAOHzWEbrTWde+65s/KjdOkgHi20OGdwEJ83WXIMcsv+pJ44s93x2vGz1jG/613vkrRTGtTzpKAEMUumw0BPXhcOTcqATbFuBlGhlMBW6nEOaIPi7x4Dl2EuPtZNaSeloLEeSlGXgi8dBdarNYVCoVAoFLpYO077dHy0l8qV+n7TDCeYhS805Wcqz2WQQpRWlBr1JqS4swQetDA2GCo046ao7/R3+ifH8n2PXBLDqWZtPUzr3cOAdZPSitqO3DmtrKn7z7gJguPUsyKX5kkPKClgaMxYvtcTpTSZlIP6YK53Wi0v9Y9cuz+jryp918mhkpPPUiXyGVqGZ77y7O9hIvN33ot/7m7SjQjGifA5w4RC0jzeBONE+DyK1z2mtFYnRxz18fRWoUW4JUg333yzpBXXHttgvOMd70jbbqtySbrxxhslrewGvIZsGW4pJ1OfxjYxTTL3TLRw53lq3bbb5jLi7w6TQh2WndVhoTjtQqFQKBQ2BOtFQpxhkMMyRWbqMosgRgtscpl+N3Iv5r6ts6LOL9OV9PyzqXfNIjJRd+42m3Knjl2aU/1uk6lnRlWK1GbUGT2Q2IvFLjnRqPMjVc3IR7QMj+X0vAVoixDHiZIWroPMOpXeCr1+ZdyrQa6vl9wioqfndn+XLMB7HPZe/FzPtGX4XrC1taXzzjvv1Lp2/7I+cw3uR9rEyIHWo2bSRdq/UHKU6WLN6ZqzZXrazB6Gencms/Ecuv9RWse0vkzc4bY6zae00iXbdomeFYzEFtdBtBuK9Zo7Z5nSaqwdWc7lWhrhsYp6/iUp0zqgOO1CoVAoFDYE9aNdKBQKhcKG4ANKPG7RC8OM0n0iimEs4mY4PD9jEU18x+UysD2NlqJojYYRdCWiWC5LhEGxJftnl4/YBr/LYA6Gv0cx81EZoi2JTG2ERsO5KApmXyly9vhl/WKgEBryZTnSGWiFoU5pQBPRM8zK3mHAiIPMS29sGcgiawvF/Uv10z1oKYSscabX2TAMOnny5ClRs0XRcU/TEOwgsEjW9dgly2Mbx9iqLSZH4XzE8eKe7rmlZucOE3b47GICj8woq+eKSTcraR6Ixf1gLnAjqon8rtWaPcPKGDCGRnjuu0Xqnuss1C5zca8LitMuFAqFQmFD8AHFaZOKN/Vl4ysabsV36OJjZO4zpiJN2dKwhQELpBVlS0MMcnSZiwINmpggIDOwMpj8gwYnvTLXDcMwpMZZkXKn2xQTQ2SGYT2jMUpCyHHHZylhIWe85C7Y+4xGUrulizwIGGgmM5rkOu6FJo3vMogKr9Mg84GAwyfTJTRylTRE24+hHI3HzN3R+CpKubw2/cw111wjSbrjjjt2tCOuYZ8hdON0P2hwKa3OPBuLObSqx99lOoyppQOxP5w7tzkzgKU0w999BjOdbXzXbWJYVktD3cYsERMNKilhiGPCc6JcvgqFQqFQKBwI60VCPEAwlcXwkqb+Mj2RqS1Tdz1XCWnl1kBdiCnBjJvwNbbBFCddP6LehuFLqUv3/SwsI/VepqSzoCqbhKz9/p+JQ3ouTNLuaS49PwxKEsvrfacbmdQPI0tXwDPNidJtJ45jLxwqE+Jkbe2NJyVaD3SI3K2trVP7g/p2aSU124vbIdFLOMGxyNK6euycOINSm5hYyJy09bVMRJIlLPJZyLCelPS5rVGSRAkP9cd+N9oDuC3mrM2NM52o+x3dS12+kyYxnK7HL9bHZEou3xy2v8e5drme8wpjWigUCoVC4UD4gOS0DSZez5LRmwI0pWYultaPWZhHBiZg2sXIYZHbZ8o8BlCJ3AvT9Jl6JfcXLcBJJTMIv8s4CGexDsiCkDBgg/tGHWacF3JJvZCgTNEp9a25M66c7TbIWWV69zOZOtD1R66G3FBPp515GVAfzjE6qtC4J0+ePNUPS2Ki9bj7Ty+S0wGTZ2SJNTwe1mX7HPCnLdKluR6cazILy8nzhuua+vHMa8FtoVeE68l09QYt3g1z09F2hx47XDuUnElzTr5n3xO/c22eidDap4PitAuFQqFQ2BB8QHPa1NuZCozUoClec9imTHth/6S+T68pYHPGkZJnW0iBmgMzxRgpff9PfTgD7Md+uW4H6mdIz3WjLg+KOC/UxTKcZGbZ3NOx0pKVnHBET5ed+X+So+n56cY2kms4DM6bHH6sg1bWHhum3aS3RLzH9J0PtA47wj7+3lsZx0Zpgq2t99NuJhdhOOAsNSftHjym2TlAPbjvcU1Fna857J63AKVBmb0P0xUvrW9ajZNb95gzpkJsq+th+Gl6dMT/l/antHMc3TZ/lvV4oVAoFAqFA2G9SIgjRuaXR+7V36lbiu/QspMWuKYiM86X0dnINdPSWZpbHJvitm7OiJyDrTdp8ZkF6t9kRI6U80tuecmfnfNAvR2fk+bcCjmT7B2DHDyjqcU0ju4XdYp7mcPdLMFpoSvNI731UnFmuntGeFuHdXbs2DFdfPHFM9/d2G5aFNvLYj9SjZ5tA3Xb0mpOze2Rm7Rvclx/bq8jHzIhicvM5sPngdcb0/yaOzeHH8tlamNGdYznEKUzPk/J0bu/tv6W5tIHRi5j9LZYH1Pduh/0C8/aHfu8DihOu1AoFAqFDUH9aBcKhUKhsCEo8biW8xFbLGQxjvOv+hmLYqJIleJp37O4ymKkWK+v2diCrhb+9PX4LkWcfoZGTFEcz8D9PVcMijM3GewLQ4NmObFpaEhR99K4UF3hOaZxV1xv/p/iSSY1ieJE/083pN2Cu8Q2sK0MURrXN9ULfoYuOEshSddpXR07dkwXXnjhqb7TIE1auVZ5HLxPLabeD6i+yHKoey4ZBIlieruCxWs0hKVBarZ2eu6QfMdidGklwqb7q+EzJgub6nIs/nYb3eYs1zgN7dgHlx3bQZWUx5gBZ6K6iWcu1YxHjeK0C4VCoVDYEBSnnSBS/3RfMWVN15ssoQKN1cytM4GItKL0br311h1lkIo1BZwFdyAHaQqR1HNsLw2q6Ka2lKZyHbikg4ASCEsmMtcOcoTksHsJCeI1Grjx2czYy6DBVs8ALpbLRCTktCJ6yT8YkCMam3FNMNTt0v1ewpCjhF2+6OIT1zeD2nBcDmL0x7KyM4SghC+C64lJbDwPMcyxr1m6YIkbE5Jk646GaG4bz70YOMVnktvqM9Hv0tAyO7NoeOay6L4Wn7EUgnvAcx6lKkyssm7ur8VpFwqFQqGwIShOe4+gGwPD7kUOy3pv622YlMNlZa5Fpr6ZCpAuQBF+xtS3qVWGIsyC7/fqpXvF3yXQfct95bhF9EJ29kJ3xnrIrZDaj9+p995LYAe6g3ktUl9NXXO8R87ayNLIklPMpAyxPXGM1kmXbZjT5lhHaQBtGsytes9l4YXZR3OPrsd68ixhiLljnjOGx9SpNKWVG5rPCu5/Jv+I13w2+MziszwfpLmLF6UoDA8dwVCklAowVXCsj3YXfjcGqzKsM6dUjWFNs/Xoe9HWYB1QnHahUCgUChuCtk4Ub2vtNklvP+p2FNYeHzQMw+XxQq2dwh5Ra6dwUMzWzlFgrX60C4VCoVAo9FHi8UKhUCgUNgT1o10oFAqFwoagfrQLhUKhUNgQ1I92oVAoFAobgrXy077kkkuGq666ahYFainxOg3p9pLy73SM704nGhjfyXygGflqL/d7beGzWaQ33qMvb1Z2b356c5GVfzoRsW666abbacV54YUXDpdccsns2cy/uJeO0tez9Jocj17s8VgmY28z1vhSfb05zdZFb60w2lnmp73bPsp81o0sdnrWnqyM3rgt9a/XxmxN0ffeeOtb3zpbOxdccMEQU0B+IIE+/D3YNzr64nNedzuHpH5a2t32WbzGs4v7K8YF4LMsP9tv9E339xtuuGG2do4Ca/WjfdVVV+mVr3zlLP9rdLD3/71EDnaej4uLh5Unl+X3Ahlk73JCs4OXQfAdOMDvxnfswM+QgOxndrixDQyukYU8ZVhGfzpYBAN2xLYywQbDpGahFn3NY+x395OP2Lj22mtn7jmXXHKJnva0p82SFsSAGQxqwwQDWfATP+tn/A5DNhpxrHkw9BIsxDb3kmw4cEQWUpGBeJhYgcEo4lxyHbttDu/o+Yp70O+bSGK4XLfVZcc5cFv2QhSwfwzWwmQ3cc870IjDDnstPuEJT5itnYsvvlhPfepTd23HftH7QewRU+uALLe3lAfZ8V5gQg3Pv+c9rm+X68AyXg8OVsNAVDFgiufd77gMBkiJZyPPGwdV4Rkc6/H/zkvuPf70pz99LdwCSzxeKBQKhcKGYK047e3tbd19990z7i5yPkwhaJiiykR2FKkz/KLrYyD6+A65F4bAjO1xu3v1mPLMpAE9MRG5wdjGXjIDhiKMokKmviPn409zMXE8ySm4XHNEpoAjF9oLdXlYGIZBJ0+eTEXABqUXhsctC1fIeTbHxiQwps4jJ0JugRIPSmLcj9hGP8N3Yx8YppLhJPfC0VFCwVSQUQplrsjcbExrmCFKU3qJaJbCw7p8hufkPluSIBwFN9urk2Jej30UBTNV7mEiU625bibY8LxbfRBTkTL1sLlYr9Vsr7t8h1/1PJmrfchDHiJptU4iB+wx8ZqkBMnw2RbbeOmll0panU3uj/dvXG9+hntiXVCcdqFQKBQKG4K14rQNUseRQ4y6NWmuN2L6tniPqetMGTLYf5Z+zuWSa6fuN7tnkDPI0h32DDHYv9hGpu3s6XUz3am5GI+Bx5ecVuTsTX33UuT5euy/KV6mJT2ITruH7e3tRUO6JS5cyhOG0ACHEg8mIohcp7lyf5LDd9siF8vxprQk484Nt8X3XD71hJGjc3vNXbCebE9QH2luxRx4L2FJ7KvTKLJtRqzPa8flcO1kyTXIudMg7ShgLtL7lPrWDGciDa7bIa2Senj8PYe+fvnlo92VpSpxT/v89PjfcsstklZcrOc/Sg1ol8B9Q+NCJzCJdd9+++2SVmvI3L/bfscdd5x658orr9xxjXYQXmfxd4X2Q/zNOWoUp10oFAqFwoagfrQLhUKhUNgQrJV4vLWmra2tmegiivNoqEURmRHFSRSBWMxiMZUNF2jAE5+l2NDvWDRIUXh81iIZGnvEdyiapVjMz7qfS3l7XY8/3e/4jutzucx52zPSi23w+Pmex8+itQiKJy0Oy9zRDoJhGE79RWR97rngZGup52rHOXSZURRIdya6J3rtRPGb20hR+lJObI8hDdHYZvcrlu32Ml871UBx/twG7jn3x+uBYvJYt9cIcyAzr3Ish8aS7qf7H9voeeGYPJDwvLq9UdS7V3gsD8MwzWPqeZL6OdHddp5vcU1zT9MdNlMZuR9UqVjE7TZ6ruNZ4jZcdtllkuYGr3421mexPl0ZvYbpThifcXl7cUt8ILFerSkUCoVCodDFWnHa29vbuvfee09RbDTCkeZUD92cbJyQuVvQAIncjBE5A3Igpur9nZxWfIdt6HEKsZyeYR0N4iJofOd36VIS25MZbUirMSG3FNvKYCGux1S0DVGiYRCDGtBV7rBcwTjmcS7JCdA1xW3MuGWPC91OKEWJ9blcU/6U1mRUPl2iOP9ZJDZKOgx/N1fjvRHnxXPIfUOpQJQKuY3kwnrRpzL3S18zt2SY845zwPqiS09EZmyWzcsDBUqRGLjE87YU1MnjsNfIZUtwvZET5dqkAazblhnA0t3R/aFkJ3L2LocGb5nhGUH3MLfN68H1xzPSfe650LJdsS09V82jRnHahUKhUChsCNaK0zZ6FHsEHfoZFCRS4wxzZ4q8FyM5UrMML0pdbKYHJfVIDtsUYuSMeoFKevVGXaApWbojud8MviGtKHhTvGyb63fb43jahcljT10mpR9xLOhed6Y4bc55vNeL/e1+Ra7M7aNkgAE9MgkIw9a6TVyrMe41Xb0YRjUbJz9LGwN/v+KKKySt5jzaJzB4Cm04XEY2jrQR8VqlDjquO+suGQ6W7lwRnFPaJrC++AxdNc80srOqJy1Z4rCJwwgO43UWzx2eL94DDNucSVzoUugy6BIa++k5NLds7EWS4Hs+b2gbQg5fWp1btAninozrw1Inc/0+59YFxWkXCoVCobAhWCtOu7WmY8eOzajiSDnRApa6FiaFiP8zsYUpM1L3bWexNAAAIABJREFUkRL1PeouqceNARIY5IIcHQMIxPfJtTAYganlGKSfXDp1Sx6bSCUz0EbP0jxLIEApAAOyGLE+t4mJKDKr+9MBk6Zkdgu0OaD+Pq4H37Nkoxd6MrNtIEftsqhbj1y6qXquM3I8sY2eB0tNKC0xJ8LgHvFdchxum8uIe5BrkhwvQ+Nm3CfXO70VMu8Pcqxcw3FPUL/fC6hz2MiCoPRsDc40OJe2X4lno9c1bVs8Xg436nMujqMTxpADNvw9k9IQB5Ek9N6Ja5VnPc9K2udIq/VF6/91wXq1plAoFAqFQhdryWmT+o+cAfVo/iR3GalZ6vJoZUrKd8kS3O+am8kSOvRCTdK6O7OKZ7keA3/a7zCCyT/IpTO8aOyzqWFKN8ipZn669Adm/ZHC9rz1OG5bEZ9uuEZaiUbun1zdfvToXCNMKsB1GcF0stT1ZmlWe14ESxbStJWgLYP1lbEM2iVwnWehT7l2ermKPdfZnNIrgdx0bKN1jBwT+mDHuWbI4J6nyBIymwxiPzYZh2EBvh+4bQxVHM8q/+9nmOaV1uNxrVqyQakTk+pEnAkpA9sWLdDpreD63d9sv1oi5X4chY//EorTLhQKhUJhQ7BWnLbTKxr+P7PeI8fmZ7PIQaaybLlKX1gGto9UMyl/f5qqJ7cR20L/vkz/bfQ4Aeo9M4qe/epFJortMaXpcqn7MbVKa2lpbhVPyQjvx/IZic3zaAp/Pxa1GahHjRwiuVjqSLMUibSiptU49XlRN2YdM3V9vp6llCQnTX2axziuIf/f0zFzzGOZlhiYq6CVsN+N+mKDSVQYy4BcWgT1+9wTWRtpf7Fk+8J4CvuRqmQRBHvccS+SoTT3zGCEOEZ/i9G/emNKG56sjVxX9NiIHDClPX7Wum6m6IzR+2ir44QhtDuy7ltajRejjbFtmdeCx5PSAdpYxLXDceQ6y6RA3q8un5buR43itAuFQqFQ2BDUj3ahUCgUChuCtRKPS6NogwZUUWQYc8FKKzEu3XWiGIQGMjQE6omT3Z5YRq9tsY29ICoUI2duLRRlEpl4lEH/LYa3aMifsY090Znb7GcpFs7a2gstm7nO9cTxZ0o8HtvGcacRXuaiQrc5illp3BZFthYpM6GB+2i1TxZelvUxZGMUw/oZ5p1m27MECFTlMGAFxyq+Q4OwLPe2tDNsZi/ULl2y4vr3HvfYeox6AZYisqAgB0EvrzXVPEvhk2mgyWA/8Wyj2xyNuvyOk2dI/aQi3NuxLAYH8j7kWcgELNJc9eDc2zQCjIGZXJ772lPluF9Rpec16GBBPMNcZnRfo/rK4n4/67WVGR3SKHhdUJx2oVAoFAobgrXitIdh0P3337/IkZIjIPdiKitShAyMwnB3NFKI3B7bQmMHczdZOk9yEaTgIuieQ86NbhSRqibFS0qX6SVjXymh8Cc5rchBklPoBf6IhkEMbOP6DyPlYAQN57KQjXQl3C2ZQCyH3Kvf8fxlQTy8RrgustSFlLT4k8kLMilGL8Uog2pkkgQaWDLYyZKUhmuTCVjiXqQrHt3CsjSb5ODdH48Nk0LE9jPk6l7ApDnSaj94vdIILjOC8ry6b3Ql8pxme4GBizh3mfsq20Q3uszAji6lHC9KfOJc8qyidMvfY798jSFPKfHLki5deumlkuYpOM15e46ys9/9YfhmGgtmY5KdB0eJ4rQLhUKhUNgQrBWn3VrT2WefPQtYkKV4tBm+qSt/mrIyNSvNE1mYWjUHtBTIn4FQHNbv9ttv31FmpHKZDKPnxhMpQgdNIfXKIBfUJ0ZQp+l+ZIFG6MpG7pxUcuRi2EbW4zKiCwuDhLB/hxXAgHYLGSdCFyyDCVfiOwbdpjgWUQdHjpRJX7LUnNaxOVwtbRgy10DPkctlwgNKmjJQCkAdcBwTz6V1lZQk+Lo5ySwBC9Nr0rUucme0CenNcZbMwmMcpRk9MDlLlpKR4Wof/vCHS1qt9eieSjdU6o89PpmLJPXzlDAySIi0WiN0KfQz7l/U+fodc7FMOkNpZJZmlYF5aFsT4fnw+exPnjO0+4ht5fzbJdD9jBISl0P3Op7RkZv2/tnLvjkKFKddKBQKhcKGYK047WEYdPfdd3etkaV5KEZTUEsh50wpkUsh5UtuVprr/G6++eYdz5IClvpO/+RiTSFKK4qSQep7OqzInTGlZC+tXgRDTzL1I1M0ZuNKS2o+GyUWvWQiHr/DSs1JbiwLekMs6a6oU6QVrec644TJFRlXXnmlpLl0KL5vzo12CZn0hnp0S6HI4WeJaug5Ye6PaygL7ctQpAxW47bG4BoeY68NczW+bg48zoW5MErKWG8ce+o3lyQ5Dp9MCZ/bFssjN3vTTTdJWlk7xyA0brfLYftvvfXWHWUuweeDy6dkIpbfS415/PjxHd+luc6aemk/yyAr0koaZF2977mNLjuec5ZQGlEimiH2j2uEtgweT+u4I3gm8wyO6XGNpbS7R4n1ak2hUCgUCoUu1o7TPnny5CmKypSqqTxpHlbRHAk50EgdMQQjrYXJaUcdhik96pDpzxz1aaSGDdfjfkWLVnJ7pO5o3RtBH+eeVXdsT6a/jdep04xj4vKoj2KYRnMj0kq/SottUr5ZYorTwVICEupXM6t3WonTUp/rLq4T6tHMLTnsbEbBc626XPpnZ5xvz5ecHHYck57VLkOjZhwdpSS9+ASxreZ43B9zsF5L1EVL/bXoNmZJRjhfS+vA5445RnoIxPctJaGEJZNIcJwY42EvHDbPJtrWRE6VXhGUljnMaKzXvtW0yKb3SCaN4vhTr+8y4tqhrcx+kqjQw4VpNbMzjeebpQ/msDMf/9tuu03SSs+/H8+DBwLFaRcKhUKhsCFYK0772LFjuuiii2b61owiNedmS8glvbSpelOeTGTAdIQZZUirRiJS8qbY6X9Jbiaj4Mg1Zf6f0k6rUerber6XsY3UP5E7z3RYhjloj6epfUY3ihwSuQD6Ybp/sV/UZR4W6PtMCj2zlObccT1kEdis56R1vT9p9S2txslrw+ucbYxcIP19+QxtOeJ+ooU0uUHGD5BWc2RdtfvjdeA2+3tcQ71Uptb7cpzjO+wHv2fcGtPFZmitpTYpmSSMEiGXT1uA+Izn2eX6WXN0WfpbtsXjZL209bfRCp8+5J5bJt+IunpGT/Tcmcsktx7H2PPvtvhZn8lZrASDtjscT9paxHuMasb64jjSQt9ttN7b519mV0JpwLpgvVpTKBQKhUKhi7XitIdh0Pb29iwyVRbVila8jKwTKVBaKNonmvo16xqXkrfT55tW7FI/8Tp1b1H36DaZevQ9RjGihW5Ej/PwO9GKM4tWFJ+l722kRM3ZUy/JqElZMnpSseQGM1/V/XDaS7pLg1weLbSzaGOm2M09M92rrU8jJ8IoTOZ4TOV7TOO80BeV882IUrGN5FZozZ/Fz6ZfNnXZlqrEtepnrQ+kv7TbzLUcx8LveA1RorA0Bz0seTjsFtXq2LFjM5uAuMc8vy7H98xt3nDDDZJ2crEux+96/n0ePfKRj5QkXX/99d32c348hx7bLBZCJlmTVmMd15vH1M+aw/Z1z7GtvqP0jFI4t99nB7lpaS75oLTRZXrdxfOJEqqHPexhO9r69re/XdJOS3CPeRazX8rXhevJomuuA4rTLhQKhUJhQ1A/2oVCoVAobAjWiu8/duyYLrzwwlnYzcxgy6ILGkhYDBJFMhYbOjCKxSt+lkYmUQTEgCUWf1lcRMMhaSUm8jUm8rDIKTMmY8hBi2NdhsWIMRQnRXYMn7kU+pRBQiguz4w7mFTA99w29y8LbNJzr8tc9Q4r4IpB1yH3dcngzX2wCM5l0LiQ6gRpFeSEAWz8aTFpXDs0XrSYkCLPKJrkHGUGddI8YE98h3uAiRRiWXQD8tqxqJb7N0tBS3Gs+2O3pJimkmJ+7rlMjUKR/VIoytaaWmun5sVzafGrtJozugx5zftcsHGZtFozfsfj5PIpvo5qOfbN/fC6sFomqgGzgCsRmYGo15XrpmsXjeiiqJh9v/HGGyXNg7vEeaHKkIFs6DYYxde+RxczGs/GMK0MLEQXR7fR6sl4ze9Was5CoVAoFAoHwlpx2q01nXfeebPEF5H7ojuLuToaGkTOwBShAyP0wnw6+H+kgEktkqrLjJd8z23yO6bOM/cQczaUFPQCpESqnOPEoP8eq8idk8Ni28kBR66XBjt+lgZ8mfSBYVldRo87OF1kye17KUwz0J2JHAENhKKkgukNbbREl59MutALI8rANrEecyUMn0vXlRj0JkslGq9n88896DHwnLoeczyRG3TfaQxIA9M4jhxjSr/I/cZrbvdSCtitrS1dcMEFp9rtecoC2BjkvrxOohGUuUW7RLGPHgvXF+fUZyBTstJQKzPS7cFj8YhHPOLUNbpr+tOSRM8dDQalucEpXcAy6ROT9fAMoeFY5JotfbnqqqskrebY9WfGeTyvyaW7/Dj2/t8BbCq4SqFQKBQKhQNhrThtwxRUFu7TlJIpWlNK1j8w8YW00pv5GpMxkGuKHCND5/WS02ecr6liushkIQ9NWdLVhmOSpZek/ssUMLn16I7C4CDUMbtMcu1xDPyO2+qQiKTepXnIQ3K9ZwpLevy9uJIxwI+5Y3MVMRmGtLM/rttrla53WVITpv6kLi4LOsGAJJ5nug16r8S1xRCuftfrixy3NHcDopTInJz1hFGfzMA8lCx4nWUBbig5oH48c4NjGswMwzBoGIZZgpXYZ5bneTeXlyXWYTIhu/p5/pmeMq5VSs/M9dG1NUppeoGfDI9BxpEzNSvtUvxu7J/nl3NmiaaTqcQ20k3U3LHtPyhFiVy66/G7Psc9zlyzsb1M9GR4DcXzzc/QzmNdUJx2oVAoFAobgrXktMlhZ1QQU1lmujCCqd16XF68Tk7AYPjFLKgHw1ZSB5jpiWnhzATzpkyjDtj/eyyoN2abpbmOnha4GdVKmCPpBSfJbBEYEvBMc9oRpN73otNm//0sA/bQfiDW43tMBrJka2D0pDZxLr0XzPl4PTCBg9dH7C85eq5VhsaU+lInWh6bs8zqYzAXhhaO9VFnz9Cqbke0NKaEYrfgKidOnDjVVwbdiXV6Limtcz/ivjQ3TqttWoRb+hD73DvHaOEerey9H71m3UZK8czVRjARCr0VrKeO7SLnS88XS96ipNTlWUrjNjnQDK3k43lBSaX3IDn9eO4xPSi9I4xYD7081g3FaRcKhUKhsCFYO057e3t7pleNYDq2+J40Dzgfr5nKow6E+qPIXTGEoqll18/wnFI/RJ8pw8wnmWFS6du75HfKetg2cjUR9F9lyEsmU4nP0G/W/cvsCoxemM7DTgpiZBQ0Oaml9jJsKPWGni/q7KV5IhfrP72WzC3FteMxpOSIazS+Yw7bUh9/74VAjX2wvQdTWfZCVMY2GtaVMwUpw7hKc26Qe47tkeZ6SEpKPAeUUsX+LPnaMnwyw2XG9plLtRSB/tsR9Cd3G66++mpJc//6aGXPcLLWyZpDdP2+Lq24bu5Dj7nXR7TIpg2D2+zEJPYHp3V5bBsTd1BqmEnc7KlD33KvO9uBxHXn8jynfoZ2R5lu3/1hqNWMm3Z743ysE4rTLhQKhUJhQ7BWnPYwDLrvvvtmlGKkYplYPr4rzaMzZc/0/Fl9PYum1kslR31RVp9hDov9i+VRh0qr7iyFpTkr9oORvuI49lKA0iKXYyWtxp76PHI1kYsn19dLFHLY0YfieNLCl1ye5zjqmJlAhdHnqE/NkiNQ38k0gZHzod88vQYogYnwuqKPPcc4k0JRCsH1Fuff/zM6m8vw3nM0v8wKm1IgjnNsI9co9fqUdmTP7GZZPQzDbOyp94xtoa7fY28OWJrbmPTWvMvKJD0eF0rTMikN9z8lYh6DOE7mpD1OTOdJu5UoZaF0k94kRpZmlTY1fsfPMiKftNqX5rDdd/fB6y3bT4yY6bKYmjTWyXNuXVCcdqFQKBQKG4L60S4UCoVCYUOwduLxzN0qispoNESxLnO5SnPRrMtgfmEG/pBWhhp+lwYnWZADG2ZYBGPxoNuWGa1QtMwA/b7OgA2xPzHofQSDU0hz0Z3L7eVgjmNC9ybORebyxSQqLi8LLHGm0DMMoqg7U8dQFcD2MkyrNDcipEg4E81x3rl2o4sP+8VAODQydJuzQCM0qKR7TRwTiyMZeKYXCjOCIXzpppMFnDFohMcQqHEcva52c+90ueeff/5MPB5VcBb5243LY+D5YJjM2AaGVM3Kl3aeWS6fwU7cDuYsl1ZuTVShWdRso7VYD4OLMAAQ1QHZPvW7Fr8z6Epchx4Tl2vDQ5fPtRnrs/jbz9Kg14aecVypAvOa9HcHrYkidb/j8zs7r48SxWkXCoVCobAhWDtO++TJk6coUlPwkUIlV8wwnDQ0iO/Q2MHXmWIyIqPiY32ZC5opPbfb1CU5+cyIhNwDjX2yJCo05mFQjUxiQeOeHlfIfsb+0UjG79BdJdZnCpfBWzIpx//f3tk0x1FkUfS1bPDAYhbDmI/Z+P//LCIYmDE7IggIMOpZOI766tTLsvFIVnXw7kZSd1VWZlZWKe/7uO8hkGOmbReeYMxOmanaFozxLpz15vuW7QIHInH9DCr0OjAT6kpMWlbWaYEucdsVNXEgoIvddMVtSH/i2G6t5OdVl7XoeTOLzuepk7TMvndiKJxvAZYOpHy5nRwHY6YdF/LoUqLMpBk768zWmTyXvrAWbdGzyErVtjiGZVL3xHV4v/heOpWxk011EDCfM/4MTGPt8W5iDTnwlfF2wbP0EcEXC8EkbDGkLzBri64k/PwcBcO0B4PBYDC4EhyKaQPLJOZOx4UsvMuypGeeb7+t0xlA7uid8mIfs1OA8hiXmzMDyd3/KuWLz7lOt6NnrOxAaddzkTt/swkzHM9JskHLSQIz+uwjx9pn/lipXiDn07Kl7LrtE84iIC7j6QIU9oenIMNK2IO2OtEbl2Y1a3b6TtV6bbivXLdjDj7GvtRO5MKpMcyj10Un7WqLglMq9yRwWYv2f+cz7zW/59M+nU71/PnzTYxGMjc/91izHKdAkYyqC6OGzTGX+F67tFTgZ8wsGfac98WskrVEG13KFzE7jIu+urBLl2q4eo+ylhhflkzlHMdF+F3PPci4CNo1G9+TWrZV02uT9ZH3mvG4qMlRMEx7MBgMBoMrwaGY9ul0qhcvXmwiPpORWtTffpWulKB3YhzLbjVZZNX93at3+WaGXfQ4OzTLpDoSO69rf6TlUi0VmuzFUpfepduPmMda6IGdp5l/snTPySqiumMq9mWbwTxmARFHB6/kHtNv7ChnvnMpS89bngNWlpfcyXPPVmUU+T7XDuNwu/azd2vVYhrMka+fZV1dhMPFLfBDcm6Owc+ahUfcRtV2HlfSt7neOKeL5+hwe3u7Wb/5N+vWgi6MnZKtGf2Mv5n+wi6Bn/EudodnlrYcRZ59RB6VvjCnfj7zPcB9Zw0yb1gDKPrRyUM73oN7y7l8z9/Zvv3gFjLp4hgYM3Ps0rOdlWYly8t6xgrQFUJx5shRMEx7MBgMBoMrwaGY9vl8rl9//XXDlpPl2Tdh35VL6NFu1daf6shS+6LzWODiC7SdUZz2HfKTHaL91NkHdsH2LYKudCE7aOeD8rl9WlVr36ItCo54znZsQfDOPuGdM+PtLCMPiWQi/I4Moq0mXflQz7f90WaoyQzsjza7MBusuuSNOorfTD+ZwSoy3wzbbLHq3eVcHU1cdVnHLp3LunCOdHcPzJZdrrazWHCM29hbO9YQ6EDWCs+wr5NjyXzePKaTM/b6Yp6YN+aRCOqOxXI94iysa5AWEKKpLY/LHHRFb+iD168ZKu+qjBsgH9tR1s4qyRgRzrEFyxkonfzs6plzLEdaEmyZZC4cNZ5zbz2NYdqDwWAwGAw+CIdj2n/88cfdDrVTbmI3x64LP4eje50jmce4oMVe1GinCJawOk/VunSlWUWypRUDXUVZ57lmLV2J0fy+6rKbNEOw2pn7nL87x9t+o9y90l/YnlXauhzLhwbXYs24DKp9Y3mOi4nYAmG2XrWNyHaUty0web4LQng95Po2G7fanJ+nZPaOWTCrZY6SgTsrwWuHz7l+zonnYJV73UUEe72ZleU5zF9XvKbD+XzeRA13GRqOzF7FreQ1PV884zwTLo+ZY0UxDH84bXSZLy696jFz39NqZiU6+sT4YKRcL99zK80C9y3Xm/UY+Imv3jFKue68rqyI5tiKqm0sgCP5XbikapvRcLQSncO0B4PBYDC4Esw/7cFgMBgMrgSHMo+fTqf65JNPNuH/aQLC9OJ6thzTSYRa2GMlL4mZpzPLuza1A9K6YDmOdXDZyjSY57gmss1vOQabxTH92MSYwXI2TzsQaFVUpeurRUuY7xyfXQXM52ObxdOc59rgTmPpilU4WAxznYOhOlM3sJnSgTrpVnAK1qpmeaZO0R599P3H/Or1WLVNF7QZtBO/sZmVcVi+tqttvzLlWxiIgLxs10GSDhDqgsC6wE3jdDrVp59+emd2Jf0p1w5pVMytTbJd/WcXprH76Ouvv66qrcxxjsXmaq+ZTjDJQVxOT8x7ybUJzgQcY+nbHINN6JbLJRAug+W4DmvCQXJ2E6aksM3VFtZysZOqbUAdzyfvQt4JaYa3pGu2dwQM0x4MBoPB4EpwKKZd9Xb35DSULr3JAQ1OM8rgBwcLuUSnmXju7jiHnZmDitiFZfqWRU7MJtm1dhKbthxY5ILPM2jFrH/FLpJhMWYHi3i3bPGV/H0lDWihmLyOi1s8dknOjsmvrt0FIjo9z2yGnzCwTlDGxWYsppH9MIt0sFVXotMpT5mWk21y3bSArObChSSS+bqcpq1AK+nNPNYMzoJD+Ww4JXNVQCTXoZ+jPanL8/lcb968ubt2x6wYK8+dnw8zN9rNY2CZ33//fVVV/fvf/7439iysgXwn12F9cX2/f/I6vr7nixSzqm2RHDNsi58k6AuiLt99992961rytWprceOnhWdsJaq6rH3fAweWZl8p58lnDqJ1MHLV5T45tewoGKY9GAwGg8GV4FBbCIT7nfaUjNFSdSufbLIP+5i9azaSafs6Tu2xb7hqXUiDnSL9yR3oSs4RJmJpyPRPO8XDc9ClXnhOPK49n7avY5GaTgDE7Lsru/oYSD/hys9pRpyszEUJsFZw7ywZ2glkWLrTwhI5T3wGA3K79pPm7/YxrwQs9pi25wiG14mreN5c6pbnizayL7Z2WailK1ACHJtg601ehz6mlKbBe8ciKF1apVNNuU8WDclxwyI5BybnZyvfOxzj951TtBKOg7AFBh9zzhOf4V/3c+oYlLTi0Kf//Oc/9/pmy2a+0xyr4+fLMq0pZmN2bmsE9zivB/t/9erVvXZ5JlmHuUY9t5PyNRgMBoPB4INwKKZd9Xb3ticbZ1lCF4PvihQ4qnXFzvk7d2o+1+UWu9KctMcu0TvezlffMbVs1+Uju4hjn2MfbVdWDzjy236izu8KXOzDEc/5HX11dPJjofNH2UrC3HfR4zApWyQsheoyn1XbtWJ/tSPS83f79OyX7EQ1LAHqPnUyjy76YYsPLCYZ1ip63LKinSVhJcwDWH/p37VgkuM9LBecfYDt2/qVePbsWf3973+/O8b9r9paJPw8dgIfjsxnzeCHRt6z852uhJhgiMx5Rn07etqR0p1Vi/uNNQDGjeWAtroiLcyTYxc4tpN2dRS8JXeZC47Ldxv3F8EZCw5ZijnngM94nmDlXdlirmN53qNgmPZgMBgMBleCQzHt8/ncsrP09djnZZF/F7OoWkdX0679LLnDdl64JRO9u8w+uICCz8nr2Ifotla+oKptcRFbG7ocVUffr8qHdpKI9nfZL2WpyqrtPfhYIvxd5LJha0lGrLqf9i16HjsZU+exspbY3afPG4YBm/D16GuOxZYc5/b72eiuB7NdSfB28pUu5+rnq5OB5Fj7ZllfXREQvnOON3gf+eF3RY//9ttvd/NCdHWyfd4zzsPnXvLcdhKxzkqx77fTa3BpTrNWl1DNvmAl29NYANYoYK2uinNkHI6tZ86g4HvWctX2GbSf2lKv+fzRviPd9ySROYf2sH5mNkSOoWqrqzHR44PBYDAYDD4Ih9pCnM/nur29Xe7Cq7bMx5HMIP+2QhM7UrOIrhymC62bTbIryzxD/DRmBt6Bdjtglxb1br3zBZvh2D9uv2jOyaoghf2vnQKb84zNwLp7ANt87PxskCzGkbiwFK+Prrwmc7iaY+cFV138gqwHj92xD1UXH6WtGfgau7KRZgRWF+McxpdM25kNju7u4NKzzgv3OkimvSqnSd87jQE/87YodWvJ74M9Vavnz5/XF198cefndJ5u1ZYBWn0Odp6szNkIjg/xs51WNo51YRK/U3Ie7cu2qtpq7PnTBXG4x52Fz9kXXI9xdBY3v6/x6zMeIsK5bq4dZ/989dVX987pMnlc8tj3FmtKxpX4fTqlOQeDwWAwGHwQDsW0q97ulrxLzh2vd0He9fu4PMYl91Yl7HK37Ahzl5/j+9wR4i8xK7f6055f2pGnez65VZ6xfWU5LubUvkRH0NPHjjW7NJ/ZSOcH/5ilOKvurwsYiBmOyzd2fmlgy4S15zsNY/yhjk52JH0eS+4rzIBzYTHpb12ptvkZ6RTK8A+65K31AJIFcr+tHUAb1uHumB59dVteS9m+o4NdejRjX3wvO78xwMJnhb+8l/ajms12WRYuUel3RrdmgC17tlDwvsm5Rf3Lz64jtrv4hFXJTM7pynp2mQU5ni+//LKq7ls5XPLVCn9YtGw1qrrcU9rDMsL7Fmtnlyu/qjfB8/XDDz9s+khfnOHw1BimPRgMBoPBlWD+aQ8Gg8FgcCU4lHn8fD7X77//vkw/4pj8zKa3rgiDU1IskGDTT5qAViYmm0czlQERI5wuAAAcLUlEQVRTj8u+EXDkVKC8Tpr4sn0HpnUBL5iCGC+mxk50wAFNDiqx4Eya1Fx4hXMtyp9ujY8VeGakqcwBM8wPZjCLrOSxNgE6kKoTYCAQzfKYmJxZu3nPHaxGgBNrh7WVZnuCebi/L1++vNcG48KcmOY+l1z0M2LxosSqoAJ97cQ1mAOvL+6Fy4z696qteFDn5rJQzirdL4+3XGVXJIP+cx9cKCTnln5aEIW1QyCVxTyqLi4GB4RiAu6EgOg/a4P0LObFQk0Jp7u5UIhdIXk9y9iydrin+TzRN793eAYw8RNc1rlyLADDdfg87xvf0Ve/9yzYUrWVge7WwVNimPZgMBgMBleCQzHtm5ub+uyzz5aFPKq2AQWWcOzSQFYMi52vpUpz92pm7cLynSALuzkXNnAQVp7jgAzLIzoVJpkD19krKpHXzd89Xy4uYeGUxCpIbi8F5ynTJ5xGYnlRyzJWbVkEzNQSmqyxZM1OKYQlMW9Oc8o+AdYbZRxhIBkYZplMgthYS3sFUVhnMEYYlgMTM03MQiK0QfsO6Mpz+Yx74PXdpQRa8MVWDe5JskC/F/aAuIqtad07xJYA1kHH9rkfjImAKVvvYNXJ6GzJ4TpO50sLiJ9VWKvT+dIasCr5apnUrswwY3UQoVOvktnTb54TrFwOXv3mm2+qqi8j6meQeYV5Z5CmgwGB5UvTyuEiKSOuMhgMBoPB4INwrC1Evd3JmrV0MpxOX7E4SFe60JKQ7C6dGpO7MvvDLaZhP06CXSx9tT8nd3Arn6J3q04b68bu63sest9Op+nkA32u78fqHLOFo8AM0AIjuVNnTDAcxg7DcVGQnANbRWAtlrXdS+czWI+dnw2mwXpjHDBjF73JvjEHnON4jJR2dXoQYG36WdmzrniN+nnLY1Y+WtrvUkOdjrbC7e3tJs2yE9xw3AY/meOMU4F5uswm/lNb/HKO7bcnTsCpbDm3tPvjjz/eO9YFg/K+OQ7CrNwpjjknzK0tH10pYOC4CrNmW7RyTgxbB53GVXVZMxaLcdxNzomtJiOuMhgMBoPB4INwKKZ9Pp/rzZs3m7J9uRu3MIqZaSeD6AhZjvFujx1v+m3Mxs20u93kSsbRfuI8F4bDZ+wQXV6vE0iw79Tye2Yk/j3Psf9/D7YYmHEnu3mq6PHOj28fKXOevlfgSFiLQ/B5dy6M2uvOAjYPNTeO2eDn69evq6qXs7X/diUI0okVmVk7RqDz2Xvu/VzZx1q19QGv5GATrEX6+D6+bdrt5Ixh0vbnWxglo5ABx6wkPLvSotw7P4e+x52VxmVDHbuTcNlT5pg+2o+csRTEaDAurAGsM9YOFqCqyzvXQker0qc5PuYWawbHcq8dcZ99ciEmjnHhn6rte7p7tp8Sw7QHg8FgMLgSHIppV73dSdoX08nuWV7UEdm5s3b+tZmnc0dz9+xoWkeRW9YwwXXsS7IlIdt3u3tF6IF9Os6f7qIf7fu3TKLnMf2FXXnIqq1/v/Ohf2zkTt3+e8ZmlpcRuY6eNuP2Od09dQyArwvjqrrMU5f3/aGwhWEvRoRj6RPj7iRpXYLzv//9b1Vd1hvPUZZz9LPtvFn7jKu2pVO9JrtiFtx3rv0un/bz58831pN8D9ii4pzujhk6m8PtMwe8OzJS2u815gPW6mj7PIf2uB7zRJR1Z3GzBK5LtTpKPvsACzdLJ9Mhmap1IJyvbTnYfK/iq6c9LFn8TbR8ZnDgq3ckuMed87hXnOkIGKY9GAwGg8GV4FBMG5+2mWGyPHaczid20YBkgavIa0f+0lbuDL2L55xVfrP7W7XdlXf5f/bPeKftKN8cnyNuacMqU100t3e+9sd3KnGAuXC0pa0FT4lkFY56NuOGLXflPB0tzt+OLu9YDPfHebTd/YDhEmXLWvl/dvuwJvqY/j3GQ8StmbUzLbIdxzK4fKlVz7pz7Ev1es9jgeex8+tioeriRzq8efNmNzLbzNbFMpi3ZKIuLexnnHM6tTnA/LtgTFeMBabO/eYc5t8xCFUXJsv8wDw9b4wzx+d3IO8bWyy7IjrON+dvW1qSNftdbwtGN4+sN+aE9vCP85zl82V1u/eJh/iYGKY9GAwGg8GVYP5pDwaDwWBwJTiUebzqrdnH5sM0U1mKr0tnMpzy4LQS2uwKODiYZGWaw8xSdTFhWXzAfU4zlWsDO2DH5tE02ThAx593ARUOcGHslrp0AFae4yAii1McLYDDbhGn4HSiISshEZsebY6tuswhZmMXKcBkt1dvuJPlrbq/3py+4vuDCZR7m+4aPrMAkKVeu7SXVQoba6VLH/Tc0z7rn+t2AV12O1k4JU3F/M7PvffD6XSqFy9ebKQ006zv58V964JLO7nibMMBb2neZb6RpLWbysFfeT7z1BUiqbq/dgjUov8rkzdjyOvx2Sp9yuOsurh/eH54BizuRNuknOUxrBWvZ/5OE77lplnnzAFz1cmzOuDyKDhWbwaDwWAwGCxxKKZNwRDQifA7bccypl3AlIOGVoU0utKMZmPeedKfvK5ZssVGOgbqFB+nibEj5LhswzveFcNNtuGgGL5jB+90sS5ozvPJdY8WuAHony0dLlqRgAVbnMHpUy7wksew/lzW0QImXZ88x3xPWceqrbwnP12yFSRbdIEImHaX6uU+uoCHi6d06ZeeNwuwOACy6rImXUjIqYX5veVe99jS7e1t/fzzz5v3QPbbaxx4LeW9zFS+PMb3CdaX16MdrDQWzGF+EDjJvjmdigC1zooBk08LQfaN94PLfeYxfpdY8jUL8Fg21NYNByTmWrWkM8+mA3vzXlvy1uJUnRXHRaFGxnQwGAwGg8EH4VBM+3Q61fPnzzcyo7kLsvSk2VOXEmWWYv8Nu69OVtIMANbiHXaeA7NyIQqXLkxmYP+J/WEWLsnd8qpQx0pWMr9zuttKEMR+sRyXLQpHSPXq4Ll0akq3dgC7b+bQ1hT+zniILl0qj+1SSlzcY1WSNdeOU7Dsh6YfXYqU4xLov32MHeNxKtuqgETOpws12JJjy1L212lXzEEX02G51L2iLLe3t61oSD4v9tPCPM3YkrHCgkkvsgWK/mPtSOuJS7ByD2GXLjNbdZHsdDElW5Kyj34mSP3j+n5PdAU8LMgCG3dcRI7DfeIYzuliRMyAge9JPm/2c1uYxQJBVRcBGz8TR8Ew7cFgMBgMrgSHYtqA3Y9ZbdVWfMTye/g3khlasMECLfZTdWIQLlVoKcWM/GQHbbEGjmFHmGzWhRs8F7YO5G7TTNcMz9G92S6gL8y5fU4dzGJcgOWo8O7eGQGdMI+lOYHnKdcqO3bYA4zKEcHZJmuEY52dABPqfM2sRfuL7UfsIrMtpoJkJOwpI46dsQETsU/RwjRVF6ZjZuUI5HwObMEx4+J5S7bsqHFHfScQdaJve7EtFoPhvvt+5TkwT8uM/utf/6qqyzrJdWChGouOwES70pzcD+bLJWFzbmmX5x4pWt8HCzbld7a82GrimIo8h3FaxMXv2QRyrPSV9cXc571eFVahj51oDPcWy8WfKZ37MTBMezAYDAaDK8HhmHZXZKLLlwRme90uGZg1rqKu00/kHaeZfRexyI6dnSd/s/unj8mWzHiAIzA7CUzPAT8tUZi7VkeH+lz62FkAHCVs3/1RYT8nYzQz7HbWjNHZCawZdvvJKp0/7DKRluLNc1blAGHAXXQ14FyzZVhH+jS59ruKqOxlPPAd14V1uhhNVZ/PnNftyuPaIsJ3jhDvnomuTOwKztnNHGFbRXyfHGWd/eUYfnKMZYbz+TSjpy+O6k8LCGAOiV6HMXb6CfTF7zPLzLpka37nLB/f/3yneU4cF+F7nO9iouCxVNFHxsmz10mSAsYH+3fJ46rLnHZFUo6AYdqDwWAwGFwJDse0M3rcPuiqbZ6dd/MuT7l3jNlDp+Dk4hIu0m4FsTzfudaO8s0dqMds9r+XC22ma9+sd7PZjn2M3nGbkeexVvhy7vzR4TzMjk14TLZ4uPRjVzACOM8YdCzQ6l/vA1tL+EkkcGfN8bPgwicc2xXRWakTujBPp2Hgc8zo83kyC8M3y3xyvb01uqcdcHNzUy9evFjGBGT/rMsAG+si8/ExA/rryGXWTLJ0F7gwm3XJ3qptNgeM0XEquS5d3IdzKHPJeF0wJ78DjmGw0mTV1jry5Zdf3usTbJpz8ffn/LB2VrnkOb5k0Dle1jlt7Knp7cVDPAWGaQ8Gg8FgcCU4HNOu2u7kux0vu1b7JR2xnZ85B9QqRmamVdscV/vZna+b57tvZvy5S3bZPPt2PK6cE0e2szu3bnqXa7vKA3feeF7PKmr2MV4bzMbyvqwi4x19fwSd9ZUinj9PZu/17PF2Ofdmoo50pv30CQPnpluxyhafqsucw5L4aSWx7GtXt+BdsP55skrPqRmctR6qLmyY6O1VDAVzksyV3/kOPy5jpo9pQeB6ft/xOfepywixDgFz4ZzvnE/O4b0Do/f9ynm0Befbb7+9dx0sDIwrfdqsEcYBo+eYLuLcSmvOBuG6WKOyHc/JUTBMezAYDAaDK8H80x4MBoPB4EpwLN5fb81QNj2l2ctyjg5csUhE1VaQxNKjq/KAVRfTEu1ZdL9LUbE5xakklk+t2prIaN9CEl3axipdzKlZadqyKdPBWA4YyXtg073Fa64lEM3wuKq289Sl51TtFwx5Kjg4qpOotXncQhidedzpT6xdm9g7CVTgdBq7G3J+HdjmEpRcJ82+Hvu73Ben0+nOjN0FezJmjunOz3FVXcZtCU2CFzmHgLXXr1/fncux3333XVVd1p+D/bqgWcvYWpgp06CcJuXAW6e05fgxKdMn3p+4Rfi+k5dl7bAWkXzlfcucZIESzqFdF2SxKErCbkUXNemCgjk2+3AEDNMeDAaDweBKcDimXbVNiM8AJxc+Zxe0V6TCu2wXIrEMXzIDyxey21ulOyScPkVfu528RU0cKOH+ZIqChTGccuaiBlXbXTnfwQosW5hz4rEfvVDI+6JjY4x/JXbiwL20srhgw0PMTxeIaAZti4tTDnPded1a9rEr0emgHqeJOSCys/Cs5oL1l8+8rT5Or6PNXJcrS1yH0+lUn3zyyd0xBDrlOWatfh9kWwDW7WIfoEunBC6YYblkyzbn9Zh32Kvfd7mWbVlBGtQWPvqKYE/Vdm5dKpN3Vxbc6AosVW3XsIvCVF1YvsuTOqCvE+OCldOur9OlCFse+igYpj0YDAaDwZXgkEzbu7BODMKM1BKNXUEF+3a8w+3kPoEZgn3PuRvjM3Zv7HDZcXa+U853kRSXzqSN3NGbSfPTfvDcTdIeO3cLPZiJJ/NZpYcdIe3pseB0NqeF+POqrcxrlzbzZ8G670ql8pn969xrs6aqbXyF/Xmwt06m10VmPD6Oy7XqfnttdgVxYHAuDOLntEv5ep9iDzc3N/W3v/3trn2eiSxDaV+oi/7sWc/MzpkXxtGxSvff8TgWAMk+cIytZDDvXMv2O9vywri7IkCsGQsO2fKXViGXw7UcrN9DiLxUbUuAugAO78a8b/TFxZocZ5F9dOzR0d5rw7QHg8FgMLgSHIppIyfI7tU+4aqtQEEnCVp1f8drCULgXSxt5o7XPh+LyVssIj9bsQdHbPv3PIc+OVq0Kx+5imzGl57jZ1dqn47FLbroWxdhOJrP5zHAvHAfzAwsB1u1jZCF4RBdawtMB7Nk1lbef4t1uPDJnoQn/cZfSP9XjCTHY2Zv2JeasLXGZSw7HyNz7+jxPZ/2+wK/dvYt2SU+UTN3i4Xk/XcUt6WQ7YNOK4StCX7uXYSk6jJ3vLMslNKVyIS1WtzJ2TF7zzrvS+afNkG+v122mHl18RmLrOQxewVpPE6uR3vMMRHmjC8jxG0JPdr7bZj2YDAYDAZXgkMx7dPpdC9ynJ1oljsELtixVz7NcptmsXvM3kUP2IG6JF7229GNbpd+5HXYDTs61HKpXSS487GBJTe70oXsKleyj130bRft+lcD95/705VbhQWx83fMhCUWu++4HzwLXblDYDbm8pqdHCN94xgXwLAuQbZvCxZtrUp2drC/1zm/VZfniWOcN9sVwviz7OjZs2cbeda0EPhZtiQsc5EWAs5xXArnOrsjx8xnfq/Rhi0jVZf7AhO15HMXn2BWaSsN51LYo8ubdrEZW0Oz6MdXX31VVZc4Bee/O7o7147LBQPG1UWr+zlxjrzvX37WrasjYJj2YDAYDAZXgkMxbWC/XefrsR+DXVZXis+7RzOEroSg4Shqqz2l/2uV4+rrdlG19mF59+/dex5r37nzznPX7khfvmPuff1kECvf+WPjSCXy7Pvv1MYc8Ws1P8aTjM5+VTNGM4T8zH51GIjz9rvCMWaBZoNdAR6Ose/e48tnw/PG2PExWvErP1uVNv1/mdD5fK5ffvnlzu8JG0uWBzPEmuDcYJDvJUcfsx5cdtMxMFWXe2edAFvpcn28evWqqi7lLWmDPvOzU/zzOqOvRG/TjywCwzjsp6ZN5hGWXnW5r/lZjt1rKa1QnOv3KfPIePO+Mbfkl9M32mUucm35/Xk0/Ylh2oPBYDAYXAnmn/ZgMBgMBleCw5nHb25uNmkHCaeZpEB/VR8kZZPSqla0AxDyepbqdDpXnoOpkT6uzO5dTWzatenZgSI5Ts7FxONgJcxKeT2PtTOhd+POPnxss9GRzFROWfIaqrqYI50+49S/zpVjN4lNrWmGd31hroPJ2cFleT0Hia1qPKdZ1GZQ4KIqdgvkeICfJ9ZfmistN/zQIACW54SxZuEJUpNs6ub9YKGhqu29dKofwVcWOMprr2SULWCTx/7jH/+oqm2dad+fHI8FUvyT8XcFcbyGOAfzecq3WsTHcqz01e/Q7AMiMQ6E4+9O4pk+ci8wlzt1s2qbQvs+Aj0fE8O0B4PBYDC4EhyKaZ9Op3r27NnuTse7OwdOsWvNYBvvgjuBkqqtgEXiXZKd2UenltGu04K6cpcOsvDnXQlIi8NYGtIWhry25QlXQT15vY/NeI+2000wLw4qqrrMP6xhJbWbwTZO7TO77AKQCDyiHVt4aIvAoCyvaEZFGw5ASwsC8Hp2amNnhbKFwoGl9D2tASvr00PifD5vLFM5xy4I4/dBFyTpMWJ54d3lUsA5xy9fvqyqyz1zsRHaSEsjx7igi8/J58msGBbrIK8u8M7vaa7vNMU8x2uCuYZFO3g3LX+c63Fgaeokng36St+Qce1kmnluj5biOkx7MBgMBoMrwaGYdlUv4tD5Gyy6b2bQpd64gIIFHUDusC2I4VSormCIfUfeNXbpQQbt2n/sHXDVevdv33buJt8lhu+Uo44tfSz8WUnKjwmzv1wHsAju2YrVpv/W93nF/pK92K++SmnkeskcLIhhHyPsMO8//acPvi7r3Gu46jJfLuPIz85n37H8h8T5fK7b29tNAY/sNxY8/MWW8mUu8tngd7Nwr4fuPWeQIuUYB5hi1YVx2nrmdnON4gfGWsM7gnXhmIM9Kxtz4HdzxkPwmdcdn9Mf5iYlSW2h8Lu3S2l0PI+lg7u0LsaKKMyecNdT4Lhvw8FgMBgMBvdwOKZ9c3OzYaLJvh0NyA6JHVonVGDfuEu6ddcBjtokqtPFEPJc+x3tY+wEDSx1aIF+vu/87RaksEBHJ/b/Z8vOHU3K76jo/F+29DjSvCuIY1+y2Wxn+bBYC347zoXxdNKQlrP0s9BFKZvJWzTIRSiqLqyFPjr+g5+dIMtjgVgaxoXPv7OA+N3h5yjvpd839n/vlWq1ZY97R59s8ctr24LobIUE7NzvNSwLthLmnFjC11Ku3MO8fy4fzLzRj1UsT/bBFkQLsiTT5n2KZcdZP7aYVG1FuCyb+tQYpj0YDAaDwZXgcEy7al2IvWpbSAMGwM4QX0nHYr3DBc69zJ0a7VIgwjtudn95jou/2z/csRlH1XpXzvddGUczLUdmdnmuD5Hzajb2WGzc7ObISGbgog/s2C1Zm+vdbM/MYM9CwrNA+86wMNOvuqwZFw6xdaorr+jo2i7+IceQ5zpWxOPrits8Fk6nU7148WJTrrbzc/Ie4P4wP/bJVm1jTXgOuR+8qyxVXHVhno7Mpw23VXWJNOen85jpa2YPwLCJGnc2jv3tXc49LBZrgN9zGUvzzTffVNXlvcoatdXBa7j7jvgCM/0ursSlTv2+TTbtcsVHszIO0x4MBoPB4EpwSKbNjrCLJF0plLFD7AqG2BdiXxPwrrZqzc6dg53Xc/tmOC7zmWN1nrmZdxfJ6OvYl/TQ0Y/2Rz32TvTI0eNGrhNHt7r4Crv7zi9pC05G0ea5VRfrixkHMNPO61lR0P68TunLqlbAzASGlaV1+cxFJuzD3Sve89D4448/6qefftrkuaeFgHlgrmF5e5HZjkPwsS5/2eX42+fKfehidwCR5lgFmFvuNZHi2Te+s//b7DzfJWbhLgUKUofA+ebO+nEBm2zLMRpeZ10ZWWfscD3moIv3ce56lhY9Aq7nbTgYDAaDwV8c8097MBgMBoMrwaHM46fTqTUZJyyMsqpVneZDB4I5yMKpEh1clAN0sqKuGexzMfHnOU7xsfDK+6SH7ElOfii64C8HKdlV8Vjm8mswk3eFY1yr2qbHNB8yRkxzlrzl7720Ldde5ifX6dadTZ2+l+n+sXvHgTs2gedzZZlSt9EFoj02bm9v65dffrlbx5iVOzcZPzHzfvHFF1XVF9GxLDLHOAhqT2SHeXAdbwLH0r2BGwJzLnNqUZLOXcZ6swuRvuJyy+vZpcGcsEbtesl2cC/QJ8ZHP1xfO+EAP/rK+Pdkc9NVk5/nnPgdS1DgUXD8t+BgMBgMBoOqOhjTrnq7k3RaV+7yzeLMPCwqX7UNDHOqjVlFMhEHKrDzI62iY+m+zopV7AXbOCCnk1b0sQ+JvZQff2ehiYdm3KtSkEeHU6Es0sC6SGZgAR4H6pg55GcObHPATpda5Dl1elCXWmQZST9PDmbKvtrK5cCqlbTwY+LZs2f1+eefbwI4c8wur2oLRVcEyOvfFj+/D/JcS3I6rZPAsO7Z97vDUs9daVasC7zfuI5TwPI95/Xkcq6MKxn3P//5z3ufed5g3Lxf0wpla6otmJ2Vld+5t36fM5607LhPHdt/SlzXW3AwGAwGg78wDsW0T6dT3dzcbHaoyQzMGpxOY/9h1XYH5nQTt9ntlr073ivNaX/cSobxfdiEd9IfQ2iiauu3TB/7u1K+HtqnvSqlenTQb5gNu3qzmE6yE0bCmC3I0l3Hf1vytit7aV8t9xbmZXaTfbSlgPXM89UxSLNxW7ee4h6fTqf69NNP7/rN2u9STS3R6nF0MqZ859RT2PKqsEge43cFbb9+/fruM9YMvmXHB1j2Mz+DceOjx/frIktd6h+smO9c3jXn0RYWiwkxf7Sda3uVamhrZALfP/PF2JmjTlzFsTouwPLUuK634GAwGAwGf2GcjiTRdjqdfqyqb5+6H4PD49X5fH6ZH8zaGbwnZu0MPhSbtfMUONQ/7cFgMBgMBmuMeXwwGAwGgyvB/NMeDAaDweBKMP+0B4PBYDC4Esw/7cFgMBgMrgTzT3swGAwGgyvB/NMeDAaDweBKMP+0B4PBYDC4Esw/7cFgMBgMrgTzT3swGAwGgyvB/wDy+r7+wQH0VQAAAABJRU5ErkJggg==\n", + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAe0AAAE9CAYAAAAmijrUAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4yLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvOIA7rQAAIABJREFUeJzsvXm8ddlZ1/lb960hSSU1pooEUIJiN+CIRgS7ZbAh0IgzCgKRiLahQRkaUXAgwYgG+ATwQ6AZhIYYaEEEcWBOGwkgmIgIQhIEEglkMFWVtyqpKipV7939xz6/9z73u59nn3Pf8Zzk+X0+93Pu2Xvttddae+111u8ZxzRNajQajUajsf84ut4NaDQajUajsRv6R7vRaDQajQNB/2g3Go1Go3Eg6B/tRqPRaDQOBP2j3Wg0Go3GgaB/tBuNRqPROBBs/dEeYzxnjDGNMc6PMe7AuRs2555/1Vp4oBhjfMQY4/ljjCMcf8ZmzJ5znZrWuALYvBeffp3uPW3+FvcfY7x0jPF6HHv9pvx3FPX9u835Hy/uw7+X7tDGozHGz44x/kZy7kPHGP9sjPHrY4x3jjEeHGO8cozxgjHG07cOwFXEGOPlY4yXX8H6vnqM8f1Xqr5Nna9feTYX/67g/d48xvj6K1TXUzfr4u9Jzv3UGOMHr8R9rgTGGL93jPGyMcZDY4x7xxjfNMa4fYfr3n/luTzhctt1wxnK3ibpb0n6wsu96bsJPkLS8yT9A0nH4fibJH2opF+5Dm1qXDk8R/P78y3XsQ3PG2O8dJqmd+5Q9u2S/tQY4ynTNL3dB8cY7yPpwzfnM3yrpG/AsbfucL9PlfR0SV8XD44xPl/SV0j6d5L+rqRflfRkSX9Y0l+V9ExJ//sO9V8tfOYVru/LJP3qGOMjp2n6d1eozj8t6ebw/esknZP03CtUP/Fxkt52hep6quZ18Zcl/RzO/WVJF67QfS4LY4zfqnmO/qykP6O53V8h6XdoXtt3wfMl/RCOPXq5bTvLj/YPS/rrY4yvmqbpLZd743dXTNP0qKSfut7taBw8fljSszQv1F+zQ/kfkfTRkv6s5h9i49mSXi/pDZoXfuI3pmm6lPn6NyS9ZJqmh31gjPGRmhe+fzxN0+eh/PePMf6RpD93Cfe6Ypim6RevcH1vGmP8a0lfoPlH4ErU+Z/j9zHGg5Ju2PU5jTFu3qxDu97vZ87YxEvCNE2/cC3usyO+SDPZ+pPe5I4x3irph8YYHzdN0y7Sk1+5xHdnHdM0rf5pZhSTpD8i6SFJXxPO3bA593xc88GSflTSOzbXvEzSB6PMt0r6dUkfJOkVkh6W9N8kfca2Np31eknvK+nbNTOERzXvnv50Uu4vSHqNpN+U9POS/oSkl0t6eSjzBElfJem/bvr3Zkn/WtL7hzLP34zLqb/NuWdsvj9n8/0LJL1T0l1Je35R0veF70/SvHN/3eaa10n6O5KOdhivWyS9UDPDf3TT7n8h6T0u8bk9U9JPSnpE0msl/bHN+f9L84/Ag5K+T9LduH6S9KWbdv/65vofk/T7UG5I+rxN3e/ULKF4saRbk/r+gaTP3ozH2yX9e0m/MxmDP6N5w/SwpPOS/rmk34oyr5f0UkmfJOnVm3F4laT/NZR5efJ8X7459zRJ3ybpjZtxfpOkfyPpnl3m9Y5z333+3s1zfFI491JJry/69C2SXoZzr5X0JZs+/Xh2n0to3x/aXPtBOP6Dkv6HpJvOUNfWOa+Z+Uya39cXS7p38/dSSbejvs/ZPNdHNLPHVymsBVq+7677T2mWONy/mTtfrXmT8wcl/fhmnvyCpI8p5t0FSb/lSs0B1L94duHcCyU9Lul3aX6f3yHpOzfnPm7zTN68af/Pa36PjlDHmyV9ffj+GZsx+QOSvkvzO/cbkl609mwlvX/y3kySPmlz/qck/WAo/7Gb8x8n6Zs3z+t+SV+uWbX7hyX9B83v889L+qPJPT9qMz7v2Pz9W0kfsMOY/oakb06Ov1nSN2y51v381C3lbtMsJXmD5rXiLZo34++3et0OjX/OpgHvp/nleVTS+2zOLX60Jf2ezQvxnyR9guad/Ss3x35vKPetmhf2V2tmCx8t6Ts29X3kDu3a6XpJv0XzQvFfNYvsPkbz4nUs6U+Ech+9OfYvN5Pk0zSL7t6o0y/xbZL+ieZF/cM1i6p+ZDOhnrYp896bMpOk/0XSh0j6kM25Z+j0j/Z7aX6hPxP9+wObcn82jPUrJN0n6XMl/W+aF6/flPSiLWN1k+Yf2Ick/b1NXz9B0jdps9m4hOf2i5I+XfOL9Qq3Q/MG5o9tzj0o6bvQlknzJP0JzQvhJ2r+4bhP0p2h3D/clH3x5pl9nuaX7hU6vWBPmn+Ufkjzov0Jmhf2X9bMPrjQfMvm+X6i5rnzOklPCeVeL+m/b/r+CZI+XtJ/1rxQ374p84GSfkbSf/GzlfSBm3M/IumXJH2KpA/TzBy/XtIzLmVBLp6nf7R/52bufGE4t/aj/RGb8u+9Of4hm7p+u+of7S/VPPcu/u3Qvudtnn18Tjds5tK3n6GfO815nfywvk6z1OFZkv765n7fFsp9iuYfsC+W9JGbefCFkv5yKPNy5T/ar5f0lZrfnRdsjn3NZg59uuY5+grN79hT0Y+7N+U//UrNAdS/eHbh3As3z/xXNKs3P1LSh23O/bXNuH6spD+6GYuHtSRh1Y/2azdj+VGaN36TpC9aaecTNL9302aO+N25a3O++tF+nebfno/efE6aN02v1rxOf+zm2gcUNmk62Sx9t+a14U9L+o+aydvTV9p5++Yen5ec+/8kvWLL8/CP9v/YzLfzmjfYH4By/1Tz5uAvaV4r/symX79/tf4dJsRzdPKjfeemAd8SXir+aH+3wgK3OXar5h3S94Rj36rlD+zNml/Qb9yhXTtdr3mH9laByWpeXH82fP9JzT/sIxzzD+fLV9pxTjMbeHt8yDph2zeg/DMUfrRDW/4Dyn215o3AzZvvz95c92Eo93c0M5CSyWleVCaFTUpS5qzP7cPCsd+jk5f4XDj+lZIew7FJMwu6BWPymKQXbL7fqXlz+K1o46eyH5vv/03SjeHYJ2yO/+HN9ydrfqG/BfW972bsPjcce/1m3O8Ix565qe+Tw7GXK1koNW8sPnvb/L2cPwUGrPnFv1/SbZvvaz/aY/P/F26Of52kn6j6o5wVTdrGBKQfcL3h2Htsrv1HSfl0U7DrnNfJD+u3odyLNf/Aj/D9Z7a0/eXKf7Q5d35mczxKYPwefFpS7xu0w7p2ifMhnYubcy/ctOm5W+oYm/F/gaS34Fz1o/1FKPejkn5uy31KFqr6R/vrUO4XN8efGY598ObYJ26+H23G/PtxrX/DXrjSxt8mrNHh3HdL+oUtfXwfSV+rmZT8Ec2k8tc29/3todwvS/qHZ33eZ3L5mqbpfs1s6i+OMf7notiHSfo30zSdD9c9KOlfaWamEQ9PwThjmvUsvyTpt/rYxkL94t9Zr9f84L9f0gOo54ck/d4xxq1jjHOaF+Z/MW1Gc1Pff9K8yzuFMcafH2P89BjjvOad1EOafxiqMdmGl0j6kDHG+7nPmkX13zWd6J4+VjMD/En044cl3ah5x1rhWZLePE3Tv1opc5bn9tA0TT8Wvr9m8/mj0zRdwPEbNBskRXz/NE0Phfu8XvML+6GbQx+iWTpAK+V/pnm82Z4fmabpsfD95zefngcfqnkD8u0Yuzds2vhhqO8/TNMUDW9Y3xpeKekLxhifM8b43WOMse2CMcY5zPOzvJfP0zz3vmBbwc3cfqmkZ48xbtLMel6y5bJv0SwCjn9v2HLNe2o3YzWNMZ6mecN28S+852ed8/8W339e80b+PTbfXynp940xvmaM8VFjjCft0sYNfgDfX6P5PfhxHJNm6R7xVs3jUoJr3S5z5wz43uR+7z3G+OYxxq/pZPz/rqR7drGSVj7eu7wjZ0U29vdP0/QqHJNOxv53apZ4vhRz50HN84Dv/BXDNE3/fZqmz5qm6V9O0/SKaZq+QfOadaNmXbnxSkl/dYzxt8YYv3/X9/5S/LS/SvPO/u8X5+/UrMcj3izpDhzLLBIf1SxG0RjjGVq+0M/Y9foN7pH0F1mPZoMYSbpLs2XgjZrFGcQpo7sxxh+X9J2aRTOfrFl/9wc1v5SXas7/PZp/+J+9+f6sTbvjgnqP5h0c+/EfQz8q3KVZDLOGszy38/HLdGK9zOfh4xyXzJDxLZpVBW6L2J5pmh7XRoyOa+/Hd290fN97Np8/quX4/W4tx+5UfWHjtMvz/UTNG52/qdk69jfGGF+85YV8Gdr0xTvcx237Vc3SpM8ZY9y9wyUv0Szef55mO4fv3FL+TdM0vQp/24yYnqCllex9mlkvF/V7dbIZ+CacO+uc3zYPXiLp/9T8zv6QpPvHGN+DNaVCNrer9yCbJ49IeuKWe7Cf3JxeKo6naTq1tm1+wP6tTkTbH6H5GXhd3GWuZ+N92S5NCbKx37bW+J3/di3H9aO0vl66bq570rz2sN9bMU3T6yT9tOYxNp6reVP8XM1qybeMMb5im1vYWazHffN3bKw8X6STBxxxv2ZjHOJpOrvbwBt1upM+dhbcp1nX9GUr93hc88O8Jzn/HppFG8YnSfrlaZqe4wNjjBu1/CHZGdM0PTTG+F7NOrfnaRYD/+o0TT8Rit2nmfX/+aKa16/c4l7NhihruJLPbRveozjmjYVfiqdpNu6RdHGhuUtnf2nu23w+J9YXULk7nRmbxfGzJH3WRhr1aZoXxbdK+r+Ly54r6Snh+1nn+As29/nbO7Tvl8YYP61Zf/k9UbJyBXGfsOBN0/T4GOPHJH30GOMm/8BtNmKvkqQxxscn9VzqnF9gI2n4BknfMOaYE8/SvI59p+Yf8quJO7V0cSK41r32Ct17So59gGZx/p+bpum7fXCMcV2t968g/M5/vmZDV+I3qwunaXrbGONNmtk68YGaDWwvFVGS+6Dmzf3fHGO8r+Z5/qWa7QqeV1Vw5h/tDb5Os5XwP0jO/XtJHxf9QccYT5H0xzXrXnbG5sV+1daC6/hBzeLRX5im6ZGq0BjjVZL+7Bjj+RaRjzH+gGa9Z/zRfpLmH/mIZ2vpLuNd/hO124/CSyR96hjjYzTrQrgh+kHNxmHvmKbpNbx4C35Y0ieNMf74NE3/uihzxZ7bDvi4McYtFpFvmM6HaNa/SbOo/J2aN0gvC9d9ouY5e9b2/KTmZ/B+0zR92yW3+jQe1ekf2gWmaXqtpL89xvgMrWyaNuUuGdM0vXGM8bWaja92cTH5cs3Spxdfzn1XkKkcfN8f0byBpstXhsuZ86vYqD++c4zxh3T1/JslzeoPzRKGf76lTZe71p0FVg1cVCuNMW7WrJa7mojr4tXEz2ve/H7ANE1feQnX/yvNvwefO03TOyRpjPFRmsnFmpoxxRjjt2te49LARBsm/mVjjE/TFoJ1ST/a0zQ9Osb4+5K+MTn9As0Wty8bY9jS729pniSVSP1q4os1i9N+bIzxYs278zs0D8xvm6bJUaWep/nH7XvHGN+oWWT+fM3i4Rgc5Qc1B6n4Ks2uPM/UvFiSsdjf8/PHGD8g6cKWl/JlmifZN2ue0P8U579ds5Xhy8YYL9JsuXyTZsvfPyHpT03BJxZ4qaT/Q9L/u5GS/LTmH5yPkfTVmwXxWj63RyT98BjjKzTrHL9Es67pq6TZdmLTxy8aYzyk2SbhAzRvEn9cS13aKqZpenCM8QWSvnYjQv4BzYZp76VZBPnyaZrSaGEr+EVJnznG+ETNlrlv1zxXflTzs3qN5gXxT2qebz98xvrPihdqDk7y4Zr1wCWmafoezSqZq4Ufk/SXxhh3TdNkxqNpml42xvhCSS8cc0Ssl2hm0k+Q9D9p3qQ9pBM2cjlzfoHNe/12zW5C/2Nzz2fr6j+b36X5PcoY3/XCz2leb748qG4+Xydi5quFX9f8rn/KGOO1mlnlr8CG5LIxTdOFMcZfk/TPN7YL/0Iz+36aZo+eX5qmaW3T+kLN8/H7Nuuhg6u8QvN6JEkaYzxr8/2Tp2n6rs2xr9G8OflpzVLOD9Ssy35EJ8TERPG7NEv/HtIstn9/Sf94rW+XyrQl6f/RbPzyO+LBaZp+bozxEZpp/rdptkr8KUkfPk3Tf7mM+10Spmn6tTHGMzX/AP9Dze4X92m2FP+2UO5HxhgWT3+vZsu+z9f8o/9AqPKbNBs7fLrmHforNbNRGnr8G80Sic/c1DE2f1U7j8ccZvJvaDaE+mWcf2zDwr9Q8+L8vpof9K9o/hErX7bNtc/a9O2vbj7v0+x2df+mzLV8bi/ZtP3Fml+GV2r21Yxi77+jWaT8GZrH8L7NdV80TdOxzohpmr5hjPEGzXP2kzXP/d/Q/BL+7CX04cs0Gx7+E82GYP9e8yboZzRvkN5H82bvtZI+ZZqmyxGpbcU0TfeNMb5S8zy/3vg+zeLHj1d4xyRpmqYvH2P8hGZ/ab+Pv6l5nL5Ts5XyhU3ZS57zBX5C8ybg2ZpdN9+oeUNbiiKvED5e84bu5Vf5PjtjmqZHxhh/UrPb2rdr43Wz+fzaq3jfx8YYf0UzSXiZ5vfwL2g2Mr3S9/reMQf0+ds6IUNv0rxpWw3FO03T6zfXvkizG/Ajmtf4L4jGyprtws7ptH3YL0j6K5ojvD1Z8w/3yyQ9b2ODYvyY5rXofTd1/Iqkz9oYrpUYp+/fiBhjvLfmH+8vnabpBde7Pe8KGHNM5C+dpunvXu+2NK4exhjfqtkf/KOud1uuN8YYv6jZM+XvXe+2NA4fl8O036UwxniiZr/iH9W8M/ptmo0EHtbMphqNxu74EkmvHmM88xrravcKGzb7HpoZW6Nx2egf7RNc0KzveLFmC+WHNItO/9w0TZkrVKPRKDBN0+vGnMku88h4d8ITNQcSuRpW+o13Q7R4vNFoNBqNA8GlBFdpNBqNRqNxHdA/2o1Go9FoHAj6R7vRaDQajQPBXhmi3XLLLdOdd55EA3W8/KOjk72F/+fnuXPnTl0TY+2zHurx1+Lyu+yVjd1f39fHLqeNLHt8fLw4zjK871n6XdW11lZ+v3Dhwqm2Zm3x52te85p7p2k6FWf7lltumW6//fbVe/NcnFdVOd6b16zZhLhs7FOsPxvjqj62/UrZomx77lUfsja4rK/N5t2u2KV/rtfvfna92+Dvv/Zrv7aYO7fffvv09Kc//WI9XFOyPlTvafxezd8Ka+erc9nxbWWz53Epbdu1TZfSr13P74pqTcyeTfW83vCGNyzmzvXAXv1o33nnnfrcz/3cxQ/yTTfddLHM7bfPyWduvvlmSdITnjDHVr/11lslSbfccsup47Gsfxj4MPiDH3HjjTeeuqZa6G+44WQo3/nOd54q63Ou/7HHHhPhSeS2Vj8WXBAjWD/vG9uYbYgiuMGJY8ZzHj+Pr8c+1s22eIwefXSOavjAA3P8mt/8zZOQwC7jT/frgz/4gxcRv+688059zud8zsXvblPss+/l9j3pSU861aZs4/D443PEWj8X1uvzHot4P7fX48DnzoUjts19dv1uY3wXDM9Rjx1/dNwvI/4Y8V1w/W6rz7sdsb5qE+TzbtfaJohlH3nkkUW7+Fzcxic+cY6E6TUhXsP55f4897nPXcyd93zP99R3fMd36MlPfrKkk7XEzzy2j+PvejkPYl/YfpflpiZe63r5DP3ddcTnwh9l11E9r6xtXG/4/OM77bHlu8Dz8Rquwb4v52j2brCMv7Ot8R3kGLOtDz88B9SL646vYds++7M/ezXS4LVCi8cbjUaj0TgQ7BXTnqZJFy5cWBUrkUV4t+1dcSYC946PjNrfubuMOzWD11BsGNmZr/funDvOTOTjc9nuVFrutLO2sY3+7nbENlKawV0rj8drWb/LmIVkUgkfI9t0XWaY7n9EtuvOEJ+b/4/jRSbgXbbHx9fEejyvuGPnrt/H447d92b7/Z3npZPxMVO05GgNlAbwvcnmM9vt/pDh+3vGzn3Oz53sz+UiY3X/yHwefPDBU99ddzzmd91wm81oLTmRTuaer1mbO2MMHR0dLeZB7HP13pMlZ8zX8Dm3m6yP8zM7x/cxvmN8tyrpYLwP1w5K8Pg9zvs11h/rXGPLlSjdbc7GpHoXM4kWn2WlBspUh5k0cx/QTLvRaDQajQPBXjFtad4BURdoHVM85t09WV/Glv0/GQ4Z6JpekiyM+qG4K6feptqdx10nd86VIZrb47ZLp1lJLOu2mr1GfVzFlqjH4Q411s+dqHfFvm/sH59XZZwVx971+ZqMhUdM07SQuMRdN6UZcQxjm2K73QaWdR28X2TaZnk+xjH1/TJWabj9ZLOxHOdxNf9cLt7P9fqT9hjuXzb2PkeJha81A47PumJyrmtNd8p3fM0QjceyMhHTNK3Wy3OVYVOcOx5LH/On++jx8bhl68G279l7yU/qtjP2ynr9ybUzux+/c/6tseWqX5kkgetntWbGdpHZ00aJ0tB4bl8DjzXTbjQajUbjQNA/2o1Go9FoHAj2Sjxu0TjF1FHEWRk0GWuGBRTf7eLjnbkOxe8UQcd6t/k6Z8Y9lfED64piHxqaUIxEt6F4vceEYlfXQbFwdq5yAYv3s4iY9RuZCxrHjaIuXn/u3LnFM4zGSxZH+hjbkImAaaBFVyUfz3ySaTxEsbHLRgMqqj9cL1VGUQxvIz72ne9RJsKt3iOqhWI5t+0d73jHqfuxXxabZ2JfGqvR0CuKJqMhW1Yme78ozo4uoBnGGKWxKctF0OUrjhPPUczP+ZHNbz5LPsPM2JNqkTWj0koETCMzPrdYLw3RqvkQ71cZ3FI8HtuaqXdiW7Mx4dzfJR4Fx2TfDNKaaTcajUajcSDYK6YtzbsaGgnEnTbdi2jSz91lRBXxaC1CVbXLp9tGLEdDI7Mi18sdd7w3d3lkWJlLDO/HHXAW/IAMuhoDBtnIxoB9yO7BnXNlTJK52biebcZEY4zFTj62ydebAVTBR+J31+PxriJhXQ4iazZ8Hwf8cFs9zzJGz+dM467MqK5yS6KxVBwTu2ftCtexhjU2UxmpWWJCl874f2bQlOGs52nU5c/4LP3uuP9uJw2zsnef40EJT7bO8Z3KpGSxHbHMmhtibHNmpEmDO0qHYl2UTFXPfc2Vlu+rj2frEg0dq4BH2Vq8q6vptUYz7Uaj0Wg0DgR7xbSnaUp3m1FPVOkj6QqWuQpwd8wdWrbrq1w9yGazIAe81sh053TtYZu5E87GqYrLnrlecMe7Tc8fQbc3unhk17pfFVPIpBy0F9jGho6Pjy9ek4X7pAuZ4bHIQmgS12rX7fvQnSp7Hg7AQgmCsSbhIVtiyFjqD68H3v72t0taPlPam8T3d80ls8JaEBoyXY6b9ftxvPy/2TfHmCw9C7JD8P2JbNp9pHtgxZ7X7mNw7Yj9I/t2WfeXuvx4P65ru0hEaKNRBZOKMMPm+1MFPNp2bh/QTLvRaDQajQPBXjFtImOV1GXTgnkt7GIV3GItbCrL+P4V845t4u6eeum4yyUTpe6e1qlZaEAGDuBOfm1XvY1xZ4Em2J8q1GM8x35Wurv4f9YGYpomPf7444s2RCZiNsTd/ppV+vUG2+gxiRbnZNj+ZGjQKnGJtGSD+zgmDARE1ptJaaqEFGtYY1g+9tBDD0k6GTeOXzzm8bbUhPrvTF/Mc2xbNr89LmSXfPcy0L6DNi3+zIKQsD/8jOO4q14/s+D3MXo2cN2L9+Oaz2BIWaIXtmnf0Ey70Wg0Go0DwV4ybeqCsx0imSDDcmbWzpVPIL+v5Zv17pH6tKgP427R57hzi8zRO3f2nekWM5ZExkE9UcbOqdM2OFZZmk3vbGl5SkaXWav7mG0TPAZmwVlaTGNbXubMkjZaLp/F73vfwLZHK2WH+WXaU7NxM7y1JAz7qr/L4Lniflinn3lUbJszLpOlc8wkbkz56bFlCtDYPlqPe97Rjztj6ZQS0o8/zuEqvSUToaxZqVd+4ZkEhrp5smhfm7HzXeI0SOuhZOktkT1rPgP+btCqPJZZS2l6PdFMu9FoNBqNA8FeMW1HJaqikEknfqtmgNT1ZenoaDXL3auRpb8kazaoU4rsxfV4F8c2xv6yPjJs6vG4A5eWu2HqyKjDjaiSpZCpZL7yLEPGnUVgY7SstchylJ6s7Xit02Z6ythu63gPiWEbnmdMfyotmbOlGJwzlIRIy7GtfPCvNtY8OAjOAz/XO++88+IxssxtVtLHx8cLCVXGYsmoyfKyCF58H+hvnPlVVxHQqKvPxoseLbxffP6U4FXpQjML98pWpko6JJ3MN9oiMbYA9dXxmFHFlliLwOd1p0o4Fa/3vbM4CtcTzbQbjUaj0TgQ9I92o9FoNBoHgr0Sj0uzuMSiC4snonsLg6dQPGVRTbymEttWeaGjOKcKZVflLo7HGCKPblVRrOS2MeQpAzRkoQEpembbsuAkdI2j2JVi09hWG/5wXClSXQtwwvHMxLKVu1MGJ5txu93GXcKvGla5ZMk4OO4UyV2Oe0hmQMexczs81u5fbO9TnvKUU230s7VKKTMCqsL0cu5GIymL36l2cdnbbrvt1H1iX1yP+2MDIbpxWYwZ20TxMtuYqU8ykXCGMcbivYlzniooujNlz83Xu69ZCNqsTik3Tot1ZutAlU+b8z4LPEX1RKVCjGtjlaCGY5HNN17LcNA8Ho9lyUvi/bNrDIYlzkK9cty2zZ1rjf1qTaPRaDQajRJ7xbSPjo70xCc+8eJOyTvUbKfO3ZCP+3tMalDtCKuQmlkQD+7qvCP0zm2XQCJrKf/YL+5wq9SQ8X8azZmtZG5w7AclFjR4iYyMbMkuOGtp93y9WZ9BQ5dsJ58lSclw4cKFi/fMngvhe9llyveJBk00cMwSxMS2Za4jdL2jG1/c7ZNNWGLkttIAUzph3TQ8MjwPs/Gr0kSatdNgJ17DMXHbzMQzqQrnNyVmNKaUTsbLbpE08IpSNYOSq7XAIkQW+CcLLiLVBqpSnQaS7WdioXifbW5VsT0cU94/C/rEoCpsE+vKUgIzFPFa4iCGGfYnJUm8R2wT3bc4zzLpGqWClFRk0rdtqZWvF5ppNxqNRqNxINgrpi3NuxrvzLxNqlzWAAAgAElEQVSj8s7d56WlOwt31HF35P/pZmCs6U4rly/qtNaSDRhkY95dxnszAALd38jSYhmPFwM+ZC50dDMxc/RYc5x30etQ6pGFL/QnpSgMEBPrY5kK8ZmbPZudSSeMzJIBM2qzSl8f5xtdCD2WDA7jck5uEftPdsT7RYZFVx6y19tvv13SaZ2vQfdAMuuMpft/1++2xTGIbZeWYSM9BkzEk7HbSlca3wWedz+sK/c8pwQtc5mia9Ya1t7hTJIi7ZZSlH1lcKJM10xXNc9j6ttjm/0cKLWjGxfHOpYlq6xCIsf7UKpFKWi8n4/5XfQ886fHLEtyQlfaKhxsnPdVwBmDyZ1iPdVcvd5opt1oNBqNxoFg75i2rYClPGGId0RmNGRuWXpC6pC4S63CjErLoAIMWp/tCN1GsyG3jbvYeI3L0KG/0sHE3SQlEzxO/VGshzts9idjMUZlfe/7ZGzQz8v9e+pTnyopT5pAS9Zd2D7DEmZz55577jl1b4/lXXfdtbgPd++0SveYU18dr6X+0YyRdhhSHswmHq++x7ZwPpg9k6lIJ1IH2xpwXvuajL0w3aHfSVp1Z9KTSodJXX4s47H3c3rjG994qq0Z3Fe+GxHTNOnChQur7a7SUFZpIqXl+FQ67rX7MXwo38f47lWJj9i2+C5Xnie00M707tWY0vsnMm0f87P03GSymyxVJ3XnDIxCSY+0lDqyX7uk5myddqPRaDQajUvCXjFt73ipg407UO96qK/1DtC6kcjY6E/K3bF3s0zb5jbF+9HKOdttUhfLXXqmU6rCsVYW0/G+tHat/DPNqrK2ZmMtnfQ76jjJAikRyUKt+lj0L47H2ZesH9v0kkdHRwu/8thu+jO7PjNf95X9i32s/HTf8pa3SDqtQyfTIJs1m8x8bWmh77rMZuMc5bzifOYcimPC516ltIzshVbDnHeeZ75/nHdkRxWbiVIa6rL9XnkurSXEyaQZhBOG0Mo/6q/JRLlWrHkCMNQxbU88l2KffW9Kcmh/E5k9JYYMSUwGHPtjUH+7ptPmWshnm/k58z164IEHTt1nTRrJOeNnQA+H7FlXvt2ZlMbXe+x3sVe6lmim3Wg0Go3GgWC/thCad1GVPkXKWVwEdXLSye6Ru1amnTQjiL6P3K0yGP9asH8mF/CO0HVGxkOm48+3ve1tp+7n3WbU+XEXzqD72ThSL2m/dlq0eozuu+++i9fS8pOW55lFpsePfq5khVEKwXSla7pLJ5thFK7YBtft9ruM2535bFJ/Rh9kj4vnVmw/54Etv2ldHaUm9ANnCkH670pLJud+mIkynWxkdGRFlR9y5nNP33EmZeDcjW3zsTvuuONUXe5LbCPH1vd3/8zWopTD5yiZq3B0dLSwEM9iL1SW85SqxXt7XbGUxO+a5w5Tp8a+0JaG60Bcd6q0uhyvKEmilIJSBnp1ZO8g5xDLxLGvpGUeE0YgjN4YXNcowcqs9WkPkUkMeA0lB/uGZtqNRqPRaBwI9oppjzF08803L/RGccdj1lBF8soi93gH7R0v9cfc3Wcxur2ro645213SQtJlzdK4W47XM/JSpXNai0xURVWLLJBW99RLuj1mA1EqwD6fP3/+VH/p6x2voa8wfYszCcqa369BC+DMJ9VMlwyRFueZ1bv1qpWVq/scGTB1/T5Ha+7MmtftNxM1E8n07a6fvtVkS1nEtMzfN16TMVXqDPndbTcDuv/++y+e45y5++67JS2jxmWxGajHZRrWbBwz1kxM06RHH310IeWIOm3qXKuIjNFGg+uO+0y7AfqdSyfjzRgF9L2O74THjPOBcyZLf0vpJtehLK0r9c+0Rcqka/SO8Dna5ayl0XUd9957r6QTqYTjLmQxOiqvjCxlK/uxLRLjtUYz7Uaj0Wg0DgT9o91oNBqNxoFg78Tj0SAkE1NVaSBd1uKpzHWI3y0KsmESgyHEYwzQQqOVKDaioZnrZ3jBKDaiKIvhWN3WzI3HZSxKpbjS4rd4DdtYpeZjMo34P8VRDO4RRZxVwAIa8ETxFQ3E1mDxuGERt0XR8R5+Hhbnu6z7lRkV+pPGa+5zZmBDVQYNE7PAPAZFq0ZmaGlRYjVOblv2XBgIiMF8LOKOc6pKfOI6GL41ttX3pnGcVRU2KovPki56DO2ZuQRmYs81jDEWRqbxfWGAnyyNq3T6nXb7bJBHEa2NrGjcKJ2oY7jeMchRloyDhqJ0i41jQzUVVSoUm2fP0qgM0aIIn2F5aeBrMJ1sbJv77LHmO5IF5qEKkSqKOI6cO52as9FoNBqNxiVhr5i2Q5h6B+Wdu9metHRv4U59LQ0hw4nSFSsz1KGBWOVOEXeEdJuqmHbGzml4wjCMmbsYjcroDpKFPKRhC921mEoz7kSZpMVlaOgVWXMVJnEtbSDDSlZufi5zdHS0cAvJ5kEVKMU79vj8WYYGQh43s92McTPISmWEJ512cYnfaWQUn6Xr8fvi58HAOG5bTFvLAC9um/ubpXWl25Pr83ymEVN8Bm7b0572tFNl6W6ZuXmacZvBkkFGA0LPxV0Ytw3RyKgii6YhKg20yFBj2UxaIZ08l8w9ke+Jx5DSoDhXLTliEiDXm40TXS0ro6tsHCklc3/otpUlQjH8DJmyNzM6pfEvAxFxrc7aULnDZmu+19xdJH3XEs20G41Go9E4EOwV0z4+PtYjjzyy2MnH3SsZGYORZKk56eLFxA0sFxki2V3l5hB3qG5D5dLhslH3Qtcr7sp532z3SlcPBnPJQp+uJayP7YoMmNIFptdje6Rl4I8qeUu2o2dYxgxjDD3hCU9YuO1l4TetY/Q5s7xMn0qdGBmpx8JzKQah8bVOTEImSh1drJ86f4+B2VRk5Ga6DGPJ4EFkJNLyuTD8ZyYVou6SOkxLxjyuWcIIulmu2QYY7p/7zqQjmQ2Fy1CCQZw7d27hWhbXB6ZRrdoZx8I2JgwFykAvma65ChHL9MJxXagCsXiMs3erCjZCCUsWeIjjxbrWArFUaS/p0hZZLtczf5qlZ0mHKFFkIiYmIYn3pA3FvqCZdqPRaDQaB4K9YtoGd2yZpTTTTVJHkek/aT3LHRX1hvF/JhkhI45sibpK7jizlKPeAZKlc4edJSjxTpDBXLI0nuwXPxn0n32SlgynSv4Qd6hk8GTcGYtm4JxtYQWPj48XDCQLBuG+uH5aIdMqNvbNZRn4x/2J7IxsiSFWMzZh1kAdup+tn3+cO0ySw35S/5l5RzCMJK18o36XCXGo23QfGOIztoFjQylBlEJ5DJjQhRbdcX7QvmMtveLR0ZFuuummxRoS5wHfE4b/dP1RqsC5wXSnnBcRVfIfrmuxz1XSFT87z93YRraBjLo6H9tkUO++Nva0aWF/ac+S3Y967+yd55rBJEpryYg6NWej0Wg0Go3Lwl4x7TGGzp07t/BvjTsd7u65y87S9NGPmLti+pVmeiIzEvqXZlbPZIZM1ECr8qwNDH1JP+EsaTt9nWm9GneTZI6VVX6WoIXhJGmxn1lkst61ULVGtnOuMMbQjTfeWOr+YvvIFGlBH6UCfM6VX7N91rMwph5jPwfqALMUkAzDSd229fIRDBtJH3zrdeNzIaMmw7JeOj4femx4jng+czwzuwJKqnwNE2XEMvQ35/uaSVX4/DJ47tCXN0t/yvWGbCzT+VYSHiOTSDAcb7XeRfsblqE/Pe8X28R+0AMmSzpU2fvQ3z2iStRRSf6ykKSUyjDlaLym0rNTOpilYzY6NWej0Wg0Go1Lwn5tITTveMjk4i6IO0+mWcyijTEiFX1rGXkt6nyor4vsOLYxg+ulRXP0OyfYD1oAk+nHfrmfbDN3pPFY5c/M3XLGPrmLpd4t7qrpf06mQp16vCbTbxGW0nC3H/tMKY1ZHa24M52Yn5ktzG0ZzKhfkYlwvmXW27HvsY/0uaY/cwT7QylJJRGJ59xnRrXLEjZQckRvAfp+ZzYpZOXU92fj6LnKuARZ5LVt3hdZn8imq3IRVVIWqbbMr/Ti2VjTe4NsM7JArzeVj3cWYZDztrINyqQP1EPzXTay+c21gm3mvIjXVNbcmddK1X7eL65vfgfWIhZeTzTTbjQajUbjQNA/2o1Go9FoHAj2Sjw+xtANN9xwUZxjsVdM+kCxEA1AsiAdLkNXFLodWGQXxSsWT9EIhsiScdCQjmK3LHReBRqKRdEzjYgYui8TbXlMKd6jmDwT6XK8KELPAsRkgURiXZkxDg3H1gJvTNOk4+Pji65RRmY4Q/Eac7NnucqdE7rKP02DvliW4moGO4ltdj0U59LIKBNxM4+xr6H4OI6xxe0W/9PgLTPOtIqA74Zhsbn7Fd8nhuWlOiMzJmLu5SywCMfkLGost5GGY7HdHheKTilGzuZoJQZfE+Fn6qL4nQZj8Zzr5Xh5HOP8Zv1MTMLnsksiJs7HzMircn+jYdqaOxzbtJb3OlM9xHbEZ00D4rXwydcDzbQbjUaj0TgQ7BXTdnpF7rYzB/vo6iAtDSh4PsK7LqZ/oyGHtGQnZPRmT1koSjMOumfQwT/2sdphVsHyY/1kku5fxuiMKhACg9jE9tDlggw7C9DC3SoNxSomLi134xmOjo70hCc8YSF5yXbJZktkojTgi+cMBiOpjLJie81m/Z0M3Oza/ZCWUiGzWxqKxTIEjb4y9z0a/Lis++PEGzEMaJWukck+3O/YVrrKVUZmETQQZFANM/4s8BDDpmbwulO9A/H/KihMNkf5PpCFc65mz5FSqypUaayPiVoodciYbxVemGw6S6bDsSGrzYxBq/DJNN7LxpNl2ZeIas3IpI8GpQ1tiNZoNBqNRuOSsFdMWzrRa0v5DpXnyKi8O8oCFVShM7kzzBIPMKgGdTBrKRmr7xFVOD+y1ko3E/tTBX6ITISSiCpoRBZYgG1dC4hgVPoh3nctOMW2HW+cO1nQhGoeMJhPDEZR6ZKrdKiRkZJ50BWKbk7ZNXT1i33l/xwnt5VuQ3EcOa/I+jxnzbilJaPlmFD6kAUeYuAXtiMLbEIJHNntWirY6MaZ4cKFCzuF1KVEj/dZ02lXyN6XSuLG9yWT7NDVrwodG+9NFyyup1kffI5hkyt3Tmk5jixbhR2N9bMOrkPZeLJ/LJO5ia3ZKVxPNNNuNBqNRuNAsHdMe5qmizu4zDqVzJYsI9NVVLu6SpcUrRDJdKgHXdNlMX0jd7px90/9EOuqEgZE0MrabCZj6dSrVvfLGEQWujX2MxsTBoVgCM+MidMqdK3vDkVJZpLp4Mx4K11wrIPpFKnrpw421knbCTNPhm7Nwnwy6A3ZZmTeDNZTsbS19Kc+5jlDL4UsXS0t6akfzNgT09UanB+Zt4L7zNSztFGQlsmBKKlgOy9cuLCQPmW6f0pwyC7jO02rcdoAVKE74/0qzxNa3cc+cq5Qapaxyko/zbUjsy+q9PoME53VU9kKZBb825DZ0lByxXnGdsV6Ki+F641m2o1Go9FoHAj2jmmPMRaWxdHqmbpFswwmLYg7UFqduiyZSMa8GaKTuj/vBCNzoLU4w0f6eObbzfuQta9ZnnP3XSWyj6gSNzBkYNxt0rebui2y6TgGZHC0aM8szs+y2/bY2nLZVt6xnUw4wbSXWVpIhrit7AYi83ZZX+u2mf0xzKlUh77kvI5t3JZ0geF0I6hfJxvLGCRBBk92nvnPeszdJjL8yHrpA++5ZPsBhjONIBuvEN8n6nNj3yommNnfVPphSpkyXbPB+/DdyqSQlW93lgqW+mC2iXVk6yr9pRkvInunuVbs4p+9KzLWXI1Jpq+u7Dv2Bc20G41Go9E4EOwV056mSY8++ujFnbN3Y1FXRatJWvFylyQtWVCl2870NgYjOHkXSSYmLfXqtOZk6sx4PSUJVWKPLNIX9W08no0J9eDsX5ZkgslMKr10fG5kBrS6znTEZCgZk4ptikkfqM+PcD1MFJP59HrcyY75XDIdnP939Dnu3H08S1DCJA+MchVR6eBcB5lqJrngvKNdRJw7ZONknz5vaUeUpvgan6v89KPvusuQuTPJSZRY0O97jS3ZHsJlMy+PyvqYzyVj2gbtcfhOr+m0M79lXmPpC1krEyZlzLeS7G1L0hM/uZZkEpYqih5tAzIvGY59NSZrSW6oy+b7Fv/PIjvuA/arNY1Go9FoNEr0j3aj0Wg0GgeCvRKPG3RJycRGBg2mLP6IIi6KiSlWoegrc4mhKMvivSwYBMPfUSSzSwg9fq+CrsS2VCFeXTb2y9dQvMtQgXRti/WtJWlhO+iOQYOuLFnHWp8r8DllwSd8Dxqe+Zos2YzHtmp39kwppva1dgHLjG2Y5GGXHM+ct5W4OnPFs+iaIXxpMBST9lCtQLc0i7bvuusuSXmgI4ryaWQW1QCcm35uHk9fE581RelrQYkkncrFTgNLn5eW7ls0RFsL5kMDThpqZW2sxOGZ61IVuIj3j6CbWGbgFuuKbaS6h+/pmlEZDeqqwDCZKqcyAjTifKOYv8r1vZYwZFtwnGuNZtqNRqPRaBwI9pJpc3cUd2o0LGHAAu5m4/WV0QuvifdjUAaXpSFa5oJDuD90T4vtpyEQjW7WkmcwjSbZzFoCBBqNUHKRBbtg4BW6gERUAReqJAexDVWAiYgxhm666aaFW1/ssxlulZSAxjCxL2TuTNzBhDLS0jCITMQs11KP2EePsY2raPwV56WZLVOM0sUokwbQxap6j+KYVO5ubpPdMD1mWRrRKm1sZrxEAycmsfE4R4Z11uAcx8fHC+PILEkOpUtVsKcIMjf2J1uztrk7ZuGaOc/ImrOQuHQtJPM2sn5xjaqCSGXuogwPnK0zbEcVlIZ1ZKyZaxbXxkxiweA4+4Jm2o1Go9FoHAj2jmkfHx+vukIwLR93+1lKRu7iudNlysKow6gSg6wlXKdbEN12zNIi4/Euny4xdJHK3BxcH3Xo1BNn4TIrSQV3vpmulsyaCSmycILUCa4FvagCf2RwshDXT9YknTxn1kMWnUl26NpDtzYmwoj1+JjrNzPMgtAYvoYJanxtnN+0OzDTdZmYxEQ6zWbM9quQjZQ0xHqrgBXUI2eujQxRW7kRxrJMlkHXycjKKDlYY0sOY8o0vFFixDZUuvk4JtT90w2N+vxdmPYuSXTIdD3vs8A1tGHgcUqf4jyg1I/rQCYZq5JwVC5mGQOuJG5ZqOe1JE3S0u6A/8e27QuaaTcajUajcSDYK6Y9TdPFXa+Uh8EzM/NukTpu7sYjKmvAKlVjPMcykVFJeZIRBiqhpXbWhirtIVlAZgFsVsbdbLYrp16XbScjylhzFdwgC8hhMBALmUPGiNakGhHnzp0r7RekOpiKkbEb7uoZbpNzKrIYs0aG2bQO2n2OltkEg7r4M+olGVCmujYL33v+/HlJ0h133HGq75y7mU67shY2MgZp0AbAdVjClCUosZSBwXEyCQqlattwfHy80LdGMAQo34G1dJ5VOk1KSDJpVmVZnunQq6Q8a8yR7J+BRVhXZg9BTwOG3M3SrPK94fqdserKcp6Sn2z9rtYsht7N0NbjjUaj0Wg0Lgl7xbSNisHFY1WqzDVLaeonuVN0nZn+rgoNmN2PLIw6Xn+PCRzoI8zkDmt6QlojV3qqbMdY7c7Zl8gkqvq5484YK1mM9a/Uy2f32RbG9OjoaLFDz0I2VklKKBGJoJTEbML3sWV6TKxBNsm5klmnksl7XOitEJmv7+37Ue9NBh7H0fWacdO2IvOfz3zg4/e1tIesl4zxtttuO9UOafm+WjJhXT1tBLJ6GbsgYpomPf7444u5v+ZtUSUfWksLyTGgxC0LgVvZ7GTs3H2skoxk6ymZZpV0KEvHW4XF5Xu6dt9K0pdJGCppHG2WMkkm181KChHLXk7SkquJZtqNRqPRaBwI9pJpG5nu0QzUx6qkHJkuhLvJyjc5Axl2xfBjG1g2Y9hGFfmI9830h95hMxocIztlPp3b7k9f0lgfQb1Rxm6oNzSTpHV+LLvmw2vYepxtyZJ/kPG6nW5LbENlEUtGmrEOMjefs07bDDH6adP6nWycvrDSyVjSJoNzJruWTJ5W6pldicF30N/JSjPpCe1WiCytK985SxiMzGrY/WNZXvfYY48t9JyR7VfJKvh+ZlbvHn8/d/oMZ3rVymKZPvhZ4iA+j7VkM2x3JWFZ89fnJyVt2VrM9Yb+4mvrOKUBlOxkY8Jr1tpTRbDbFzTTbjQajUbjQLCXTHvN55pp5rirNGvJojCReXrXRSvOyEhpTckoVxmqKGpkepmFO3eC3EVm0cHM3F02MoRYZzxOH1HqrsjsHnzwwYvXUu9Ei3NaS0snY1rFcKZ9Qaw/S0ea4YYbbljo+uI1ZIK0YLWuNGtDZalMPWJMKcl43kz9uBa9j9G/yLyzNJRMa1lFqsukQmTU9EPPYutXukz2784777xYxu8n70NmnPnnVswqi33Pcdrmp/3YY48tpAmxPloqZ/NVOj1OnreUxvl9JZuN92P9jBxHxh3vQ79pWlDHtZFrIN81rrNx7ClJq9hsZhtAqRmlkZlOm2U4Npm1usFj1GlnMdWr2AXXG820G41Go9E4EPSPdqPRaDQaB4K9Fo8bUWxEEQ+NiCj6lpYiLBocUUwZRSV0Y6H7ROYe4LYxXClFxPEa94MifBpmZKIaGhFlomFpKTaPZQ0aZtBtJLaJZSgei+NOkSaNArMgLhzbNZWEDdEo2or3pcEMg3ZQVBvv7fa6LMfadUaDJxoeVW51WdjcKliQ2xbbyLHk/RgyNFMZuH5f47nqeRnF/nzOVPMwBG5Uk3gOMrTuLmJfo1LPZGJ/tqnC8fHxYj5narkq3GcmzuVcpPiaYvHMiI31Vkk54jGmTGUAlai+4725lnDOZgl9KLqnoWpsIw35OBacM9m7WAWvWlOBVIa2mQEsr+mEIY1Go9FoNC4Je8m0GYoyC9JBs/wq/Gash24FZJkZ065S8TE1aMbsvRM046YRRubOYNAVhoYw0QikSmbBXfmaS9u2dJXxWu5wmZwhM+irdtZkiWuMaC3UoOvkOGVGKVV6SLK+2E4fs2ETDbeya23YRkbKcLPx2ZsFMVQn3R+zseB9yA4tBYhsiaEnyZJ9v2j4lqUhjSATysKCuv5o4Fj1jwaclCRk40jGnhl9GtM06fj4eBHAKI5TFj44timTYlSBmPhOMR0v/5eWBo/ZfPP96Ebptvs+UWrCoE5ZMJ1YdyYVYhhRJuuJz796L8nks8QinJOV4Vusm+8419k1ht3BVRqNRqPRaFwW9oppjzF07ty5BQuLu+QqOTuPx2u4CybTXQsGYFQp6ugaIS3dghhGNQtsv3Yu1pXpCakrZ0hQh+3MrtmmZ6P7SDxmsCz189vOxTri2HPHu8a0j4+P9fDDD19khL5PZEtkK5QUcFcuLXW9ldtYJs2oQlAyzWqcqwy4UjHuCIbLdH0eC7LEKKVhghqmEaU7XKynkorQdiILikMbEabjjW3knCeD9f1i0KJd3CsjLly4sNCNxjlKBlrZfmQhW6t0pEwCk0kuyFrXpEJ8D/1suR7EdYBtqYLe7BJgxGWqFLixvVxjuf5k40ldeSV1yCQuVUjpjNFXAWD2Bc20G41Go9E4EOwV05bmXQ6te7NUctTjrgVR4C6RAVqo+8n0twz3WCV/iG2kvpZJTqK1K5kmGQLriEzEOirXa2btdvh8Zj2eJR6I37NdJ4PFbAuJGu/NehnkP+54ybS3BTk4d+7cahpUPjuGe81CxNIilno71h2fSxYIJ/YnS/7hJBgVM8xYK+08qqQLlK5IJwlbKv2rE3isSU1oD+E2Zrpsv6csUwXMiGVpUVyF643X0Co9wzRNF/Xa28rGa2K7MyZKdk6duZF5OlAfzD6vhTFlchm+R9F63P9fjZCda9bXmVdKPJ55k7B/ZN5ZcBWuz5VnUsbO981q3Gim3Wg0Go3GgWDvmPYYY9WvtUqKQHaRhUGkPpW+j5nVKHWalc9ovJ+ZbZVcgKEBpSVTI+Pwd++M4y6Qei/3w9KBTIJAv0xaZlaB9dnuiDXf2EqHRBaQWW7vwnxsD2F4nKLVM5NxVGEes2Qs3Km7XjNj1xX9tH3O+mnflzYUURdr3bGPUaKTMSzX6/uQiTAlaXwulEz4GpfNdMwuw/4w9GpmD1F5X/Adyd5Bss41ewJKWtY8J3xfMvoI6kTJwjKpIN//6h2g77q0tLNwn7k+RJuEyh6F73ocW4ZcvhKgLUdkt5kETFr2k6lPY72VHUEW/4L1U/KSPc9Mz71PaKbdaDQajcaBYO+YdtQtZfo76tO4u6J1t7T0UzRoqZ35T3N3Sl1LZvXMSF5V6rjMSpm7SerUs/SKGaPJkO0mmcyAjCTT65BtVrrTuFONjHcN2xhRhThvpNovUzqRhHBXTyYu5T7n0nIeUr8b67femLt9s+p4PybFoI9/JjVhNLbqPv5uFh37R3ZCqUlkRq7Hlu5MU0oJVpYIg4lD+Jl5f5C5UpefMbpddLVMGJIlJqnY3VpkxG1pIf1OZF4y2RohnYxbNr9po0M2W+mRrzR438yivnrefG5rUprKyjuOYxXBLovJYVS2B/uCZtqNRqPRaBwI+ke70Wg0Go0Dwd6Jx3eFRUE0wjLWgoHQ+ILivQga2VSJIrKgGhQxUhyfJbOoggxYLJoZ51XJRGiIkgWLYBmL7KqwrdIy97HFrxyLaLzk58UQmJUIL6JKTMHrHn300YXaJNbnZ2kxMkVzmWqFhjMM90mDt9hGPhcaVHmc7FYlnYwTxeIua9F2nMNUj9BQi2K++G5UY0qXtix/N8XkNJLMxIvuh6954IEHTvUzC77DY3T9yVzrKOLcZlQ0xlio5eL7SXdNIptvDK/KdlZrSnat28QEQpkrnsEgPlkgKpe5kgZplZGetAwv67Z4fnFtjNey/ZXoOwPHmG5dWejqfUUz7Uaj0Wg0DgR7x7S3ObQzuEjlQpI55VfJP2j0EJkWd+WD5LkAACAASURBVN9ZmdieCLIHuodF9yC33/2rklpkxiTbQjTS1SSCBjQ2dDETYh2xjTQaoTFJZvBSpeBbS9ayiwGNmTYNdyKrNEutXG2yFI90taE7DY0cIyOl4Zf7ambt/tx3330Xr6mCPzCNrN3JpGXAlzWXm9iuWLYKcpHVwedsVAZpkQExtS3d0jIWRYmFx5pMMjNE3BaQx3j88cdX00JukwhlLLYKxFRJIrKgTlXqyiwoUpUSk4ah8bnxvdslUNI2cM3MDOwoQaQb7FpwleqZrq1zlbvYmtHzvqKZdqPRaDQaB4K9YtoOJ7gLGLKOO/hM58tP6p65+4v1e1df7Z4z5kudVRXwPrs328addxa4pAqKn6XbY7s5Nr4mkyCwn2QZZulxl05GxYQrWTjBLOVihePjYz322GOLICGRvVCfziQVmXsX28Vx4fM4f/78xWs9d6y3JTMke47/uz4zdzORzMXQ/1sPvi2pSQwe4rIO5lKxskzKQf0k3Qfp1hXL0rXPxy1BiJIesi4+xyyoBll+FjDFsLsg2WbmVsfxr+xXYnu5DlSsPbI99rXq+5o0q0qWsuYSxeQifLezwEpV0qbqHrEerqd8Btl6wDoq24HsGto47HvI0gzNtBuNRqPROBDsFdM+CxgQhbta6mTjucoZP7PM9m7OjMeW0rQqz5KaVOkU1/Rs1HeRnZOxxmOVVarHIrINWrJSx+NrqK+O4DHePwv2UoWrXNvxZiksiTGGbrjhhsXzyCQS9Djws3WfI+OhRTZ1pXxecYwZprTSbcZx4rhQx2dkzJH6aTJf6oKl2mvBxxmSN/aH9iNsO1OhSktPBkrIHIgmY21ktXxfMz14Js3IcOHChcV4RSkTGRrnQ/aeUBrI954JPbJnWq0DmXU1Qx/z3coszukFQxuNygMh3o8Ml/N6lwAmfD7ZfSkRpbRwLRRy9bmv6TfX0Ey70Wg0Go0DwcEybYOJ16lfk5Z+pWQcVdKEWIa6PfqxZmFFGdQ/28Hzeu5eaT3OXWVsr+ulJWamU6eOtrLMzHRZlTU+9e5ZOk8yE9/fbV4LHbltV5xZ7mZ9pi6eiS/i8yGj8TmmQzX7fPDBBy9e6/o8Nyvf4Sw5BhOEcC5lOm2Pj9vG+ZAxbdoW2KOBYxF19ZUVP9ka2xfPVSF3s7rJulwHxyqLlbBLGNPj42M9/PDDC/YcfZe5hmR+2a4rqz+Wpc8450nsE+f+mi7boNSHEoTY5ioMa2VPsgsz3WUdYL2Vz/1aGFO2aU3fzrHfd1/sNTTTbjQajUbjQHDwTNugRW6WmpM7de9waaEZd3K0HierYaq8eM47Z/oHZzptRvKiNSW/RzZIHVKVXjPet7Kgdj+9O88SlFQJUSqf8tgv6hjNUDM2Tba5hmma9Pjjjy/0t5kleGYXEMtmOj9aWXOMM9bs/++//35JJ/OBSWDWbCh8P1qAR5At+5N+05k0xc/OVtu+j5+7xyTel1Imjpv90PmORHj8PCZsa5Y+lCydbDNLj+vPtYhoFy5c0MMPP3xxzCk9kZbsju3MvFb4vld2JO5fZnPCepmYJrOYN8jg1/ycyc4vx5p6LSLetnrXrqVnDaWR2TWUah2SlXiFZtqNRqPRaBwI3mWYtpHttrjLYqQgf/fOOsaCrlKBcoed6W2Yes9lfDyL98udZuWjGlGlxqS/bmRL1CHTkpXxqzOLal/D+NtrfpvUr2Zxno219JDE8fGxHnnkkVWdaZbwPh43Yluq1JtkbrY8N6uWljYU9lv25xqbMAunTp0RAWNZ6llp+Z3pQ8ma3dZK9yideFBwntNLIZMK8Rncfvvt6fE1aRffCbc5MlX/v4v1+DRNeuSRRxZ9jR4o9DhwvZTSraHyOFjTu1MXS/1tpvMlg1/zST4k62lawVe689gnSiqaaTcajUaj0bhm6B/tRqPRaDQOBO9y4nEjipoYOtEiE4sV6UISDVCYus6iQSMTyVhcaLFdZbQSRd0Mk1i5zdD1KPaPIvTMIMyoUk4ycH4W3IGGTzQ0ovtGrMdiKo8nxZaZa1n1nedigAwmhZFORKZ+PjQipCFdbCdd/mgoloV9dfhSGtCwr3HucPwp8qahYLyeaTtpvJZd6zYau4gPGS6V4leqWKIa6KlPfaqkk3FiysvMGJDPif1i4pp4PV2aMkzTlCbriCJ6qxpYhomE1sLwcq1YC7Jj8PnTEDELPmJUrlDx+dMFat/E5dlzo+EZVWtRdXWWUMiHgmbajUaj0WgcCN5lmXYE2dy2tGxxx1sFAeGuNjJjGnVxt5ft/hiONWOr8T5xR0wm77bSEC7ej4Fe6OpBphrbQeMb9idLakGXKPZ3LZ3eWdIs0vAkPluGlXU/aGQW02uSTTLYTOU+Fs/5Pg7RyecUWZyNIOmes5Ycw3BZM26DY5IZMzIMp7/TFSu238cspfF9yYDi+0RJi8e6CiqTHXPbzPhp+Bbv40+XzWApDQ254vwl+2absudRBTDis/XzyAxTfT8ahmaBWtg2Ph+6AkrLRDQMD73mTsV+VAaoca3kenIWBsznwvU7k1y9KzFso5l2o9FoNBoHgncLpk2QNXknyGQgUp0yrko6Ev/nDpTsMoK7RLJLtiPenwFSKrehuCsnY19LkRnvG8uSfZBRRAkHmTz1nxyzOAbGNp12TM2ZSVHcHh8jA1lLSMLwlWYrdt9y+NLI0pkIgswqSzJBNuFzDi+apXek2xzn5lo4W7N810/bjSxdKeeZPxmAyIj9YyAe1+9xy2w6KPXxd9oTxPlNl69tSXoeffTR1XSbZNZr9ilENY/JNjM3N9/PY0udf3zWTNhDu5WMiVYhiClByiQJfN/pHpoFAuIx1rst3Gy8LyWZ25LCvKugmXaj0Wg0GgeCvWLaYwyNMa66HoK7Od/PoRyzhBFZMomqTu5OuYPPEhyQWZGV00IysiWGS2W4zoxtcFdKxr3WVrIMJnSg/j9eXwU7yCxdz6LLdl1V36VlUhmPsVmeJRNx90/9fSa1kE500dHzwPWbtVIykYW+ZF/JYpjUIraf6RQNPpfYP+vZLSlwP8jW4vxz/ZZUmAUy9OlaghyXYfCTzIKa84DSIAavkU6eJeddhmmaLuq1I6KtAZk2dcyxLoPvhb/zmqwu2kPwOWSpOf2+VTryzNOF7JyMm2tXnHeUgNCaP5Nc8Rom0VkDpY3vipbhu6CZdqPRaDQaB4K9YtrSvFu71mnTuAvPwvx5x242bmRhDMmWqhSCkWHRStdjwNCNmU6TfsC7hO5jGbIwJk2IFqeVjoxJByI7Xws1mLVHqq1hKxwfH1+8JrJ8g1bilFBkjJ5Ml37rVQpNaen/T5//zFe90stREhNZDP2yadPAa7IUpmwrdZ1RZ+txNNN238n477jjjlPfpTpJC+8by1WMkTYKsdxa+tNtyPTFDJVKyVs2ryvLf7eJ1vCZlCmzwN92P77LayFpGUui8rXP3sGK8Va69OwYbXbWwLL75lN+rdBMu9FoNBqNA8FeMe0xhs6dO3fdE5Rn+mlaj++S9IPsgbrezB+c1pVkwmTe8VzFSLOUfNzJVzqtjJ2RVVIvyYhp8f9tkZfW/LXXrLudmrOKAiUtren9ad0lE2HEe1aW8fTTzVJKMt0lGX5mmU827jo87yjxidfy/fF9rfON845zg2PsazOdtsfEjHubJXK8hgx+TZrCiGeVpCJj537Xoq3Brsjqy6K8xTau+c/zHafdSpyzTIlLa/u194Ss1d+ZojPWV0Vrq6Qcsc/Zufg9S2pStX0NmZTx3RHNtBuNRqPROBD0j3aj0Wg0GgeCvRKP2/WCRjcR18KBPks8YLE0RXRuaxQj0cCEAREyYyLmimW4QrpKZCIniu59bRZ6lQEyqpCrWeARGqtQ/JeJ+inWo9g9E+1R3LuLCI33joZtNJiyuJyJNmKAFKolKjceIwskYlG2A5j4fqw7tomBfny/8+fPn2pr7BfF8VWiiujK5Da6TTSwyoz0nAPb88plK3eo+NwYJIShNd2eGHaUKgi7pzGMabzmSrsFVYZtlQtgBqpuqs9Yb+UCmL0vlSur2+b64zix3WdRTVZlKe7Pkppwbp5F5P3u5uJFNNNuNBqNRuNAsFdMe4yho6Oj1bCSTKSxFtD+UpEZoJBNMpxhNMpg28j+srB73BWbedBAhyEw4zmyfgbkyAysOJ4VI85SDpLhUwqSpcjLDLZi23dJvJCBwTHWwi56fFy+Gq9Yhiyyuk/sl5m1n5mvJUOMdXgMmUbUhlTZu8EUqWbSlRFT5i5o+H6c71H64HpsgEbJ2FqqRD5nMsrMWMqs1v2iy6QlGXH+0ZXpctcHGgh6PNYYPaVXlP5wLmUuX5VhavadbaFhaBZc52oY/XLM10ITN86OHsFGo9FoNA4Ee8W0pXlXRveJuDtjUoIqeHzc3V2ODoTpE6twn1n6uSqdIllzhMuSpTOtZNylV3pwuqlkjKcKqsIUmpE9cTyZgIX9jP9XbklZwASmktxFb7gGuzy572bCPs6AMtIJm2QShCpxhMtLS7ZcudfFwB9ug+/jebem8yWz4fOxDtj66XiezN73sd6a7Yp9p36adTCYTQQlFEwNmbkLVmUynXblmne5oN0G3R0ztsw2GVwXsmv5TlcuZ9LyHarcH691UJJ4/7O4ejZyNNNuNBqNRuNAsFdM28FV1tJeMpEBQ11mu/rL0dtUOjFaZMbzVTJ4BkbJknCQ6bIuWpnH/80QGdaUTDjWzzZWergIWqNTf5il86tCD67puKjPv1x9WBWkg1KMeB+zN5ZhAhGGM83uR2lGFiKU7Nv1WRqQBTtxP9xWs32OGz0gYj1VmtLMZsOSA3+6foYkzXSa1ZishdqkxTb1vWupYBnI5HJBjwxLazIpB+dT1V6+r7Esv6+l2WQbjX0M91mlIG5sRzPtRqPRaDQOBHvFtKV5J175M1blpdqCVspDcV4umBwjSxTB1IRmwpl+jQza7Kny8c7SXhpkJFm/qXfncUoYaBEc78u6KA2J4PMiO18LVXq5jIF+zAwre++990qS7r777ovXUIrgJBgcF7LM2F4/f88H+onH+UALaeuj3SbPocwCnKFOaRWfsRmyZSYd8fnM/5zJJGhb4XJxrvp/ShT4jmcpTmkV7/Hz+ajTNugHfqXAUKquP7PM5thy7mfvWKWHJsOOz6VirVdj/dsF2brNhDBXyrr/3QnNtBuNRqPROBDsFdO2nzbZVpaswrs4psbztY4oJZ3swK/Gbo7+m9KS0a3p243K8pq6uYwh0+K8sjjNfF/J8Gm1nlm4s59Vv7LkAlVSg4w5UA9+pfReTDThtrnv999//8WytqJ2G+wT7Pnl/pCRx76wfsPPJTJRprfktb7G8z62zdbh/E4GFq9lWwzGCYgs8NZbb5V02lI+9t399lhlCXg4H5iaNV5DiQEtuDMpDfXJV/rdd3uZsjNLQ8k2USKRpdms0qnyGcZrqDOnpIuR5WKZbNwvFUyhmUmfKDlo6/Hd0Uy70Wg0Go0DQf9oNxqNRqNxINg78fiNN964EJVEkY3/Z8IBGgRlIrnLCY5/FlCEXQVZiW4olXuWRVoUU2eJNegOwhzQmai7EotVLlpZmco4JjNEYXCVLEwq679ahjSeM3R/i+228ROfncXYTuBhUXQEx8MiZ6oIsqAaFqVaBG3xaxSlG243RepUgWSGnUzuQWO2zH2RbmB8zjQIi+8d30H3kyqsXQwtq1CosU2Z29mVAN9XugZKy6BGlWiYqoJYhqpCir4zw7cqqE2mRlhzXb1UrBkQV2qxtXzqjdNopt1oNBqNxoFgr5i2NO+4uOvKgg7QQIaBK9Z2jHYnyYKAXA2QXZJNSblRUizDVKBxF0tm6zHgNZnxGlkMjUiy8eQzqFKOZglKyBzY5owRVW5Blwu6H5l1OJBJPOc+2jDNZWyQRsYiLRO1MNnEWjIWulOZpXvuxvu4Xgf6yBh8RHY/uhq6X9l7xMQqTFRDI8rI+Nh+zk0br8W208iPTDsLnHKW9eByQElVNracv5VEKl7L9vKdytYuMvnqMwvxXLmUEWvhodmfrF+Unq0F1WnkaKbdaDQajcaBYK+Y9jRNqftQpr+tdKHZTpE6RbLLq8202cYs2H+lU+auNdN1MTgDXWTIKCO4G2YiDAaPiPdjfWTgsY2Z1CRew36vtfFqYY290E3M3+lWE1mfz3nsfI6hSLMAGQZtC5jARDrRpzPhCSUgvm8mcckSnkjSbbfddup8vIaBhZh8JEuIYlgHbKkDQ5Vm9zM8RnSzygLzZK5YVxKUosX1i3N5m2QvHvd7yGdIyc8uYUyJzIZirb5t9Wxz31xL69s4O5ppNxqNRqNxIBj7pEsYY7xV0n+/3u1o7D3eZ5qmu+OBnjuNHdFzp3GpWMyd64G9+tFuNBqNRqNRo8XjjUaj0WgcCPpHu9FoNBqNA0H/aDcajUajcSDoH+1Go9FoNA4Ee+Wn/ZSnPGW6++67F36GaxHR6CNYHY9gHbxfvJZldqk/qyf7nvkvVvXuYjBIX2i2NatjW727+IHyvpk/Ko9lEaR2xZve9KZ7acX5pCc9aXK0srOC45TFsN51nq3Ni7OU3VbmLPfZ5fy2eb12zaXc56x1SfW8WyvLeffqV796MXduvfXW6Z577lkdA96L78Uu0RWr9zN797elsM3e6WoMd4nvvctaWGHX+65dexb/8G3jl43jtvHcBdm6cz2wVz/aT33qU/W85z3vYuAFB5+IuX49yD7mYBBMhpHltXWYx6zeWHcWpKEKzpCVZTITBiPJ8lv7GANRnCXUqgM7uH9MOhLr3rboOFAG83vH+/iTwWoc4tNBPuL/frZOxHEpP9rPf/7zF+45t99+u5773Oeeua4IB0FxwA/pJCBJlRubCTciqrzCDJSRLWpVMo61EKVVkBGWzYK5MGzqWhsZUIYBgHhtLF+VYf/WQm0y93Y2hxisxcFwPuiDPmgxd+655x696EUvWoSkzYKdeN66PpaNwVXcb1/j94QBU4wYcMTzjklg1pK/MKgNE9T43cuSjHD99H0YmjRrI9cBztEsxzw37byGyZZiGSZNcb/8W5Ctq77WbWQe9F2QrTvXAy0ebzQajUbjQLBXTPv4+FiPPvroxZ1bxiq4mzOD83cyI+lkx1mxCIMMIt67EsWshUd0P7yLXRM9uV/cne6yK6/YKhOTZElGmMSEzCHb0TMlouvys8jCc/qYn493uGTp1wNrqUQ9thyHKv3gpaQjzFh6VTYT11dqkCrU71pYyeqaeD+yvarsWkpV9mctRSuZ9lmkM7tIqI6OjnTzzTevSj7cPia2McvLGBvDycb7SSdzn2mFpaXUjJIXSrukE1ZJyRrXrChhZMKlKhmM64ipRw1Lphgmdy3dJ9PHUipDqYS0XEc95rfeeuupa2IbKXGhxIySxUNAM+1Go9FoNA4Ee8W0p2lKkwtE3SiRsWPCuynvwKrdY2YU4d1dlsgk3j+eJzsjM13TnVcB9amfzozzqJcymGQgXuM2eddKfX+WOs+SCyYZIEOJu1frAC8lMcG1QiY9oVSGOmA+67V6jTVpTaUHrxj3tvri8cw+gnOe7GjN4ImMvnqmcZ5X99nFGJTf2Y5djLIyHB0d6ZZbbllIGyIjpSSP+vRMesekO3yHmWAlkyhWDNvI2HmVvtNtzxLiVAybbD2ut253JZXLpITUKVPy5j64Hdm6yrXxwQcfPFVXvMbjw7XYdVXresRZ5tK1QDPtRqPRaDQOBP2j3Wg0Go3GgWCvxOPSLLbIxLkE3bUo5ov5n5m/mMYkFHVGQwaKaSpxYnQTYrspNsxEXRSDVaKtNZcYGq24frtCRGMZl2GfKS6i+12sh+I9uo9EVYfHx9esGSlda1RGZdJ2kTPryERplbFapo6p1D00lsvE4xV2EccbnNeZyJvqHh5fM5r03MiMIyN2iZWwyzVrzzaWveGGGxbPI6p33G66KtKNz6LwWA/LVHnOM/E+Rd50MYz3o5qi8lWPayMNvraNbXzmXCsovs7qpLGY28813/eJ17qsr63W5jj/fA3HnmLzfViHdkUz7Uaj0Wg0DgR7ybRp0h93QWaN3rGRNXsXGQ00/L93aHRboItSFhGLzJRsdi0YhO9PV4i4a6WRiuulu5qvjbtl9qOKGhfHhLtgMiu6nERQunD+/PlTZd3/eD+66K25OV1r7MKSK8bGubNL0BPWlc23qk1rASuyuZh9z9hz5Wq4ZsRokOmTaa2xM7LDs8yLNeZN1rWNad94440LSVzssxm23zu6N1oilbnTkeVx7cgM6SoDRI5f1i+vb2xjFjSmktJUBmjRKJiMnhIRty1K+Dx+lLSwn2bIWfvctltuueXU8cxQjS7CfBYeKz+/7J77lr66mXaj0Wg0GgeCvWPaR0dHCyaQuYzQSX4trq53zgw+4E/qgtd27ryPmX/mRuFdHhmQP6PO1zs+6nzpgpHpE8lOqKvPgipw58ndPtue6Xyon1oLFuHddhXY5nqCrDYLJMOwjpyjma0BGTY/+Xzi/xyntTjOGaOVdgsEVEkSyBIzbBuDjB1WOnN+zwLzVK5ra+6DDNZRIa47GWOjDpls0iFQs9C9roehgddsX2j3Qild5orJ512FPo33cT1mwBzTyn4h3mebXjjOWTNajomx9iw5FxmYJQvQ43eM7whDPWdr1b6imXaj0Wg0GgeCvWPacZeUhaXzzohWlWtMZJs1JS0JsxCoPsbgL9lun3qUqmw8zwALDPPndmTsrAoWQ4nCLvrCSpe5pgd1/WtsmmzJY74WOOdqo9L9Z1ITMp9KKpOxZu7uKYlYC65ikEVlOmY+q0oCsyZJqkKFZtKHbbrMNekDP7OgQbxmWxCXrD+7Wo/fdNNNi/UgvusMXOTva2FM3V6fI4NncJL4THeRIvA8x7sat9hWhjyltwrDgGYBYCq7AfYzluFaXOmN1yRyXKsYACe2n1Ifll1LTLJvaKbdaDQajcaBYO+Y9hhjwZ6jZZ91yGQcaxZ/tISk5SDZbAT9/MgiYtt4Pwb1524vs4rnOe4EqaOJxyo2QelE1g9KLvzpNJtxt8xQhPyskpxIdfKU64lKxxiPVfraKsWptNSnZn6k0unnRg+AXeY320hrcuojI3uh/UVlrb7mr11ZcVfpRTNQtxmfBec+kTH6KtRqhePj44WNi99J6UQiVOnxq+/S8h12HYyfkLWR48K+xvNcE/nsyKLj9QyFTGadjXGVvpUShNgv1kvmvcasqzShnBdxTCjBofTLzzXWwTV430IuN9NuNBqNRuNAsHdMO8I7nrWdodmxd3BmhpEBM11npYPJgtRXvsdkM7tY5nLHFnVmtIR0W7hLz5I+eGfL5CZkZ1F/TGZdRTmzf2psKyUhlCRk+i/aAvi5+TlliWKuNqj78/hFZsokM9W1a7YUZPJn0clW+rWz6KWr5DMRlYcDWVt2Pd8R3nfNHoLsMtNbc75VFu5riV7WEgtZp813z4ko4vXuk+ctxzoyNkvpyNy5hmR2BExoUaWYjM+CEr5d/I39HtKGxmDksvhcuDbReyRLMmIre65ntHR3/zKr/6pflfQrnuNanPnk096mSsR0vdBMu9FoNBqNA0H/aDcajUajcSDYS/E4RSJZ4H4aUFlc5bJRFGwREN2p6MaTGSTR6CELHBKPSyeiHbqLrTn0W/zk0HwUQVZuPdLS5YriSddt1UHss6+hWsF1UGwfr+V919pYiU6vp0EaxaqZ4RZFfx4PilupgollKDasxLwRLGOs5Y6uXAopfl17LnTbytQ+NFqjoedaUBeqqKrEDfHdYL0MolGNlbQMM5thjKFz585dnM/Mfx37zLWJ73Y0ZuU9txmVxfI0srKaiu9WJtZ1+zmvLZ6P1zz5yU8+dQ3DQFfBSGIbfI6JmdyfmEyJRnd0YfU6xLDHEV6jXO9aTuzKyJQGd/E8Rfb7lkykmXaj0Wg0GgeCvWPamTHG2k7Huy7v2Pw97r5oGEW2Tpa+FuyCQRW4045lbcjCXavb+va3v/3iNVVSEYYZ9M4zC9Xna2hM4nbEXavLuA3eyTNMY8bOGKyFRkWZy1dlJLMtvOTVBI28MqMvGgK5bwxGkbntkHF43JgOMTIRJrehO0tm+FgFEqmYXRY8pgKNDaVl3zlHqrSV0vYwkpkhGqUaVRCPzJUtMxDLMMZYGHkxsVCsl+uN4fcotpPj47lCw7f43nKe0RgvC77idps9c93zM4yJNtwGsnDO1exZVkZrXEezwDN0Q6XEdC1oldtAQ7HMeI1BVCiNzMK0ch6sMfnrgWbajUaj0WgcCPaSaVeBHqRl4H7qjTImQtaY6Wmlpc4xXkO2z7Cimd7dcH0PPPCApBNmtZb0nolIuHuNuz/qYMhizbTjjtfXexy9a/V3MpO1oAdVOslsHNeCdVwvsN2Z+1kVJpfzIwv3WX1mun/aV9DtMbumknSQoWZjXgXI4BzK2kg9bxUmNdNPGyybhdytdPNrCX4Y0ncN0zTp+Ph4YQOSvS8M72nQZUlaziN/p5tjpounnp5rUyZBoO0E10KXjc/SffWaRMlHZYcR//c1XkM4Z7JAQJwHbqvXyDXpaiUhY2KoeIxjvbaekrG3y1ej0Wg0Go1Lwt4x7TFGqbOSTnZM3Al6l0dL8Xg9LX+5Y8t2atydevft+1AvJS0tib2b9W7ubW9726KN1F2babO/GbxzrywiM8vXylqYlqBZekXqg8g6GKgjliUDihbt1wqUzrhtfE7xXJVSlDrYLIEDddu8X5zf1L1lqV+l03OHVu98pmuhPCsG5zlFCYy0DLjDQBW76LQ5Zzh+mQ6aUi2GHc0Y6y46bVuPE9n7yb673vPnzy/6RQmEJV5kolmaTUpLvC7QTiZLjkHJEXX0cQ67/Wba7pfL0no7jpOvuf/++0/1h/YrmVU8ddlZsJgKVXAV1hn7Z3he33777afKZjZJ9qPVPwAAIABJREFUVZCa641m2o1Go9FoHAj2kmlnumXDOzF/eudLy+lMJ0YrRl9TWVvGaxmKkIwxs+amftJlzC5933if2267TdJSYkCdU2YBXPmb029cWoZYpGU9WdKa3pAWtGs+sRmbvdbw86HFfubTmaXClJbMIEuZWumLqQuM85L34TPlPIj3qZJZUKKU2RrwHfGnn1d8xvS2qOwd1pgWw8NS1xjnByU3ZE9ruu1KGkTEa2kFLS190Snh81yK13CtoiSPrDmuO2T0XNey8L++z6233rqoL/Yrsmf3w7pkX+O2sb+xf3x2nLsuG+cO1xuun15f3cZs7lTI7Bg8f11vJonld/9vK/ssKdT1RDPtRqPRaDQOBHvFtK1byna6sYy01DfskhTBYDQm+upFRkpfQ+qcfU1kS9T1UWe1lrKS57xrZoq5NX9Q7y4rnWNst8/dddddp9q65kvM6GC+fxa9yCAb3IcEIQZ1/2uW7X4OjHaXWcpyfpHxZtHN/Oxclv75WR9o38F3gtbXWcQ/MlJKHyIT5XtCBm9mYqYS5zS9PlwH9ZFRx1hFkKN046wxHiIuXLiw0AXH+vgu8x2w9CyuWewLbRkoIYj2HS7L8SGyRChcbzwGb33rWyWdfh7U13pd4zzM1hBe6+fNNTG2nX2ntMbP1IlFMokipV+VlXws47ZUEp6YhpXJUdp6vNFoNBqNxiVhr5i2wR1v3KkxVdxZ4GvvvPNOScudr3docadWRW66++67T10b20O9HP3+Mh0kmYf13ZVfa2ZRT5D9RbZE/Zrv98Y3vlHSCVt6r/d6L0mnmT130B5Pj1VMaWiQ8VwPi8xtcbzXGLafjyUfZAr0o47XMC4A9XgZO6OUiV4Ma1H7KK3h+ex+ZHLU0caxYYpJSr3WmA/109TRZ7Gg+f5QOlD5h8drd0nNSbuYjLExPrklIJn+ns9/m+3JmmTR75gttdf8i5lmk+w5skrq3X2travpgx3htYr69zU/7UrSRimKIzXG8fTY06PCa5XXpaiD5phwDlXeDBEde7zRaDQajcYloX+0G41Go9E4EOydePzcuXOLQO0xwD3DCVbGQ1F8aHGKRZsU/VicyzCDsV6KR+2a5eMx+UdleOR2MBhKrKcKU1ilEc2OMUGF7xvFh3SPsHj83nvvPXXexitromM/HyZROEsykKsV3jQLaViFQVyD50wVlMGfcR4wRaLHmuLxTHxobEsFGftINz22MRPhVmk019JeMlgMPxmqMvbP4nC/P0wNmfWbLnp8J9ZcDBmApULm8hXXAc9xi2Ddvrg2SblRIdPgGu67DdA8JrE9NEClGDcazfocRc/uB0Mvx/+rMabBZQQNHWm86ndhF1UYDXEz1SifNw1hPbfiODNYD114s7DXVMfsU8hlqZl2o9FoNBoHg71i2mMM3XjjjQvmkDm30wyf6e7MiKQTpkmjF+90mWg+7vLpEvW0pz1N0jJIAHfc0tJdh2w69sH/ux9kE247U2fGtnjXyAACmeEbd9Kuw/1kkpFojGFpg41jmFowS6JSwWWvtLEHd9RSzchoMJUZPlLSQfeqLMUfWTifKe8vLcPjVulks5CdZMk0WswCwDC0L4OIMABN/L8K0+r3Kktc4voYUKRKYxrbwjJZ2GGDSSSy8TKOjo70xCc+cWFUFoN0cH76fWfYTxuKxXZV7ntuk9+nzBWP0kAGTIoSCreB6wvd7KL7ps8xEYrbzFTAcUwodfA6zTVrLYkK67rjjjsknYxvdq0ZvMeCEoQ4HygFovFaNMoz2I81Sc71QDPtRqPRaDQOBHvFtI+OjnTjjTcu3Kwii6XbRJZuLh6P9dAFgjtq73izpO1m7mTlWSpL10emRZYW9VHVtWQTriPulr0zZOrRtSQMDFtJicHTn/70U/3MwvxREmLd3KWEKN1Fr3wW0H1HOhmHbHct5SFbyVYp0SHTjkyELI87drL1CDJq6vyzayr3QLoaZoFLKrcpzqmsbWTHa/pjsmUG1/D4xfldJT6h5CLOb0oo1pj2NE16/PHHF0wtujl6TlvvXLl8RQmf54rb7bIMm+zPuM7xGtpFeO2I0iwm/fCnj9PWQTpZ86oAPAwMs4ub6lpIWp6j/QOZeLaW8F0j086S9rCtXKviu8m5spZs5nqgmXaj0Wg0GgeCvWLa0zRpmqZFKrm4c1pLDhCPR/2QmaB3Vd5Bk3lQnywtd4ZOwZdZNxpMq0m9neFdbqyPejAG22DqTOlkh+62VUH3466cuh6ydbeDoQmlE5bBYAYMXOBQhLEfBNt2pXTbWT1V8A/OqTjfWIa77ir8bDzmT7LyzNaAuvEqeU4cT6bENMg8mLIzlvF4VYkcMs8D1kfmm72j7BelG9n7zf5VkossSdBa6OCIo6OjhVdH5qHBMKa0ZM7C2FIyUemJs3lA6QXvG+1iaNNCFu3vTg0c66GEj9JIptuMx7xGVAGvogSB40XJFd/bTAde2T/4eAwHS2kmw7OueZBkAWz2Ac20G41Go9E4EOwV05ZyC8pMx+gdFMNHMmmGtNwFe4dmxk3r2sxHlL6ObkeWzpOhAV2H21qlUpSW4SNpJc+QmLE+Wsf7OHf22TW0giXzyp4Lx5MJIiI7rxI4ZON3tVDtrsmWs77So4EsyljzgWYZ2mXEe29LbhLHlu8Jn4+R6dArBlrp32MbWJYMOGPElD4YlD5k7zzP8d1Y00tu02lnaTjjMUrjyCo9ppHZ0Q7C7bMEyu9lZkPjPtqbwxbTrt/vbebjX40tk2ZISz9wWpzzeITHyf0gA3Yb49j7mPtjGwFbx1Pyk81PMmvq/bN0nm4/yxrZWrwmTb2eaKbdaDQajcaBYK+Ytq0413RwtBRkNLDMktT6GZ+zzsN1kaVHeLftHSJ1Td61ZszXZcmAsx1xFj0q3p91Z4kCaAEcLXBZF/0wq6Qma0ktqPeiJXB8bllayFi/y0YGc7WSitB+gAwhs36mrzCtujNwDA3u6uN5jg8ZTpYqk/7xlQ857SLW+lNZosd+bbMrySzSOV4c88y/vmLanGeZ3n1bJLRYnmWzlKKWuFHykqWhpI2EWeUDDzwg6cTaOpM+uE++n8vS2jleQ2tx+iKvWWLT/oFjkUl4uJ55zD0WTBkbyzIqpcHkM+53PEbpHJ9FRBUPgGtVXN+qd2Bf0Ey70Wg0Go0DQf9oNxqNRqNxINhr8XjmClEZE1EEnYkAWQfdWhgWT1q6gdH4ynVHMY5FPDQq8v0s3onBGyq3HdaZuY+5nsoVh242sQ3MiUwxdhYwgyImYy2kq0EXDxoJXk2RFJ8dxbsUk8drKJamOiYTqbF+inEz1QPnbyViz8TyTHBA8XEWmIWidJal+Dy2keD4Zvej2LrqZ2aIxjpoeBTL8fmsBe9x+GSG7I3XMAgRjU2z+7gNFINzLWEiIWlp6Egxb5bUxOsW1XIu47bGxCQMVsVnR9F6XItdPwPMMFFOfP4MCsNAU/5ONYR08gyoKqjyusc+R+O72LZMZeRjLR5vNBqNRqNxWdgrpi3NOyDv1DI3AwbIYBkaX8WyNG7gjj1zM6CLFxkxE0pIJ7s2unwwnOpa+EqDbDnb8VaBCbjTj4EKKvcz10EWnbEOBmTI3MN4PRli5o52tVCF6lxzD6rCiFZuVlk9ZL404MnGq3KNyoKtVPOYbcrYJoPpGDTOzPpXhUBdMxCr3MKM7Hg1xmvudrzfGizh83y25CobY7//Nmal8dXaOsCgTjQgzN4xrz80/nTbolSQgUgo2eNaFttvcO6ssWa+G14z3B+7dWWplSlpo3SVYxTr5dhUIVcjGBTH/TCjj78bNNy8Fu6oZ8F+tabRaDQajUaJvWPaUafNsHzxWKXnylgnE7lXKQuzcJ90RaE+JXPB8fUMwMCg+xmbqNyD1nSa1A+avdJ9Ju4mqV+r3N4Y3jTWx2Aka4kCmJzFY8OgFZmb2FnANmWuSpwra2PLOUOmyLqyXTnnmz+zuZyFp2QZtrnSu1cuTPHdoE6vCuYT+1XZTlRJTiKoQ68C0GTsvAr/upbQYZewuEdHR7r55psXtiiR5dGOo3J3irrT7N2RltK6TLJI9kjG6z5nLpJcoyity6R0fFZuC6UBEXzvvc4yAJQDp8R6yKxdlu64WWhXl2XK5iyNLF3nKqlAvIbzqpl2o9FoNBqNS8JeMe1pmnR8fHxx15MlKqf16S6h5mjxS+ZJppDpxbmLZIL3LKgCd7ZMzZnpmL1b5Hf2PzIRphT0eFmnZOadpQ8lsyODpNVlbDeTCXCHmgWLIHPzfR1w4lLYdcRaggjOg8piPdNpnyVIB0G2x+8Zs6+snjmX1u5dMdF4Pz8PJo4ge8qCT3B+U3KxlozhLAl/Kt31NokJ69kVWRuoA62YcAxJSokawwobWWIKX8skJlxv4jV+drSh8bXUBcf6aTNTPcNMwmMwEFUWUrqyg+DamK0DtKHhu5IlHeLvhctU45rdu1NzNhqNRqPRuCTsFdOWTtJzSic7w3vvvffieaeXM5v0Ls67O3/P2Dl3c2R72e6f+rPK2jqyF4bIc1kmA4lt3BY6j7u9zAKUSeENj0lmDVuFACRLy1LkMQUowwxGdsqk8673vvvuO3Xt5YLPKUoKKitnPvddkqNUEoHsuZBJ0RMh1kUfXurmM3uByhK7YuXZ/dhmWjRn0odtyGImcI5U8Qmy8aXNCRld5iOf2TZkGGMs2hvfT89x35uW5tSdxjJ+H10HGThta2I9nG+8f/beUJpFa/gsIRITMVW6+wwuw3WG61/WXkoD+L7F99fH3B/+Bvh+UdrBJFA+R0npmn3R5Ur/rjSaaTcajUajcSDYO6Y9xljscOLuzLtI6iRoBRvZhct4Z8adOXevcWfFiDrU+dAaMjtGPWEW5Yo6bO8E2R/vhLMdNtk/rebjDtu7U5dh21wXfTzjOe94qTPLkn8YZIzU3V0p0EdeWlqq0tc/Y2y0+K+sbddS+1VpJzPr8V31w1VKzdh31pVJQKo2b5NGxGP0RzbWpBLUXa75mJMtV4lDIirr7gz0084s5t1e+xzbBoPzIN6H7M7zjJbZmeTCZZiy0iC7jGUrC31a4cd6OJ8YJ4AeKbF/VR3ut1ORSsvojVWCIkdtyyR8fgZcm13W0ljpZF2ppJ/Z7wUtyq/02nS5aKbdaDQajcaBoH+0G41Go9E4EOyVeHyaJj322GOLgBtRJEN3KQa2N6K4g8EeqoQRDJof/6drDBOURNEzxVI0NMnEeXTbMig2z8R87JfFZFlucbaRQU58P7fZoqjM0M5jQPVCFsSD4l0/2yw4zZVEJuo2mJucriOxXZXr1VpQEINqF4axzQyDeB/O4SzYCftVGbNlz4X3oaojC3pTta1K6hNRuRJlgYeIXQJkMFjQmjHRGENHR0elkVKEx9YiWL9rmeFUlXiC6wGDukhLQz1/3yWsKNUIVUCqCKryqrCfcW3k2kcVR+byRbUYXek8rufPn1+0kcFOaPznMYoqMbaVas7MJfBarU2XimbajUaj0WgcCPaKaXvH612Qd2UxwEi1M+fuNe7Uubui8RrTwkWQ4TLEYeZm4P8ZzIAShMyYiG4iNDzLjMoYIMFYC7Hoc9XOnWOWMZXKyCdjKC7rvtOt72q5VcR6ycwMSiqq66U6dKeRSTWqOZu54HBMmcQmc9Gr3LOq0LSZaxSN48jW4zhQUlWx5l2SqbBNa2VpSEWXubUUvmuGaMfHx3rnO9+5cD+K7xPdmap5EQ2nKOFgml/XmRnfOTASx8D3zQImmaXSTZMGiHHu0DCLIXbZ/4gq/HPVVql+Di5rAz+m7IxtqOZs9mzoukqDNDL/rI2XEqDnaqKZdqPRaDQaB4K9YtrSvGtb2zlRB2uQvcZrGISejIt1xd0rd49kpG5rZNpZUAlpGcAgS8LhMtbRM/0c2yUtQ/GRJVFPGe/DwB/Us64FSCBTZDrPyDq822a4x11ccq40yCI4XvH5M7xrFWaUzy/+z0Qhu6SUrELC+j4Zo69SjPJZR4lLlRBlLfkHdaaV/nnNDa6yFVgL5sKQlGv6ao7pml7StjSUPkV2SfsNhnJ12SycMW0m6ErE9yaCQU643sR++hwTlVAKkAXmIfM0vP7YVSuuaX6nq6Q/XnfX7C8Ino9rCNcqSg6YMjiC7yDXxthGSh/3DfvZqkaj0Wg0GgvsHdOWljucTKfgXR4d7b3bypioYRZbBd/PdsvUiVDvnqU7ZH/WUnOSnW9LFBBZs3ejHCfeL7Oo527cu8wqYUm8lmyJ1uuRAdHaP9MlXW2Q6dKClAwuu4bsspLAxGurNK4ZW6b+kYyOzD/es2IP1NnHhDhVgga2bc0DwaBUZs1WoMJaopeqTCYN4rltFsAXLlxYWHNn7yfDl65JDipmzfYyXW1sA4MbuY0M2xzv40+GTc2kWpRWeD01S3Y/s3DGVQKUah06CzLpAyVXtJ0g48+OMRAQ1/Ws3dkaeD3RTLvRaDQajQPB3jHtCxcuLPTScSfnc2bL3CF59xV3R9T1Muk8dTMZW6IO26CFZmx3FYo085tkMHyGPuWOMYbWY7hEn6ssXeP9aNXN87Rejud4X1rBZjp7MtfMKvVqg/r7tVSdPFaxll1YDCUu2Tixfs6DDNQDV9bdGfOt9OCVzj6eqyQImT+4UbHuNbZsMJlKFa4z1lPFZMjaRclBlC64r34/OY8zX/HKf57vSSZ1yth+/M60wtLJe/+2t71tta9rsJSMyJ7lmi7+aoBrEsFwvfF/Px/6g2f2OHxOa2mfrweaaTcajUajcSDYO6YtLa14IwvcluaQ+sp4DSNRUT9JK8RYXxXlJ4v+5XPUA9FHOYIW5YxMxuhGcTfp3SM/Mx9ygzpTY1u0uIht+n2zEmlpXUs92LUEGTB125m1a5UghGw5S/5RjWlmPUy9JFOMZv7hlW65erZxrla+1f5kkpVYb8Xo13zZOSZVO9as1Wmpvybl2BXHx8elz7K0tIwmqyMDjueYMMT6YrY1SgcpmfI5M0TX6cQa0smzMlu+3v7FWcrjK2HLwjEhI47PgNJNJhfJ3nmmD77e40g00240Go1G40CwV0x7mqatOzDujGgp+eQnP1lSzkR4De+VWYKTaVRRjLI0fvfff/+petfi3dpqk/1k1DbqkeP//mTS+4yJVP6/1FOZDcbY7pQYcNfqZxHb6DaZZWTs/1qBbJbzIuoyactAS9IqXWQ8xrIe48wegv7xlKysxaCnL/m2tsa+G/QDz+w81qKXRWRRwsi+dvELz45Ju9ki0N99DZWUI9ZDKYPfW0cwyyRS1H8znjilGvGc7+P0lvwex8Qs3O/qvffeK2lpRZ6lD70c/TTnue+fpQKtolISTPcbwXnsOriGxnoMvjdZfHGmFt43f+39ak2j0Wg0Go0S/aPdaDQajcaBYK/E42MMnTt3biF+jeKXKuC7jQ/oMiUtDUssaqZrlEWB0b2FQRSqhA6Zm5jbZsOQ6KYlnRbdWIRFIzy6jWWpQC1K8zHfh6K6KJanCKtKDUojvmwMODZZkhGK8GN91xoUp9LwZE30XBk+0pAqHjP4PDI3QgZ64dhm4Sspwq7E45lhWNbuWLb6Hq/5/9s7lx65rWQJZ6ltGTYgw4IxC6/u//9Zsx7L8GNhWA/XXRjhyv4Yecju8VWzcCM2UlWRh4fkITsjH5GTi3tq0OLGEFbiKjzOKvyzanhC/Pnnn/X777//PU/XyIXXiUmyToCDa0WgoI0rLZL7m6IufF570pWOoxDh999/X1VV7969e3Q+7tlj8hobpLimSmzOxJCO/nVu60nURJ9ZJtsxlakK/T3HBF++o5woDo/5OQWgjiBMOwiCIAjuBKdi2gLZXbeC+B0TxChRWrVlVlOjA8cqyXhoAbqkNn7HMjGWrVXdLGm1ppOFqH1YFuJKzLSNWDut1g4yHHowKHDjxmCDAlrNTpbxTOUTZGqOse01w+B16dtzXJ67Ezth+0Gu3VXCED0FTKhyCVts+TmxYidOslcu5pKNyFqmJLP+eRJkOcKiue1zt5k8XVNb0g56Hnh9WCJatRVXYTMM54UUw2aTDzHdXoIp6F2n9yYTbZlM2Jm9vAFM0tO29Cz2cxbYVpbJlP1dTCavOfMe9HaewtRK1SXg7gnxvDTCtIMgCILgTnAqpn29Xuv9+/eb2HKPXVBkRP9OzLSPwzg4j7MqtN9re9gtuW6N9jHYNMPJLnJutC51LVz7UMY7GTfq85rK4Ghha6xuNU8MVeB59uO8ZCx7D44tkc1NrSRXMe2p3SDlVKvmeCeZXb//ZPvahxKOjrGS2QiTCMoKk7iKKzGbGOqqvGZiwk7YhnNZeXgeHh7qzZs3m/axvcxR119MkV4Nys72fShFzGvq4sUTw2ZMtjNEzV9zI/PW8+8a+ehc5emjR8fFmHUcXROKOomJa8y+Dz2mzCfQ/dI59O+mskg3x6npB9+3/Xl6CWnlpyBMOwiCIAjuBKdj2tfrdcMqXIs8/kaZQYfJ4qVUabeEKXwwWezdUtM2iiWRcTBTvP9GsROyJjLjqpsVySxieiEc46EAAi1gF8tmC0OBcWvHAs4Y055isx28ppN0aAfFengvXZb9Xtazk+nlmpmanKzuqauC6GO754rz577ueaLQCHMDXDbvnmwpM+7due8x+N6a0+UNME6q9w1zaJxIh0CZZK63Lu2rudBzyBhw91yJ2bINpebhsrjZ0njyRvKdXHWLkYth895KSMnlNEx5ELrO7tkgK+a9dbKj+o7tT3k9E9MOgiAIguAfx+mY9ocPHzZMzskJMsuVGdvdcqLVSglCxv66Rao5aF9agoxBVlW9ffv20TaM/ThpSMWbGA9mTF1z68djJiRZNCUR3ZycZVvlYz5TO1TG7nts6EwMmyyMLNNZ92S4UzMQlzEvkGGtMuqnLG7X6IV1vmSm9M64zOyJAbnqiMnrwM9O2pW5IDz+FGN3c1th0hBYgU0/HENk06HJU1B1Y85i48ym1rOsGunOmjU+5Yt57mLXVbeWnIoDc25OApe1zoydc13360i2rznqvJk138ehZga9Uc57w2s8ZaJ3sDada/RIBcLZmHeYdhAEQRDcCU7FtC+XS7169WrMKOz/l4VIa3LVno1WJOPELltd1hwtf43lrFdmljKb28WjNA6tR8bOXH3wlFU71cD27xxDqNqyNtfOkbEs7ttx5ozMKVO7Y2pHScu978s1Si+KY9hTlcKUmd3nJPDecR30OU6Z3qsY/qQGyJimaznJ58nFsHlOZOPT3Due6tnRu6fKx6fpnXOeFX6m8qI+ax2wkYdjitqGuQUaU2pnVbf7zYxw7aNr71gl2TK9ZfQ4Vm1ZqvbVNi53gu2Ctc+Ul+HycKamOWwgUnX7O+CUBKu89+nsuJ+ZBkEQBMH/c+SPdhAEQRDcCU7lHq967KYSnCSp3BxMYHB9WLvgQf/MZC+Ky3dMZWLsd121lSll2YGTzmPCmebGpBiXVMZ96eqkW75vw7IcJpw4NyOFJChj6oRUzpbMUTXLjLp+2nSjTfv2dTe5HAW6vt3chMkdX7Xt+e4akVR5cQ9uO0m69nUwbUN3tQut0IUuTOVRfdtpDbnrON0nByXATmIdVTdX888//1xV22YZruyMzyrd4Xq2WQrYt3FSzv2zktj6sfUu4lzpiu778D1Kt7jgkvMYVprKx/o+Ao/LBMW+LngeTLg7Io61EsUSGGpNw5AgCIIgCJ6FUzHty+VSX3311cY67lYmC+gni8klsjAJQgyF0nqdmTNBgmVoLCfjsTsoAuAkAZlMIsgqd+0jaZXSC+Hk/VwpTz93Hr9/ZkITmQTLKzjfs2Aq/XJlLQRLoty+bJwwCbK4BCSyy+keuzlODUJceQsZyCTI4q7DlLjnGjYQU4kZGbI79uSFcC1HeX8mfPz4cSOk1Nev7iGTuXjv3HOpfenx0rY63qrETNv89NNPVXV7h/WEWyap8j2g41Fmuf9GLxkb2PTryEZI/0RZJ8tv3bPBOboySGFaZ0wgdJ7LI16al0CYdhAEQRDcCU7HtJ2QimvCMElQupgvGSHZC8d2jFTxIbIYx/Qp0nCkrSLj4BRMoeXZLUXHTtx5dUuUbJgxbXofOihpyHvhmOXZrNWq/dhs1fFSEMeayaxowTP22/9PkRHmQzimPUmBrhp4cIxJ9tPdSz4LnOMkEOPmRubqSswmVu7u21M8O9fr9dH6ZC5K1e05YM7M1Jyn/6bYq8ZlbFtwDPjbb799dDzGbZ2Yz+Q94/PZv9OxWfbq2nkKk3ztc8B7qtK6/my491jV7Zoo76DLwdIryAYiTuBo8lCdBWHaQRAEQXAnOCXTJjPpsaopy1pwmcuKsU3Z1YLLupWFJovTCedXPbYIaXVPAiYdFJ1gC9JVXHKSk2RMzTVuoLTr9L27B1Mmv2tqcmYwpu2ynadsZMaaezyX62taOw5sp0n26to48nwmcRXHXrg2V/kQbE85xVIdJhEXwWVuc98jcqb0/uw1DPnjjz/+ZpvO48ZMaObH0DNWdXsHUVSHbM8JifA7zU3MW2OqKUfVNrbMtcv3kZuTstE5Nyd09d8wUTFprnM2YHG5SfQyaE6dYRP0IPD57R6SKd/nLAjTDoIgCII7wamYdtVfFhHZtAPjKWzR2RkPY8ps+sHm8L3WVv+frGZnlcl61HFY/+2acDCmxJjLSgKTNZWsA2dDiao5pjjFDVfxeNYh6/NqnzOBMreu7SW9CWSTLo47ZQuvpBN5/ZnL4KRp6dGY5kpdgqrbOpvqpFdtHSeJ35WH5TmsbMqdmGRT+3fCHmt69erV0hPHemmOr7XT3x1k1PJ4iU2yCVGXe53ixbyHP/zww9+/iWlSN4Frs8fB2caT64Hyyq6WnGPxOXLnNXkWp3rq/n/eC+bf9LXMWDbnrDn2Z+KsDFsI0w6CIAiCO8GpmPbDw0N98803mxrBFSMRaIW7NneyJjUUIuaJAAAPfElEQVSuLN69mu8+Hrel+k+HrEnFnWSBupifrGNmAgtkbT1+oznpOyp7rRpg6F82iWdMvV8TMkXF+3Ut2O7v7GAugGvGwt+4/hw7IzvmWKt1zWYbzKrux2f8ccr3cLoHjJ1qHfAer/bhNis1MjLVyZvm9plyUBz42x77//jx44apUUmxanvvyPK6R0Lz1fMvRq3ngyzWNTlizbueNadyqCz1X3755dG+9M5pu/7b1KKVWev9eDyPqW7fvTv4fuG6c5UHnIOuNevg+/HodZqY9r3k31SFaQdBEATB3eBUTFuKaMzEXdUKEi6zlFYxs0P1vZi3q7UkA6ZV7pSQZImSca1a8U3xT2Y5urpZxv503VwMdVI+4/F1Di5ORLbOFn33Bhf7Z5bzFGt0646Z32Q13Ldqm508aSd3kL3uxalX4HHcccm0qV/NObtWoJM63Or8ps8cu2rWuHa4XC42o/5IDwLCZSGzCobPPbW0+3fMrhYbZw5PPw6rBsREXdydx2PWNt9VK61uXS+2BO37MI5P76DgYuhUw9T7jRnuTief3lan4X8vCNMOgiAIgjtB/mgHQRAEwZ3gdO7x169fb1wyz2nr6Bo3sFSA8n4sR6i6uU+U9MAx2F6vaiuyz8J+tgat2koeMjGNrtXu4tK2U1nDStxlEnigK68fj64zubheMgFNwjz/jbTiqnUhRXt4DVaSu/zM0Ee/X5wD5W2FfhwmLVJEhdeiu2f3kslcItp0PoQLB9BV7Fow8jPd/7zmLkQ1JRw5XK/Xev/+/d/CJe55YRIZ7xObV1Td3MRMYmWCrZMMpjASS+6c+Ahd2Cx/ZUJcH0euZr6bKGTS341v3rx5NAavuVsXLGVl6Giae5+/9tX11TVyYlxTkvERaWnhOX9//i8Rph0EQRAEd4LTMe2Hh4dNwX237igY8hSQJfdx+/Hcd2QebHfXLba3b99W1Va4gOUFLmmJyXG0YldskMdbyaiyhIgJL2QOnUVTTGUq9fic0Nr5J0T++9raS7pbNRshk3aJbgQTgiYJUscmmJzEMVbNbSa5VleCOF0DV1JGTAz+iKjGXpmneyccac0ppq21L3bX92FyLMsbXXklG1nwvrNpTy8xYyIovYD0FlZV/fjjj1W1fd+QvToBGG3LBDgyYtdAiB4deg76daTXhOImTJDtHheycibJOuEperUEehRX74tV45uXQJh2EARBENwJTsW0q25CB1Ve5ICx3iOMamoIQStTsdleejExkSPHY0x+agXax6dlSAbnYoD6TnEvnQfjU/06TvFnli452U59J2vYteL83LhcLvXll1/ahirCXgtTobMlljOxcQTjiE5IQv+yuQTn1Y83sdYj5zU1bHEMf2LW0+99jpNQCkVeXKtTjTGN5UCvxlSO5+btGGLf9uuvv/6bxbpmJfRMKca7YqAU0+E7i6WmXTCJTVgoDexKvshAKYHsPD0aR8dm7sbkLaq6vW/oHdS1Ybvkqq3gy9QCdlUuyLXCtqn9eHxvu1yAPSSmHQRBEATBs3Aqpn29XuvDhw8bK6wzRFlTT4lt0+Jl/OlI+znBxVr691VbS52F/atM46klJpmcY4NivJQVFHqjAMa7KerBmFq3NqdY9hmEClbiCc+xmMmW6YFgjoETdnBNCfpYru0pGejUoKRjajnL750kKT0KExPu4+3db3e9V6Itfcz+vWt00s/HHY8sb+VdkZeGzL1fYz5TZNh6R/V50wNFdk4RJNe0QuuLrJbNjqpu7y+Nx7ix80hoTq5KpINVFP04rHjRtaK3oH/HnBleE+fB4LM35eF0TI2Q+Dz3/CZ6F494Vz8nzjWbIAiCIAhGnI5pf/z4cWNBd8tQliUt6KfEtrUvZUtdnR8ZDT+7jOmpppb79vOShcuMeY7P+uC+L49HuGz1ielwPj3eJut8itG+JKamFVVba/vIvKcMbDIF13hgYjqrTHCyb11/sQonozl5ELgtj9t/2/vXgeMxfujyQJyHoGqWha3aMu3puP066Lk5oh0gpq176lpl6jfdB9fGtc/FgWxSYIy+b6N/VaNMZtr30f/1XpuaKPVr+9133z36jcxTz72LBbN2nHFjrv/VXPRZ73c2WeqYPFju2k/XfPIo9Tmu9C1eEmHaQRAEQXAnOCXTnmJzVTfLi3HpI7FtbqOYDK0xV+c3xbBZz9i35Xj6LGuyswDuw/gT6xddNveUXUk22MFsVM6ZNdl93mdrZ+cy6ld4indmykpnTNs1myHj4dz6Z8Z6J4+I24eMYKrF72OxucieQlofj6yZ5+vmPim88fe+tuipmDLNVzXye/f64eFhc2znAdE5s2Wm2mG6+0KvxVRP3+fIcyUTdXkS3EdMmIxRym/9XDUus8inLHbOl+fej9fvJduRUh2Ox+v7shpnyqVZKeNxXbt1qOOsqgleEmHaQRAEQXAnyB/tIAiCILgTnIv3l0+v7y4OJkowUespLlvKCMo11F1fnI9+o8vJlTXIpU33dS+9EugOmpJ6nFtncrsdCTOwV/kkPONKL84MN8dVmGAP3Ief3dgrkZH+vZMIFVjW4hJnpgYhUxKlS0Rz69jNtWoWYpnOr29Hd+X0uX/PbSZRF3ftj7rHr9frss85ZYbp3nWJaUx4nJIaWSLVt2VYjCWn/blUAhrLuCjP2hPsJplUJmoJrtmISr2Y2Kv3ab+uv/32W1XdXPe8L1Oor4/LkN6UrOvG53t2VdbFZ+4sCNMOgiAIgjvBuUyI+st6Y2LYiilO8p8r0PKVReisfFmPe0kJfY4sR9MYZMuOLVEogGyNEql9PP67SsahaAq3pbhDZxBHmjC8BC6Xy2Y9uDaULuFwNWYH1xk9H93qZ+kLxXtc68wpIYwJY27tTIlPU/lY32caa9UEZGrgwc+rpMCpUYlLJppEi5xQC+e28g6p5EtwDI4NQ1im5cR12HhkSipdzVGesMkD1q+J5sREV71/BHdebDbEde1kU+ltokCT5uHkmlliNsk3d1B0i+vNrbO9ZNyVSNGe9+mlEKYdBEEQBHeCc5kQVbY1Z7eOWGIja/YpYgpswkGL18U3GJcke3JlDRxnKvnp39GaZCmRrHRX3kLrVdsyxt3357+Mt7vymr2GGy+JVVmQk/Hcgyt5qtoyAhe3pneG0rGUY3SY1tARTIzelRaxPIwMyzGfKf54pD3qVELnvF0854m5O8GZI0I61+u1Pn36tIkTd4ZFmVLGtt0zMYkPUQzEyXAyZ2dqR9mvjZ5dxsp//fXXR9+vykVZ6qkxFLd2+SBi1NpH2+o47p2s42mfqeWpKxdkng+9Uu5eTM/NKu9nEmZ5aYRpB0EQBMGd4FRM+3K5PGLaFBao2gpEMG7mYkvCZIlR3tQ1R2AjD2Zm9n04R1rjbGTfQRGFiSn0uNQUKyMLXElfMrZIq/k5GdefG645iPMu7Fnm/ToxFjZlGLMSof9fLIKCQCuBB953emDcuU5sYhVbdszW/e6+22PUR1j69Hk13nRtVnKwex6KT58+bbbtHhBmbdMz5rKd6QWcchqcfDJj1lPsv183CpXoM1l7fybIvimctGocpPEUd3cNl/p2/f9k9hR10Zzd80SRlVVDj+k3rl0nODRVYbw0wrSDIAiC4E5wLhOi/rKeZEHJuuuWGiXmntLUfGITU2101dZ6ldXFGJfL4uSc1MLOgcyd1h7n6urCyeDoHXDSkPpuah/p5ATPFuMRLpfLho3tZQ07OCnKPevbtQXci2U6lssGCczud7HgKS59NJ7bxyPzclUZ2mZi3NP6r/Iypf2z81xNbTz52a3LledNYEx7lY2ud9KbN2/sHNz8tK2kTvfak7pz0vVgIw15wvp3zHR/9+5dVW2bzlRt35+9MVD/3V0/egjoqWTTITce1whj6o4BC3w3uXXHZ2FqeeyqB1aesJdEmHYQBEEQ3AlOybRpwXfLkGySGbmyNnsW9B4zJBNxjTxkiTFO5DIy9duUES70fRinEaaYap8z422M/RxpWTdl6MryPltNtoNyIqo8u5xaY67iklPjjKkNYQfjd1NjA6f+xX+ZYe48LVxnnJNjdkdj9g6c/3T8VVx8ul8uPr33ecW093C9XsfzqdqyPMarmU1etW0Ion2kCqbfdW/7PabamKBzdc8lx2PM2al/cR9mdU8NhPp4PPdVzgZzPzQG83H02a2DSeVu5VligydW5awak6w8IS+Bc80mCIIgCIIR+aMdBEEQBHeCU7nH1U9bcC5ZChHQFeTkKyfBlankp7tDKLSgceWeOiLiMYnwdxcn3ewsl6HLxzXwoDuHIYN+HSi1yiQ8imt0HOlD/bmhBMaph3X/judK16ADwyFMelkJl3BtUorS7TOtTYqf9PnzvKZwTP+e7v295iZuG7ordRzXGIeYpFfdvImpGUQ/nyNiNJfLpb744otlaIDvFT1LWhdKMpWQSZ/3NBclqOlZ7K5nviOYIObkhaf+0lOyl9uW93SVyMdmIzo+w3U9ZDC5nCnm4kKjdMfzWXFz5H1jWdrquV0Jr7wkwrSDIAiC4E5wKqZd9dhydGyJzIDp+M5yorU4sSUnVk/xDCV1HJF5JANikpxrd0hrcpJ0dSIHZHYCBRP6/3n9JrnOs+NyudTr16839797XMhwp/KwlXDJxFocg5jWm47vEhSnNptMwnFlLVwrU+mKY6Q8/pHEMJ7XlAjkSujYmIJjr5J/Ju+Gu2/TZzem84Bx3lxX9Ii4cio17FC5Ftt6urI6/V/JayzJZIMPNw6lTzVnJ5fKdwTXqMMk/MJ11u/LNB69Ei4xd7rvq0Yibg79s35feRSTiBYEQRAEwbNwKqZ9ufzVIs8V1guMS9LCdWIgU5vBqWmBswwp70mLe2URTrHFHmOmRajjUCCFpW5uH5aFOC/A5H0gG3VNW44IVnxuKC7Jch13X/byBpzM48QeyRiPiLlMzRncOPTWODbI+yB2NrHmfi8Z/56eCXdNJk8FY4FHhFKOyI5O+7j1PZ3XhOv1uhQ9mc5tdZ3IQHlPJ0GbqltsXO8IyRqLrbMJTR9PxyWTZx5LH5/H0fjah3Fq952OI48i8376Nlqj+k3HY/6P80aS0dP71L1rU94F104/Dt8TZ8vhCdMOgiAIgjvB5UxWxOVy+U9V/ful5xGcHv9zvV7/1b/I2gkOImsneC42a+clcKo/2kEQBEEQzIh7PAiCIAjuBPmjHQRBEAR3gvzRDoIgCII7Qf5oB0EQBMGdIH+0gyAIguBOkD/aQRAEQXAnyB/tIAiCILgT5I92EARBENwJ8kc7CIIgCO4E/ws6pfOmUilgsAAAAABJRU5ErkJggg==\n", "text/plain": [ "
" ] @@ -1221,7 +2228,7 @@ }, { "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAbwAAAE9CAYAAABwXNeiAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMi4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvIxREBQAAIABJREFUeJzsvXm0betZ1vnMvc8599w259wuN/dCEpqINCJSonSBlEIEEkIroNIEFRAFBYc6qgQkYDQiBMpRiCBITxAQRQoUCFUEQSgEaQoqIoHkhnS3Pfee251271l/zPXs9e7fet9vzrXvSVJxf88Ye6y91przm18353qftx3GcVRHR0dHR8f/6Nh5Z3ego6Ojo6PjHYH+g9fR0dHRcSzQf/A6Ojo6Oo4F+g9eR0dHR8exQP/B6+jo6Og4Fug/eB0dHR0dxwJH+sEbhuGlwzCMwzC897XqyDAMrxmG4TXXqr13FoZheMFqbl7wdrzGS4dh+Mtvr/Y72hiG4cuGYfjUd8J1n7vaW9nfy6/xtXaGYXhZto+HYXj5MAwb8UzDMJwahuFLhmH4pWEYzg/DcGkYhtcPw/CvhmH4oOT4YfX9OAzDi65x/z+mMVfx7zuu0fVevGrvT16j9l44DMNXJp9/wOo6n34trnMtMAzDlw7D8LphGC4Ow/DaYRheeoQ27hyG4dxqbB/6duimJOnE26vhjrcrXqpp7b7zndyP44ovk/SLkv7tO+n6r5D04/jszdf4GjuSvnr1/2vmDh6G4WZJPyXpT0j6Vkkvl/SkpOdJ+mxJr5Z0B057vqT3WP3/uZJ+8ul2OuC/SPqw8P7dJP3Iql/xOg9co+v94up6/+0atfdCSV+iqb8Rf7C6zu9do+s8LQzD8OWSvkHS10j6T5JeJOm7hmHYG8fx+7Zo6pskXXo7dPEQ+g9eR8e7Hl4/juP//c7uBPC/S/qfJH3UOI7/JXz+85K+YxiGT0nO+TxJVzT9oL5kGIYz4zg+ei06M47jY5IO5ihoo/5gydwNwzBIOjGO45WF13s0Xu/thXEcL7wjrrMEwzBcL+llkr51HMevXX38mmEYniPpFcMw/MA4jvsL2nmhpE+U9Hc1CUtvP4zjuPWfJoYxSnrv8NlrNEk5HyPp1yU9Jel3JH1Kcv5nSfpdTb/o/6+kT1md/xocd8dqAt6yOvZ3JX1h0ZePkvRjkp6Q9LCkfy7pehx7g6Svk/QGSZdXr18haScc84JVey+R9M2SHlr9fb+kM0n/XiXpMUmPSvpeSZ+8Ov8FOPZTNW3Up1bH/oikZ+OYe1fX+SxNkuKTkn5N0kdinkf8vYZznPTzWyS9aTWPb5L0fZKuC8d8nKRflnRB0vnVXL4P2vEaf5yk31wd+xuS/rQm4ekfS3qbpHOSvlvSjeHc5676+tclfaMmyfopST8h6bm4zklNku29q3W6d/X+ZNLeF0n62tV1H5X0f0h6t2QOvlDSb0m6uFrPfyXpVhwzrq7zN1d743FND+z3xxpx/r979d0fkfTvVmO7KOkPV+t84ij3WTIGj/mvzhz3t1Z77dxqTn5J0sfhmBOS/pGk14c5+UVJH776jmMcJX3l6tyXSxpDW+8u6aqk/22Lsdyg6b7596v9NEr6omsxT8X13nt1jZcW3z+k6VnzNyS9bjWej119909X+/3x1dr+jKQPxvkvXrX/J8Nnv6aJ9b5otfeeWr1+/ExfvyGZ+ydW333A6v2nh+P/jaZn40doYrYXJL1W0p+VNEj6+5rueT93zuJ6pzSx+ddpej68WZMW4eRMPz9+1ZcPw+efuPr8Qxasy/WaWOuXhzn8UBzzkZJ+TtIjqzn8fUmvPNI+OOLmeanyH7y3afoB++zVJn71auPE4z5G0r6mB9OLVm394erc14TjbpH031fffcHqvK+XtCfpS5O+/OFqo7xQ0ldqelB+N27wX9D0Y/hlq83wFZpu9leG416wau8NmqTWF0r60tUm+h7Mwy9oumm/RNKf06RifJPwgyfpr60++05JnyDpMzX9oL1B0s3huHslvVHSr0r69NUG+I3VRj2zOub9NAkUvyXpQ1d/79dYq7OrjfzwalP9WUl/QdK/9rVXa7W3Wq+XSPqLq031oKR7sMb3SfptTT/KL9Z0Y90v6dslfddqHr5Mk+T+T8O5z13NwZvC2n/+at1/T4d/zF6lad987Wr+X7Zq71VJe/eujv94TYzhIW0KTv9kdf4rV+19viYh6lck7Ybj3N5Pr+bh01dr9Pta/WhpUtm9TdODzPP/XqvvXqfpgfNpkj56NY/fL+nU03lYJ2P+Qk37+eAPx32jpL+8WuuPk/QvNN1zHxuO+WpND/AvXfX1JZL+oaQXrb7/iNW1viOM857Vd/zB+9zVsX9mi7H8pdU5nyZpV9JbJf3nazFPxfWW/OC9RdO99RmanjfPWX33vav+vmA1T/9O0/PgeeH86gfvzZL+H0333MdrUvtdVCKUhfOeLekHNP34eO4/ZPVd9YN3TtOz93NX1/nV1fr+M00/ch+vSTh8StJ3hnMHTerxxyX9r6tx/21NxOF7Zub076z6cjM+f8/V55+3YF1eoelZtqvkB0/S7VoLRi+S9D+v9vY3H2kfHHHzvFT5D94VbII7NT1I/3747D9rekhGVvWhAlOR9FWrjfE8XPvbV5vzBPryrTjuK1bX/iOr95+zOu6jkuMuS7pz9f4Fq+P44/bNq/4Mq/cfuzrus3Dcf1T4wZN0kybG9J047j1W1/2y8Nm9mqSYs+GzP7lq7y9irn9x4Vp97Woe/kTjmF/T9LA+gf5dkfSNyRq/Z/jsJav+/Sza/LeS3hDeP3d1HNfeD9a/ghv6ZWjvK1effyDaew2O8014dzhuT9I/wHG+7ieHz8bVPMQf309fff7hWKfvR3u3r457yVHuqYVr6TFnfymL1GSLOyHp/5L0o+Hzn5L0w41rmeW9LPmOP3hfsTr2vbYYy89oekifWr3/+lUbz1vaxpZzt+QH77zAfpLjdjUxojdL+kfh8+oH74Kkd0/W8G/OXOcbJF1MPq9+8EYF1qmJqY+aBOYhfP4vJT0e3pulfSqu80Vz66FJo3M1+fzM6twvnxnjH9P0o/7hmMP4g/eC1Wfv2Wpr6d+1Dkt43TiOr/ObcRwf0KQCeLYkDcOwK+lDJP2bMeh2x0mnfi/a+jhNEvgbhmE44T9N0vdtmphOxA/j/b/WdLP/qdDeGyX9Etr7GU0qNHoG0YD+25Kuk/TM1fsP0/Qg/dHkuhEfpomt/gCu+yZNaoiPwvG/PI7jI7iutJrDI+CFkn51HMffyL4chuFGSR8s6YfGcbzqz8dxfIMm4eSjccrvjeP4+vD+d1evP43jflfSu61sIRFc+/+s6eFhBwPPx/fjPL9nf/4D3nO+PlbTPuD8/4omqZbz/+rxsN1m6fw/rEk9+E+GYfiCYRieN3O8pOmeiP1K5ivDyzXdRwd/ce2GYfiQYRh+chiG+zXt0SuaJOP3CW38qqRPXHlcfsQwDKeW9PdaYBiGezSxzx8ax/Hy6uPvWb1+7sy5A+Zr9xp27edx7/manzAMwy8Mw3BOk+bhkqR7dHg+K/z2OI5v8ptxHO/VxJ6Oej9XeGAcx18P731f/sy4+uUIn980DMOZ1fuP08SgfiJ5LkqTY9E1x2qff5uk7xvH8Zcah75Wk2nnu4Zh+AvDMNz9dK57rX/wziWfXZJ0evX/7Zp+XO5PjuNnd2p6GF3B34+svr9t5ny/vye095ykPRvY2R7HYg8ij+VZkh4ZN43a2Tgk6WeTa/+xueuO48jrbovb1PbgO6tJrfG25Lv7JN2Kz/hAuNz4/IQmiTiiWnuvk6/H/tyH7425dfL8/7425/9mbb/uKVYPlY/VJNW/QtLvrVzuv7h1nib7RezT580cL0lvHMfx1+Kfv1g5DPysJiHrSzQJEh+iSV0dx/APNbH/T9Zku3toFT7A+V0CP9Cfs/D4z9H07Pn3wzCcWT1836zJ5v/ZMz/6f0WH5+u/H6G/FTbugWEYPlKTyu9+TWvzpzXN5+u07J6ceyZeK2xzX0qH749bVn2K82qhlvcHr7m78tCN8B7Kxm58vqT31+Tc4j1w4+q7m4ZhuEU6IE1/RpNZ59slvWUYht88ahjLO9pL8yFNk/nM5LtnamJgxsOa2OHfKtriRn+mJh12fC9Nenm39wZN+vkM9xafV3ibpLPDMJzEjx7H9vDq9aXon/H4ltfdFg9p/WOS4RFNKoO7ku/uUnvTHgXV2v/m6n9f7y5NPwaxL/H7pfD8v1CbN3/8/mljxXw/d/XA/uOafnC+ZRiGe8dx/I/FaZ+oSXNgvOFpduMTND3A/vw4jhYSzORjXy9r+mF+xTAMd6368Y2aHoR/actr/pwmG+EnalKdzsE/6tWcfLTqUIgf03qvSJOZ4VphTD7785pUnZ85juOePxyGofVD8K6EhzXdFy8svm8Jy36evb8Oe45a+/baxrnvp2mf/n7y3as1PbffTZLGyev3k4ZhOKlJ4PgqSf9uGIY/Cm3TLN6hP3jjOO4Nw/Crkj59GIaXWbU1DMOf1qTbjj94P6XJoP6Hq1/5OXyGDt9sn6XpJvyV0N6nafJ2+l09ffyyJvbyaTqsxvwsHPdLmn7U3nscx+/RtcElTexkCX5G0lcOw/DHx3H8LX45juOTwzD8V0l/frUme9IBU/hwTY471xJc+4/QtLF/efX9f1q9fpYmL0LDD+HXbHm9V2vaB88ex/HVR+rxJi5p8i5LsWJ7vzkMw9/WxEg+QMXDfRzH384+fxq4YfV6IIQNw/C+mh4U9xZ9uE/Stw/D8Ima+qpxHK8Ow7CvxjjD+W8ahuH7JH3xMAw/OB4OS3AfPnkcxx8bhuFPSfqjmryGfwSHndbEpj5PxTqP42iv6XcUbtCkxjz4MRyG4SXa1DRca1ySdHIYht34Q/t2wE9p8kzdHcfxV+YOBl6j6dn2l3T4B++zNTkh/dfGuf9Ck4d2xIdpsgv+DU22x0NYEYtfHIbhazT9QL+P1kx0Ed4ZcXhfrekh/GPDMHybJpf5r9FaZWV8kyZvxl8YhuGbNDG6GzXdLM8fx/GTcPwnDMPw9au2/9TqOt8bbIo/oIlG/5/DMLxSk2fQKUnvpcnx4pPHcXxq6SDGcXz1MAy/KOnbhmG4XZOK4zO1emCE4x4bhuHvSvrnwzDcoenBd14T6/poTU4Xr1p63RVeK+mvD8PwmZpY0OPjOFaqnW/S5C34s8OUjeO3NamWP0nSXxvH8XFNEtNPatLjf4smR5uvWfXzlVv2bQ436/Dav0LT3H2vJI3j+DvDMPygpJetbAm/pOlG+CpJP7jtD8Q4jn8wDMPXSfrmYRjeR1OYwUVNrvQfK+k7xnH8uS3H8FpJzx+G4cWa9u1DmqTVfybphzRJrbuaWP1VLWM91wqv1mS3+/7VfXO3prX8w3jQMAw/oemB9Oua1EUfrGk+vjkc9lpNdr5Xr455yziOmepbmoTT50n6uWEYvlWTWvVJTffXZ0v6QE3s7PM0CSBfN47jH7KRYRh+XNKnDcPwN7a5H9+O+ClJf1XSv1zty/fX5M3I59W1xms1qX3/zjAMPyfpSmWHf5r4SU1Cxk8Mw/CNmlTyO5qc1l4k6YvHcUxZ3jiOTw3D8LWa7NYPaB14/pmanIMObPXDMPyQpD83juOZ1bl/oMMaHA3DcNPq319f+XVoGIbP0CT8/rgmQnSLJi/SR1Z93Q5H8XRRIw4vOfZehfCA1Wd/QdMP2Fwc3llND+w3aNI9P6ApFODLkr58lCbX1Sc0qb2yOLzTmlzcHQN4TpPx/mVae32+YNXexxRjfm747A5JP6hJynEc3icpj8P7BE2qn8c0uQa/TlOYwvthrr4/mcND3nKa1Hv/YXXdDU/F5Pw7NXlnvW01j2/S5CTQisP79yri8PDZc5XEhq3m9MB7UJtxeA+u5uEnJb0Hzj2lyTHjjZqYyhtVx+Hxul4/zv/naJJCn1ztkf+m6eH+buGYUdLLi/G9NHz2RzXtw6dW3333ao6/R1OIxVOa9tbPa7rJn7Z3WWvMyXG+vy5qsot9hiann98Px/w9TdqPc6s1/++S/oEOe+p+lCZJ+5IacXhYty9d7aPHVnvt9ZpsL39s9f3Dkn660Xd7DX72tZq3VbuL4vCK7/7eag866Pv5mh62PxGOKePwims13eo1+Tp8x+rYfS2Iw8P5N62O+1/w+ZesPr8rfHZCU9D376z2zKOrdX+FQixto69/S9OPl2Ol/3JyzL/xGBrtZF6aH7g6942rvt2v6cev9Dpv/dnF/l0Ww5S37bs0uc9m+uCO/x9gGIbnahJcvmAcx2uSv7Cjo6NjG/RqCR0dHR0dxwL9B6+jo6Oj41jgXV6l2dHR0dHRsQSd4XV0dHR0HAv0H7yOjo6OjmOB/oPX0dHR0XEssFXg+alTp8YbbrhBOzvT76RfM1Tp8Jbkxl2WP/edg3e0zXPp9eJxPMfvq9f4//7+/uJzfKxfh2HQ3t6e9vf3Nxbw7Nmz4913332wtidOTFuvtYfm+rRtf7P3rWOzc5YcMwcf67lonTt3vWu9H3nv+X31KmnjeZAdk72Pn+3v7+u+++7To48+unHQrbfeOt5zzzo7Htc8fra3t3fou2oPtbBNv1vHzJ2zDY6yzkv2/rU4x1iyn6tzeD1/nj0fvMZeU0k6d+6cnnjiidkJ3uoH74YbbtDzn/983XTTFBB/8uTJjU5VP4a7u1MO4WxSeKNUbXAysu+qyc4mrrqJlzyAeAzbiIvBY71gHHd2A1fXrdqUpKtXrx5q48qVK4c+96s/l6TLl6ecsk8++eSh9z7G7T/xxBMH5zz11JQI49KlSwfjePzxPDXoPffcox/90R/VDTdMma/OnJmStV9//TpzFR9Ovravc/HixUOv8dp+rfrNB2L8jNfla5ynuWOz6/Bcv3r9+ZCOYB+9dj4n9q06t9rX2X3EPWnBxK+nTk1FFU6fXuc+9v9+Llx33XWHXt2WnxfxO/fpypUr+pzP+Zx0HHfffbd++Id/+GDMXus4du9b7z/ueb/PhBc+d/yez6zWc87HGq25nUNLoOM+q8YSj+HzgIifc6/wnEzINTy+StjIrs85531zyy23HDpOWj8P/Cza29vTK1+5LCFUV2l2dHR0dBwLbJ1LM0oyLYmFv+aUmlpqokoSqY6P51RSdGyzUsFUfW31qWKDsU2yP85BxgrZJ0s+PJbjlNbSuCW76rrxev7O5/p6LemQbCOkA9rAMAza3d09kOx9nWyO3V9K5b5OlAJ9jF/J8CoJOf6fSavsu1Ht1UqqbR1DiTgDmV31mp1DTQLXsHX/el0qBhvnxMe6L2aB2X1kmO35u52dnXL+x3HU5cuXN+bWay2tpX5/ls0LwefA3Gv27Gup3irMqanjOi1V0Wb9yFR/2TktlW32vI7fZ32tnqu8vrS5TrzHff0bb1wX+2g9N+fQGV5HR0dHx7HAVgxvGAbt7Owscjgg+IsdUUnYS1hVxXiWSD5kNZRq/Hl2bfaN0k1EJQW2JJPMBpS1mUmLlWRase7ssyVrwbm+cuVKk63s7Oxs9CmzAVSszNJ7lOxtz7lw4cKh95YclzjqbCNxz9klfN3Yx2rPcJ18btwntEHRNpXtk5bNJCJb6+oe4P0U7WcVk/DnZnwRbj/a9arnyf7+vi5fvryhffCaS2u7bpz3OXAv8rWyY8ZzyWYqNhW/qxxotmF4FYONfazObTnctNYgOzfTZGTtxvfZ/URmxzWOe4jzdvXq1cWOMp3hdXR0dHQcC/QfvI6Ojo6OY4GtVZonTpw4UEOYZmZqIlLuyvgZP6sMs5XRPWLOBTtzKSaieiW2xf+z67DNltMK+9FSQbl9z1+lpmip6raJSeK4KnVcduycaiGbk5bKx3vIakqrreyCLq1dk6nSpGqkpb6cC0fZRqVJ1WN2TLWXMgchhh8scbdnaATvo5azAtV6vsd5r8dz2acl4Q9sJzN1ROzt7R0c4+vF8BT/7z5k5oiqL54XOlLx80ylyX637i3u6yocpXUvV05k3EPZd9XzJ5ur6vnWuo+WhuoscdKiGcP3dTxmzuyToTO8jo6Ojo5jgSOFJVjayyQDSjHGErdtHstf8CXSReUSm4UlVNJl5lDhsc65dvv7OYk1HrvE4MqxVwwm/l9Jkpl7/1wYSXXcNuPI1jwLnHa/LLXb5dzM7rHHHjs41v8zOJ1jr9jHknG0HGuqwNlsrFWiAa5XnBP/T2ccOvBka8nQBTKYVkC173Fqc5w4IN7fPsdJBNwnaiWy5wWPqbC7u3swriwBga9Zre+SrFBkt2RAsQ0ew7YyzU/VN7K2ViD4NuB4KlYd12VpMo7Wc5wJAlohDpWzH59VkeF5T845nWXoDK+jo6Oj41hgK4a3s7Oj6667bkOnvYSt0cbWYgrbMJ/KhX1Jqh9LD0yBlKU2owRSSXaZ1Lw0dKJl46rObdnYKptntgZkXJQ6W6EoSyStcRx19erVRSmxmObMLO7cuXOH3kvS+fPnJa1teAxAZhqqzJ2e7zlvWUosf+a5bNm4/BlT8VVB5R5D7D/tmHzNWGEVusD7N0r4/t/pwphKzH0z05PW8+XgYH/ntqJ0blDL0MozOQyDhmE4GI/XOjI8apR4v2RsZs7WWaVHjP9XmqTsOeC+MNSD18/CrtinKsQgjs/7rQotyeak0kxV9vUIJn/wayv5QzUH3LtxrXnuNuFxneF1dHR0dBwLbO2led111x1IfQyYlTalfDKu7Fe50t/y+0yfPKfjziTIOT3/kpQ7vC51+q0Ae16PabBi+7R/VJ6rWdJYrxPtWJmdk+1UqauiNOj2YwBwhXGc0kOZIWTz5D5UzM6vjzzyyME5PoYMz+/dFm188f/M0zGOLyZKNou5+eabJW3auOjpm33G/U4WFxN0M7De4/ExZLTSpi3Q35EteFxxDWyHM5P1MWZtTNId4WM9R56TjM0z8HxOO7C/v79h041rWbEkspp4Hc+D++AxVWsa54nJKirbXcY+Ki/GzM48l8zZoL0u9rFiQC1tTWUH9msW6E8GTi1R63lavV+S9NsagCXoDK+jo6Oj41jgSDY82i+W2ON8DvXK1WdSbePKJKAqrRHLxPB8KZeOeM42pUM4FrI16vI5N3E8tL/w85Z3G6Vdzkm0rViy96vHY1ZlxDmiXefSpUulBGoJnXas2J775xIvFcOLJYh8jJmPpUu++vs4Zve7mkuPLzIUSuGeL54b15KeaGQjlpbJUuNn1THZuLjnmSKL+z2LLyODYUxkK4avsnNmeyNqiyqWZ/uv2YTnIo6Z3qoVU2nZx7g3W7YuziXZFO/trF2DnohxL1U2Qj5DsuM535UfRcumxmeF5973XVwDn1OtRWYzNubWIGqRWinf5tAZXkdHR0fHscDWcXhRX5rpgKmvJ3vJbB3M5tDSf0uH7UpZst7YPkuXSJt6dkqkWWYX2mHISikNZjE7lKiq5MHxf3orVbGJLftflZA1izOkVG7YGzLzOjMTunjxYtP78urVqwf9tGQYGZ7Hatbia9JDK66Fi45W0rj3FGPE4v/0UCUDi4lrmcCYMWduI5snaih8rNfDdrk4XjJUemd6HiNz4VrS89KvtkPG0iu0rXE+M7uQj3UfH3jgAUnr++rOO+88dG6cC4/j5MmTTYZ34cKFA1abZVrxd9Xc0o4dj61KYXHd4php26yeYZ6D+D/n0u1zP2agtov7vJXhJ2OQUh7P6NfKNm5tS7yfqqxGnIvo4evP3H++z2L3vM/czu7u7uJYvM7wOjo6OjqOBfoPXkdHR0fHscDTUmkycFbadFKhMwSDvKU6TY/h9lupaah+oGotMzhTHUA1QbwOKfackTVTabLPRitUgwHNVUqxLOEwHUOqwGppre7wd1bZ3HLLLYc+j8Zjz1N0JqjqdI3jqL29vY2ksHFdqIayqoVu9PEcqucIr4/bzNyo6QxBtWsW4MxwEQZqZ2EpXJcqWUJUg1FlytpyDPKO/3vs7tsznvEMSes19ee+N2PfjCoJRKZC5TitkvZ1rH6OiKEzLYenCxcubDgzxfANhmdQPZzVUqTLO50tqOqMa+q59fxTtekxx7XkfPPZkYVQVU4plZNM9typ1LxZogP/7zn2nNM5igkdpM3nCh37qFKPc+H5O3v27KFjst8LOtLE9ubQGV5HR0dHx7HA1oHnJ0+e3GB4UQq59dZbJWkjwTTft5Kq0ohLCSVKWmRUlICyJMhVah8yvegcUQWW0ojcShpdJfPN0vVQ6qzS9SwB2S/HGdvjqyWwLBCdktt11113SFpkH65cuXIglWWuxJbK/Voxu0w7QGnZbMIOGZ6DWFqIrv4sNZQlq2aaLCYeyFjMHCuvHEXiMXRs8r3gOYnXNds9c+aMJOn2228/9GqGl13P7XMuyJCjZE9Jnk4LPjdb88jAqj29t7enxx9/fGO94ro8+uijkjaZCB1RIsMje+WxZEBx39FRx/Pv+8VrEK/nPrk9OrFkDl8ME6rCRrJUZ3w+02ktK7flvpmdO8mDz+GzJK4Z17dK2RjBYHX30fPnNqIWguduUyaoM7yOjo6OjmOBIzE8ut5GN1Pa0MjwjMjqGFJAO9mSArCWnugCmwXIUpJjsl2Pp5UWiONopfGhVEzJNytySJZraZaB5y02WpWyqUIP4jFkrpmk5f5Hhlel+DHDo40vCx72tbwPaMuLdhFL1txftO15fTJpljYnS7W0QUmbTLdKLRf7OJfqq0ouEP8nK3SfbPO47bbbDs7x/n3Ws54lSXr3d393SWsbHqXneP+R7Xq+aD+L7IpzQVtllrjb8+V2Tp48OZu0gH0zq5PWbvLcX7SXxrVkKEmWLi2ek9nwqIWwRsGvmcaH9yWvG7UkHk8VJuK5zlLasWxTlZ4snutjme7Q42uFUvGZy/dZmSgG8DNZtF/jPeK+xFSESzVeneF1dHR0dBwLbJ1a7PTp0we/7pZi4q+rJUJKIq3yEpVHJSWhVlAvPRJbyURpYyDDy8oeVR5PtMOQ/UqbHk2UYjIJmF6RZhsGJbvImBnozuB7v8Y5opTucZA5RwmZDO+mm27SQw89pAyW0s3IsqTsc59VAAAgAElEQVSwZJX0hLPEGO1V9I7j+nMfZKVqWL7HUi5tnrHftGnwuvGcqkwK91LG9Fmeya+2x91xxx2S1kwv/n/PPfdIku6+++5D5zIdWsa8PMeec9/r/txsUVqzP3pGklFkRTyjJqhli7l69eqGPTEyIbczl4Ag82Ikw+J9k3kHkzl6npjEImNeBtO2ZcWcuc/YXsVoY/tc5ypJurT5rKhSNnpOsvuJfaO3cOwjE5G4b0wUHteavgNPPvnkYjteZ3gdHR0dHccCWzO8G2+88UAKsHQd7SJGFbfmY6NkMvfrTBtI5iloVBJdlGoqScfIUvBYsuV4GFvi19g22RpZQJbE1cdYGrf3K2PDsthEMjhKv4yVjPCYGRMWU0AZHmtst1WMcX9/fyNeKh7va7n/tM+ZucRUWIyDM+htxnI68X8yK3rEZknEmbKsKjwsbTIgpmfy+yzRueF7zXNC1hGvy7JNb33rWyVt2qh9nTgnTPFEpsI1j9/NaWQik2KasDkb3qVLlw7W0vOZ2bwN3gO0EcX/6R1cJXWPe4zrTa9J2jHj+ZU3a+aFTrZMOxj7mCVjZxt8vkXmynhcPk/p0d5KrO7vyOLiM4QeypX/QdyjTH6+tDSQ1BleR0dHR8cxwZEKwPLXOEsEbcmADIFxF9Km3YjeY/RMzEqvuH1L/5Zis4we9ET0MYy7iRJdTFQa22P2BH8eJRLq+ZkMmbEt8X/31Z51nAvOt7RmNZSoLMG2YmjI+mg7amXYOHHiRNNL8+rVqxvSebQfkPm6L44bc1wZPTKl9Zw6cbE9LW1T9NizJLQsA8RCoJmHGOPfaMONbIaJdpm9ghleMq9Q3iPM1hG1Hm7X43n44Yclbdpc7SH54IMPHpxrz05mcOHnEe637z2OM2OsfB7ExOKEiweT5WQZSXhMy3uPNnT33/vN8OfRTkr7FFmuX7NsMNU5mZ2RmVz8DOF1stJpsWyXtBlTmd3zXG8yY9rsMv8Nj5nFYv19limLRYNpm8zie1mQYAk6w+vo6OjoOBbYOpfm3t7ewS8qdcNSHf9WlbuR1lKFJSi3YSm90nXHY90XS6/2TLN0G4uG0oOP+mLGrbG/Um47i32Lx1clc2jryNgRPZIsPVEy8lzFfrtdl2exRGTWE6Uzt1OVZmIsTzwmMuSlRTw9njhPluKYrcfSbca4vO733nuvJOnNb37zoXNYuDSea0nX7NkS6P333y9p7Qnp/kibEjYzq3BNPfbYl6pYbVY6q7IVk+m19htjmXzOfffdd6jP0ub+etOb3nTo2A/4gA+QdNiOSrZO+73HG/c37dfjODZLvGTelVnuWWpAeG9lbNPr+9znPlfS+nlkbUG2D7ISRdKmJijOrRk17dfMxBPtcGQ+VQ5NenzGz9we7ab2tM1ieM1ymU+UnsxxzfyM9Zw85znPOXRd31d+ldbaD7fj+eMzP4vdy57Tc+gMr6Ojo6PjWKD/4HV0dHR0HAtspdK02oGpXTI1FykpjZ3RME9ViF9Nuak2aCWAJb21SiBen+pVUmOmCeIcSJtUnyVEovqGwaNMm5MlnqZ6lcewInFUnVDlTPWnVQwxnKRKoO1x0dEhnrMkrY9LvLi/Vl1k6mmrGOlc42tHhyc76FiV6fdULbKSsrRZJscqLCMrC8MAY7fh/WUVul+ltaqHTgRUt2bltlg+heW2jCwcgkHEDJJ/5jOfKSlPIk6V4Nve9jZJ67l69rOffXAO1Xt02ffn0RmEyZezxNIE04PFtaR6nen8YviDYScoj+Wuu+6SdHjtpPX8Wf0W22faMY/R+zArl0WXfzreZWEwVPcytVdWIqdKiu3nAENqpPWcOlWd96ZDW7yHmeBd2nTG8vPbyRFYjktaz6nbrVS2cX/wnmg5yxGd4XV0dHR0HAscKbUYDfVR4q5KgTBtThZc6V97ugUz6DFKQJYaaNylC2yW6omMjiEM0QWbTg+WiugcQeNu7EMVYNwqD2L4WDMLX5fFHONcMMC4KooZ+0u3e65jlgrM2NnZaYYlXLhwYYOlZZKb+2eJsUosK22GFhhkZ36NhWK9hk5CbCmToSdxXegGTqbvcUWWwD3hNeT1shRcVZozMprI+NweA+np2GEnsSilm5mw7I377PFGNszSS1Uiiax0TUzRVzmtuOg03ejjmMlMq8TwUWtjBuL7hEnK+SyJ88Sgeju2eJ6oCYrjrxKzM5l5HEc1N0xAnaUW86v3PtcrPqs8P5wvt+F7xXsrnuvP7NzDPUqtXzyfKSfppJWlv4v3aWd4HR0dHR0dAVsHnkemRAlI2kxbxQBdS+2RXTDg1+/pus50W9JmULffW1rK0nZRCqTNoVVWnmCZeUsoUdJiolyD9rk4t2SMTJXEwPrYVwbs02bIuYntU1L0+vn7rDxQFcpA7OzsHLTneYtJiD1+s0DvK7MOhgTEz/xaJdt2/yPzYmot2ogyuxgTjPt6lnxpk4jHGplbfUS8N7xmboOsl/2S1nuDNlAf4762+uG1sJ2PDDru5SpFm5EV380SQ7RCWvb39w/6lEn93PPUUMRyTYb76flg2jaztiyRclU2x+FBTNElbWpRqLnw+DIGRP8GBprzWRLbZ7v0icjCfHyfUFtk9ha1egYTjDMVnDVMmc2Qz2Q+f7LSTCyOuwSd4XV0dHR0HAtsHXgekdnjqqTRTMWV6ZopiVK6zSTuJQVmY9vxO9o0KEHGNpYWt8yS1FICYeAkddLxO3q+GbTlRBZRFSnNmCT7RM8uznlkeLTrtGx4Ozs7uv766zckuCh5UwIl88/KA3FvMG0Ti+xG6ZYaBY+NY45zXxXxdTCtJfw4D9RQVEV2My0C+8gEx7TXxXMo2bsftG9nAeFsn/sjstDKY5l2+8h6mZ6wFXju4sF8hmRMgXubqdCyZMdmILSXUeOTPX8M7wOvAz1ypU2m7/1WFXmNn/EZWaUUy547fHbQ3hzXn1ogetEyhWLULNAuy0B3gz4gsR3aNZnEPF5nSWFwojO8jo6Ojo5jga3j8GKS18wbizpZlljxr3KUvLI0Q9KmRJUxITKFShLNUj2R8dg71NJEZANMA2RU0nkWf+N+b3Os54lzznnNygPxPRP2ZtIgvQ/5GvvORK/ZOGL7119//YatJbOTcn3INrOyMIxpqgpjZvFelBjpvZsxb9p/HKfkOY77m15qHDuLX8Y+kukzlR41KrEdFu81OAeZLZeSNtck7h2OyyCDjeyLabTsiZlhHEddvHhxg3VG7UBlH6uKLsfP/Eq7FL1Cs/4xBpHaicyWT09oanqylIZZqrK5vjEOk8+qjIVW5a/IuKr4wNg+v1tSFJdrSy9RadObvvXcITrD6+jo6Og4FtjahpfFy2S/8sx44NeMpTE7CROiEpn9z6C3YcZCeT1LXNYtZ6yQJYSYPJpxP1npnSyTRuxjllC7kmqZJSGL3WGMTiX1xr5V482yJGybvDWz8cVzK5smmV5WWoqlnmhbzRhqFQ9JjUO0PXGdnYibMaRxXPSsIzujZ2EEvUKZYadlx6hi05i1J0vMbDCOjawk9olMgvsiK0OzdA+5NFlsv5VsmnNNz9H4GTUgcwWpY78rdpF5hzKDE5OhZ3Fq9LTkXvK8ZdqjKnsS43PjGLje3Gf0vo/3M9ewStKf7bfKq5YZhbJ2ehxeR0dHR0cH0H/wOjo6OjqOBbZ2Wrl8+fKGMTwzKNJFtXLrlzZdyqlqaRlIScvpFJGpbaj+YS04qsPidagupNooU0tUqXUqR5F4bRqtqVoysmrpBtUR/DwbD9NqZcG3/KylChqG4VDgeeYEZDUG1cZ0sslc8LnffA5VzEvCU6zGySprU03s4Fq3VYU2xHY8zioJe6ae5pp6XFnleN4nVC210lVV16GjQAT3Pu/bzIxBR53s2vHzkydPllXN47V4L7n/WWiTz6GzCvd1ltzdYBiH32cqObrYcxxMbRaPpeqvUhtnYQK+rsfjZA9MChLngqaBbM7j57FPNE2xzmOcR84twx/oNBXHXN0bLXSG19HR0dFxLLA1w9vb29sojZElVW0ZlKXDknYVVEmpPHN/zhw+pE1JKJNEmCSaxvfooMFQiaoMUsbwmGiVfcrcdCtJigwjGx+lMTp2ZBJrS7qW8tCDzDlmLgjU0l62TyjlERnzZnmkKuh+bj9m4zGilM4AcL9aSs5c5rkelUNSFgg+ty4sMRXbm3O+WOJs5L3Lvmasl5oEhgxl+y0y0zlJvUobFlGl02KS4vhZ5TxikKnGvnLP+plIN/4Iah0q9/14bb5WiagjKk0PmV0cV5UMnYwvu8+5f7lOLWdE98HzxwD3LIH7XGLtDJ3hdXR0dHQcCxwpLMFSZUvay5Iax+8jqjAHSr5ZG9WxLT2vJSja7hhCkbEZ6vGX6Lbpyk62lqVHY1FQjoPMLpNyOAeVm3/WXsWyW+EPly5dmpW2qKPPSj1ZyuM+yxgJbXW04bWS61YaBCNziXaIgsMQGKROe0UcI21ZZIPZPeN2GGbD+yiGTpBVcG9yvC1mRbt2i4XPBVJnzDXadFuMcxzHg3uiZdeptCYMAYn/tzRIEbFN+h1UYQNZ+EYVipHtnczuFdvnuFthAm6Dpbnic4cJmavUfBwL/4/Xa92/ZK60gWfPE7K+Vsq3jestPrKjo6Ojo+NdGE/LhpeVjCEzoN62xRSIKlFqxFywY3Yci8VacrT0khVVNcjoeExmU6tsQ2wrlmBhIGmVCDrz1iLr41xk80gpt7I3ZqzX89diCk4OzBRwWVA3bSZkUZlUSemcnp0Zi+O6MK2S30evUCfTJRul52VWGLNieEyLFu8N9oXjIgOT6iQPVbB0Zk+njYp2wRYbq2xhkRUy6UPL3ui9w2dIZrfkNStP2PgZ+8Q9zxRwcSy0W1aJ8ONnZCRkh3FuK9sp7w0mwI/HGrThZeV6fIyfkU6kwOLV9N6N7VTek9QeRXBclSYj9j/+tvTA846Ojo6OjoCtbXixjEdV/kHajKmifr9l66GEUNmvYjtkOrQRRPbEBLyWXqifjlJnJf0xVivTK1PayzzG+N59JAvlOS1Ju5pregvGvvm6jAPMdPZLkkYblMKYQFfalCIzW6OUx1IZZHotO92c7YaJgCVteChbu0GmF/sYpeB4PTK7LN6UydZdyqZlv6iK+TL2scWqyArZ55iEmTbIm2++WdKmXbOV9P3y5ctNKX1/f3+DiWf7jh6XZGeZhzf3UPUMiXu1sk+2tClMrJ8xR4LPN3qhsj9ZmrDKZstnVuwbn1X26KwKU8dzK7t/Nt9Msl1pwbK9Eb2BO8Pr6Ojo6OgI2IrhDcOg3d3dDakmSrCVzpkZD7IE0LTdVKwqojqWzC5KZ5XNjra7lkdpFeeXSTGUXiidZ1IMbWkshdGKd2O2Cdr0MrZDT9WshBDRisnJ+nT69OkDrUCWicL9tm2h6lvcb15LZh6p4vEiKu0AyyjFc81eWCyYZVMiqkwqnOOWZx9L1bAwcJa5iKVrqtjRbP2qLClZQU5/x+wYrXg5JoLe3d1txhyeOHHiYC7owSxt7lt6ZWbloaq4sOpZEsdc2Tpbsa7MFGTW3ipeXdkRae/LGBJjVJlBKHs2sq/U0PGZtSQGbglLq2Kws3jN7NnbGV5HR0dHR0dA/8Hr6Ojo6DgW2DosYRzHDfoe1V50iGCaITokxO/opl05ZGTqQqoQmNonSzhcOa1kDiJVstasxpOUU30acUnjs/RndJWvnDKy2nbsE6+bOeVQVUGDc0vN21Jv7OxMFc9ppM7cqLO6d1KeANigerAKS8hUtJXzit/bNVtaq+3oSs6EwJlzD1VydJLK7iempWO9sMwFnPeC1cicz1ZIC93tOc7s/uU9zyDmeE4r+XmGnZ2dg75lzxC2x9CM7DpZUmupNltU/ZLaVesNzz/np6rSHtvhOrBvmdnH7fJ5ZpOBz4lmhapWJ/dKNj5+VyXlyELSKvNIltaN1+4qzY6Ojo6ODmBrhnflypUNA33m3k4jMo+dC1KOaKWoqaRLXidKTZZ46KxiiTtLyEvWSUmYTiWZq6/PYSByxmSrBNCVkTr2lRIVHV0yhxQ6hDAsocXiWo4hEcMwHDh9xM8MsnOGv7AUkLQpYbPfZHyR6TOY3u/pkBIZHqtVV9qOeB3vp8cee0zSOnjdr5UTU2zPe9R9qSqTxzlhaAED6TO2y/n0KzUmkZlX99wSpw+OM8MwDGnqschGKk1LFagf+zWnEcnuz4odkoHFdeGc+l5guZ7olEVNiB1dqpCt2FdqEsggswTuVUV1snSmdIzfGVWIQQuVg0sWHM8yYkvQGV5HR0dHx7HA1oHnV69e3ZDGlthUqgS60iZbWRoIGtuhxM1AzMyVnYHFZDmxj5V7LnXeWYC2MSfVZkHRZFicz0xPXrEbfp7p0imFUVrPkj1HO1klxVk7QMYQ54SFhSndZna4yv5blamKe8vtkKH4emZzfo3f0Z26Kjwb+8Ag/qpvDFSXNlkZWXBmU+N9xFCdVuq8KjlyFmpAeybDErKE0+x3a+8Mw1QAlswks5NW4QFGFnhuUItTsZv4P/cf7624Dzw/tpndc889kqS77rrrUD9iWA7T6vncKk1cZNE+xpoFMiMnMcjSg1Vl0JZo5rYp21OFBrUSbPDZu+Q6B+0sPrKjo6Ojo+NdGFvb8DJJLL6fK9NjZF6FrQDz2FYmaVXHLElCStZBSTwea1Qel5nUbCnP7Vt3z6DiyCjJVCvdeSZNVd5RlSdmBAO2W+m3ltj3eH1KkFEirQKzfY6l3Mzul3kPRjCVFfuVvc9SYnF/0+aZ2TYq+3IVmJ2xNc+JpfWzZ89uXMfwfNFmRA0J7Z0RPJf3SLTh0eZZMbusr637M2J3d/egD9QExPO9ZyobVOaRSpAZLyktRX8Atx1TGvq+N6Pzq9fS7UeNgmFmxzRk1LK0guNtM7bNMNOYMHED79dWOjSuAW3k2VpXaSMrBh3RKiFUoTO8jo6Ojo5jgSMVgK3iyKRaJ0tGElFJY5V3ZiY9V/E2mc2wivcjW4iSQ3WdyjYZmR4lkMpmlKU9Issgg8xYr1ElUF5SKofHZCyO12ylh+J1Ms89splK6m+lCau8WrOUbDyWY2+lTqv2V9b3Koap0n5kZaLIwmx/Zjxe1d94Xe6trIQNbZVkeFmpnLkEynF/Z/bkuYTyLaZYJXHm3LdsnZUneXYubXReDyb3PnPmzME59rCtCk9nnpaMY648X7OE9xWz4v6O8ZlMP1ax9yyOliywlfTfmPPKzOY+85tYyvI6w+vo6OjoOBY4kg2PiaCzX+5M+q+OrWLplpTp4LFsk/Er0qbkTu+vTPJlfBJZImN6MjsTmRyl5ii5VqxjSUaBilWTXWWxgkbFElprPefBdfHixYN1oG0ggl6ZLW8stsNYvnh9jquyw5LdWmqXNvcVr8tsJvEc7hlKwpnUzHNpO2S5othulRyamow4V+wLtRFkfNlcVPdiRGXfyTCOoy5fvlwmbI+fcYx8n92XczHCmU3cjI5ZbFggOMZjcm/aG5PsKT6r/B1fq/0Q95/37UMPPSRJuu+++yRJjzzyiCTpgQceONRnabNcj22HHo/71mLMc+w6037MeXi2tFEXLlxYlMBe6gyvo6Ojo+OY4EhxeIx5yaLgq9I3rVx8c3rqFsPL4sRim1ECZukdSrpkfPGalGaZO6+VY44SD9liVkxxrq0lcVhL4ooqe1ImlRlZ2ZuWLn0cx2aGGO4dSt6ZJyzHVNk0snOrorocn6X4+Jn3igtjMvtQ5klcZbph3F0rawqLxmagB13lrZuxHp67zd6hfaeV55HPg1a2jHEctbe3tygzEVl7K8a3sh9xvhinK61ZkVkavXWzfLA+59y5c5LWtjzGL8bMPrYB+jN7enquvYe9R2MMn5nc/fffL0l6+OGHJa2ZH/seEZ+XUu33kGWjqrzBaTOPn1Xe4dScRcRzuw2vo6Ojo6MjoP/gdXR0dHQcC2yt0pQ2qWor5Q6dCjKV30FnCjf9ynAer0NQpZElu7VKgVW4WU06tkMVapUGq5VurXKVb9H2SiXcSmw7V0ooC9ydC0vI+pYFAhNOLUb1UVQxcs6YELqVmIBJwqvK7Vm4COeYqrOo4rKKiuogq56y67AaO/vouc5US7wn3H4s6RL7noHOWVQtZdXLKyezbD9Uqmh+nzkrRKez1hhi0oIlgeDs75K9wz3vz1nWSdpMOM+A92xNz58/L0l6y1vecuj6VGnGBOu33Xbbodeo7pRqpxlprbq0atPvq3R4sS+VqaZKvxbb5XqzrFPmLMcUkNxDmTq8SqHXQmd4HR0dHR3HAlsxvP39fV2+fHnDoBlBaa8Kuo2ognirQNnI1ozKiM8ASmmTJTGRMUvYSHXAN8MiWolyGay6JMC5csLhfGZuu3T2aJU74blE5hRE6Wx3d7dpPN7Z2dmQzufKwrhdtmNUDJQSfZbUuZUOTModrFjiya9c48zRhc4CXHf2Nf7P8AM6ycTxu11qRjgH7nu8nxlwXu2VLAk3x2tU5XfiZ6dOnSoZ3jAMTc2QtHl/km2wMHU8pkpU7M+ZbF7aTADOvmfPKLMwhwnYiaRKWi6t04BZg+D3HLfXNDI870GWoeI4WyEmdLSiFiLOHfcMnztZ0vSK4bmtVgmg+NuyJFxL6gyvo6Ojo+OYYGsb3t7e3sGvcGavaiVrlXKpne7LLElCqTML0GZwMqWLLBUSA0FpW8sk0spttmo79oE2G9o8lgRPMpVZ5m5dBTQb2zC8JYmmGayaYRgG7e7uNoNQq0DwVnqzqv9kMUyKG8Gil0xWEM+x1Ey3czLX6B7ua3v9zRSYPDyzqRiUnt1mxkIz+1i8Dm3UkbkY1b3QSlZeBQtn9jNqc06ePDlrhyRjjeB9yWdKlmKQ9ij2LbPHGlny5NgmWXXsG8v1eK/wvbS2vzEsoQrYzjQY1EK4b7YDR4bvMBteh2No2cT5bGLIRgQD58nEs1R9rSQmc+gMr6Ojo6PjWGDr1GJXrlxplqQwKmk/Y3hkOpTkyBYze0UVuJhJIpYmWOrE0k3mBVZJfUyCm42btrvKdpSxHY6ZtqKMSVeMsSU1VSyq8vSUNhlryx7ncVZ2k2yslddcXP+5ckZGVtaE0jhTblkCjsHDZD5mR2RJ8T1tKBVrajGKqjwVCxNnx/L+bKX1YrtMitDaq5V2IAPv+bm0dJmEH+1kXiPug1bAfFU2yeCeyZ5zc96McW5pb/c4bMtjWrJsXNYwVN7hmaaHCb9ZTDbaBc3sbEdckqKNc8HnAplmpqGr7tfsvceaeTXPoTO8jo6Ojo5jgSMlj6ZUzWMyUCLJ7H6UtHlOKz0U9cNkXq3SHpSAMg+rKhaQMVW+TpTwaUeq0l5FVDaTKl4uO5fS+JJYrVbS1tj3rP+XL19u2iGHYSg9E2O/q7FWyZDjd1V5qsze7HWfk9Iz9kR7Mu1zcf1j8mlp095Mr+dMs0BW0/J+5n1E2yQ9F+Oa8h6rGNgSOyrfZ/GzS5P+RngcMS6ONrvq/shi9yq2Se/JuE68x+hnkCWgtx3OjMqFXx988EFJ6xRg0dOyYjH02mUsX+y/P2MCan8ek1Wb2bHgbHUPLkkTxpjYDFW6u8yTtJWecA6d4XV0dHR0HAtsxfCGYUi9wbI4pepXd5uyEgYzQ0TJzv+TydHWFSXuSgKh7Sb2w8ykKgBbtRmv7dcq40WWTaCaxxYT47n0GMtsYVV7lf0xtle9z/pMz844n5QmlzC7OdAuk8WcGVUR4czux+TR9ISL4B5kfKSR2Ypod6EHaVbih2y28rSjLTn20aDmIitIW9lPK+/HiKwwLzEMQ2qjztaFmp7WfcJnRmUz5lpLmx6OVXL5OPeeS8bW3XnnnZKk22+/XdI6I4u0tuGx0CxZs21vLbbGPZTFNftYagmoMTMLjc+5OWbH509ElUw8iwfN1qfH4XV0dHR0dAT0H7yOjo6OjmOBrQPPW3XX+H18X9VIit9RDVCpJ7NgR6pGWimsKiO+r89kxVIdrM5UUpmKZq6qc2YA5hxUyW9b9deoyqxCHLJ26bxAx5t4zFJV4/7+flOdljkYzYF7I6u5JeUp3+YSfmfjiiojaa0Csoonc0f3OVZVceytWnqVk4w/t5oqU4NWacKsanKAcxYixLAX7uFWIgKOJ0sqzfWaQ6YOje35mnMOYa2AeT5fGEYQ1cZWIdrxhOrC7Prum/eMVY533HGHJOnWW2+VtA5TkNbPFd93MSg99snzE1X27iMdUHwO6/HF83kP+vpWsbpf2T6o0vllySaMyqyVqfkzh62u0uzo6Ojo6Ag4UlhCK4FoZfhvlRTisZXDRiYZkGWwXIcRJcnKHZwSXcYKfU4MRo7XzYKw6YpPqbZVsoSGf0r2met8FhycjSt+T4mbTipZ8mWu5f7+fumuPo5T1WqPJ3NaYYqyqgxIFvRcJQLgPogMlS79dATJGKzXmUyIJVAylpalf4rfZ8kLKi0E1ylLilwF7PMeyfYB0QrgNrheVahAvHYrcXpsNyYIpoZGWq8dg56p6cnSWxFVuq4sfIPXN3ti4unYLtmL54IOStJac2BGxcT21TNM2nRA8bHeQ2Z48ZzKYdBzwFR6mTMg57h6lsXvqAWgJiNLRRnv36UlgjrD6+jo6Og4FjhSWEIlPUmbdpjKptdiNRWWnFOxmCidkW2SlWYFYI0qOS2vG69HqZOBzlk/qvJDVZB+RMXw2LfMFkpmVxVSje23km3z+lU6rWwsc/bg2G+ud8WmokRaMS2mtItStPvIUBNK0ZmtiBJ2xfTjPFZB8NzDcS3JHLj/mOosCzGokhZk+26uJFimMclsxBXLG4ZB11133QZbz9JNeY6rNG4Zg2WKxCrZwqOPPrpxLr9zyAFt/FKeMFtasyb3PZYHqlKIuV3a8CJbYzFXHuvPo7aKTM77m2EITHUWz2UCaNqfs6LPc4Vms9+G6LwTklgAACAASURBVE/RbXgdHR0dHR0BR7Lh+VfXv/7WFUubkuFc4cYMc7/WWRBqlYCanmMeR7wOJdOod2efKvsEP89shpV9IbNrtuwV2fXinDB1FQM/szI0lM5Y0iNLcUSW1vKWctB5KxE0243nxjFmnpa8Lsfs15i2yef6M+9n2mOyZLf0WvO5GZOoEhkbreS6VcIDjjdL+cZgZdqxMu9g2hN5XzHwPv7Pe6+VBo/76qmnnmoyvJMnT254jGb9rthElkSgsufxvsk8JM+dO5der0rjJa2Zm199LtcrsiZqzCo/g8x7ludWKSHj8857xSWMPGbOo1+z50KVlD3TRs0V0M6ep7zO7u5uZ3gdHR0dHR0RRyoASw+dKClRsqpS7Szx0qStIyvYSKZgiSoraslzWmOMbWbfZZ5Csc+ZNDtXpDLTbVPyqdJstfpK+xuZZuwjmR37Hq/TYqjEOI66fPnyRlxNy35UpYXKmHA1ZvffLI5xTNJawrVkXaWNiu0zWbTbZ3LneCzboPSapaWjBG8G4XMze7OPJTOpym1lMU6Vl1xWhLkqUVPZt2O/Y0L1ysPXDM/ISiLRe9bHc69nccSVxoV7JzIvM3syD85F1H4xdaFf+WzM5oFaAY7H44/zlNl3Y98zO7fb8TFeH7I22gfjtblHuJfiWFhyqUpplvkHVAV8W+gMr6Ojo6PjWOBINjyD5W6kzTgU2vKypKqVXYwsKvNE4meWPPw+YzNVthKjSu6bfUZdc2YroP6d9hFK1fFY9o1zUpX1idchc8hi1MjoaNPLGF6rREzWlyeeeOLAPuZ1ypg4PR0rCTyiKhIcbUTS2jYRx0ZWQI+/ltRMhse2pLanaPw+05hwfO4TNQtxLeeK0/ocM4yWhEwWmNlhWlqbiGgr8npEr78Ww9vZ2TlYl2x+eA+xuKuvk8UrGvR8pW01lnl65JFHJK2z51SFiLMsJp53Pquye57joX20lQGnssdnieANskHaRj0G38fRRsk9UnnrxvHRvl1pd1qZpLZBZ3gdHR0dHccCW/9Exl9eejFJ6xIaR8mwUn1O1hSPp0TA98zswTHEc+bKFEmbUuESplUx1uqV/0fQS8vIvALJkCzpZwyvYlFV6Zf4/xJJa29vT+fPn9/YB5mNoyozlDFuSnucY+7RrGwT+0SGFz0Sub/cnhle5k1Gduy+VAUs4/hpF2PR0symyzUjs/d4Mk0G2ydTobQej6HdlEWSsxjIaINsMbzIlDx/sT32t7ofs71Vlfwia8p8BxiP5lfbwOLaVuV5mC0lK1JcPQ/oKZ1leCILbBXw5nWzfJvSem1jzCDtcUbrGclnCDMVZW2yvZ5Ls6Ojo6OjA+g/eB0dHR0dxwLXRKUZ3XWZWocqzSqdl1SXj2il06ocG3hOVAmwPEsVxB1pPNuvwhNaxuO5cUX6XrnyzqVSy65XqTayZLiVKjpTZdHQfPLkyVK1sL+/r6eeeqp0e5c2Va7cQz42SwBtZGrv2Gbm3FElIqDqUVqrcKjGY8qnLJUd1Z106FqStotrmu2tVsD3ku9jX6p7MkvvxrASOkfEdatCdSrs7u6WZa6yPvA5k6VRo1q4CnLO1sVJnLk3+RpNKZVaukobF/tUgSWfMtU2VZdVovV4Pd97LCnEgPr4jOQ53Pc0M0TQgaZKYhD7GLHUga4zvI6Ojo6OY4EjMTw6gmSSW+Wssk3SaEpprYTJlMqqshPSpoRRlbPIJK0qKTHbbhU5pPGWr9lnlaSdOS1UJT0o0WWOLhWDzZCxtRbDu3DhwgZ7y1z+q2Beji/2l3tlSTkbzi1drpc4ydhJi2sbGV7mZJFdv1U+hayGqZ4yjYJRsacsgTeTPNCxJQsEZiA4A+3pFh/PiYysJaXv7+9vpEiLa8rnztyYIyqtE4+NbMbn3HLLLZLW+5ihJfHZyPbtsOV7IUtaUJ1r8F6Pc29HKj5LokZOOvw85L72qzUbDJqPDl3UrnAtstAmgholph6L7Rs7Ozud4XV0dHR0dERszfCGYWgWbaTeniloMgmMv+q0wxmtANnKXpWl7ZpjWpltgwxrm3OJKoVaFpDJcVTpkFqppSh1tkr9cC1attClAcdu/4knntiwBWSJks2wjJbkS1AStoSY2Ul5zJkzZw71LbOLsH0GBme2G7fD8ACjNa7KdZw2qdgm7xNK1mRxWRIIg8dkBWcZhmCwpEyck+r+yTCOoy5dunSwn7Njs7WK48meHbR/Vq7wWZkof0b3fQb9ZwyPPgIM6o6sic+IijVlaencB3/mvlShLtlYqfUg04v3AwPO+WxyPzLtQFWiLQt5aiUxmUNneB0dHR0dxwJbpxbb29vbYG8ZM6EESg+orFxPFSzassOQzVSMKNOBtzwQ+Z59rPTU7HPWbhUs3fI6I5ti4HOUnj0XnJNWSqEqCLoq7pmdu8QGwwKqMdUX9xOl2iyNFvtNRsq5jlK696DtFGfPnj3UBr1G4/+tvRKvG69Nj7olqLQamXTO75hWi4yG6aqkTdZR2RAjc/GcMtGw32f7rlqnDPv7+6mfQJZ4vPJIrdqNfahS/hlxnip7FZ+NWbA99yJLLsVnIxkO7zUG92caGKZd9HWz507FPsnw2Ia0mfCZz/zMZsznHIvx0t4Yv4vrNuflezC+RUd1dHR0dHS8i2MrhmdPu1YqKXoNUceceRsy1qJKIh37YVSxJpSqs9g99pU654xJGC3POva5GldVRoX/x/eUsDPvLHtlVmuQMTKOryrEGEHJeC4B8O7u7kah1DjHTCydlRBiX6vyIWQxWeFSf+aYKkutlPyzsXMuabvJYun4vvKEbXmHVp7LWVq6yoO1iv+SNoveVt7BEWS9LGTasjPaFtRieOM4FQ+ubJPVORFLtBBGlVQ8orIrVwVNpboAdIsBVUnRK1+BrPTOXGmxbO9USaOZADuCc1z5O2R2TT6LuU6tBO67u7vdS7Ojo6OjoyNiay/N/f39DencjELajCmpPISiFMPIfKPKyhHZDCXtyjaQSQBVFoss48JcUtol9r/KO6+yIWbXo82O8xs/o+cWvfVaNkrPCb1sM9tU9OCrJK1xnArA0n4YJWDGMtGm0fLSrWyP9LyL/aPHqMfTYqGVNE6Gl2UiMZZkOiGYvNfgPSJt2pcqbUcW40TJvipOms2Jv7N3JksmxeuQRVXjc7tXrlzZsMPHObZ2wDbhLIm3lGsH2L8qPjZjQpzrKlNRBL2m+ZplXKpYGtvPnllVJqnMK5X2vqpUVpYBpfK2Z5+zeEw+c/m8yfwO4nO1Wm+iM7yOjo6OjmOB/oPX0dHR0XEssH3JWG0a6jMjJKkvVSSZ4wlVFnTjzQzoNHJSBdBy3zbohNM6pzLIUqURVT7VOUtcpqkOpeHbn0f350qVWbnUx37zO85nXKMlzhbxuwsXLhz0JQs8NxiozbXNUr5RhUTHlyyVGVWZbKMVzMv3PiarWs6AaaqauB9awbZU2bO2XQRVlj6WatAYqlG55DOhdlwDBgmzynyWjJ19mHM8sEo8nhMdJ6oExa0A9yWp3WIbmSMSVbGtBBt8zvEepuNGq09Ea3yVs1J2T/N+4euSMBJen+rKrDZpFUrj/mShPPHZ2J1WOjo6Ojo6ArYOPN/f3y8r6EprqY5urDwnM0JSiq3CBzJ3ZEozdCXOmEnF0pakMKtcfFmOJLZLt206QGRhAlUKIQbcZ448fF+VFor9ZtVxSmlxHrOxtxKBx7CFzIBN6dHOUD6H5YLisVV6KLOAbM9Q68BA/Syon3vQ7OaJJ5449D5jeHNJC5jyKx7rPcnQDR6XXYeOCEbL7Z6SN+/XuAYen+eAqaSMyI49jnjPtxye9vb2NvZgHE90nIv9Y9KFzMmCZYcqd/4syJp7thVqNJe0IHumVFoTMtolqQyrEJ04j/6fzI6B5q0k+fyM91OWMMBguAOfc9Lm70NPLdbR0dHR0QFsbcOL+tLMRdlSnF/J+CzZZQzIn1XBiJYc4q897SG0QWQSEI9puTsTmR0pvm+lQZtLON1K5kxWSPtp5pY7JwVmjJIMj1JZHFcVEtICdfSRBVia9Jgs7TFgNXMPr1KLuY1sXcgOq/nKpPTKTprZtTMpNbZbrXUcB+1jnOu4h6kpof2ScxQZZcXAK5f9OL7HH3/8UJ+4Z+Jak3VeunRpNjyDAftZ0mOyW7/38yie00qgEb/PnhNVImg+B+I6zdnQsv1W2f+zUI8KtNWS2WUMby4MIbvuXKhOpqHLtITS5r0fGXy2Ht2G19HR0dHREbC1De/q1asbkliUSMnOWCYjYyLU+c8Vksw8IKsCiRnTou63FZxuVHrjKvVSZlNpeYxJuW67st21Sv2wr0y63GKwVeLmbFxGvM5ciigjs2dwj1jKY7meTLqsWLtfnT4sO5eeh1kwP/tdFUrNPN+qUlVVwu6sXA/XxZJ4Zoer0kLRhpOtMfvmfcY1yLQDWVLnbNzS+rkQ263uv2EYdOLEiYMxZ17Oc1oGfx+ZAkvc0JuQie4jE+K60+7n9/Ec+jW43cqmL22XSqwC+0YP6ayIa5XI3a9ZMVdqMjzX1TMsgh6s1A7E3xjvHfcx+02q0BleR0dHR8exwJHKA7V+qfkrbymKCWVdkiWeQwmvKuoYr1sl1aUk0krIS2liSTLnKh1Y5g1YxdlwrjJvwMpGxPjDrERTlbQ4kxbn0iplpXmy1FsVnB6K7CLT59Nr0hKd7b+RedGDs4ofy+wVPpe2LUraUdOwtChx5klasWey0iwBML3l/Or7KHq30V5OG95cKZ7YN7LeLFk7Y0TZVmZDpndxy0vTDM/w3s/syVU5MH+esXYW7a1i7LJ4NT5v6OUY16Wy89L2lbHnKgl/lR4xfsc9WsVIZ+NhP9jHLCaaz64qSXY8lvbrKqF/bCdrbw6d4XV0dHR0HAtszfAuX768ISVF6YsSScXaYkwOWQqlB+qTM2ZZeS1l9oM576xMIm15xcVjMymVTI5ML7NNVqV9OPbMDsOMHZX0G8dHWySZXTZnmR2zZQcdhmGDPWdsjUzOWgFmRIn9rUpK0Tszk9KrPme2ZM6HJXhK9jF7ifc6PTur5L6RuZDR0S7H0kaxD+6T+0gmU5ViiX2j9MzE2tJm/CLbMLL7lknlK+zs7GzERcZ5om2Rr9n6s2CtkWkziIrZ8TXTvFSFUTObLtkMWXQr7o+fkfFlDLCKFa2yNsU5ouc1CylncXj0zPcx3sNZhhXOxTAM3Uuzo6Ojo6Mjov/gdXR0dHQcC2yt0rx48WKT6lc1nmjsjKos02fW0Ktqp7WcZagGXZKsmgHHmSMIv6MqcUnSWI6LaoGsTlTldNNSy1ZOCVTVZunWqnQ9mXNGpjZsOUQMw9AMsuZ6MHA1q1pu2AW6quNW9UfaVKcx+DaqVWjop0ruxhtvlLSuBRf7TyeYytge16VK8eS5sPo3qjS597O6hVKe5q8Kwvc4s+B/qjS5h7K15mcttZSfO57H7DiqNCsni/jsYFAz1YM0OWSmG4YlMKVdpkKvklNk4UocD58HvJdb6mm2acR14XOUz2A+qzJHO6phK3Vs/I5q6irxQRzrNgkvjM7wOjo6OjqOBbZiePv7+7p06dKGBBfdWqukx3QeiZIPS64wNZIlyCy4vCo9QaeLzJhLFtVKMUYJilIFJcgsILNyuW2dUyWnNjKWUKVZYpsZS6REx/VshXfMJXEdx7FM9hz/pwaB7C2iCoRl4uRWWAXZGUMnsrI23JvUTkTG5f5XJZ5aoQ5VWqhWAmCy3MpJymhJ6VUoS6v8UZaGjsi0GhXjtbMcmXIm2dPJgvdYxvDI9CpHlyw0ogoEZ8iLtJn4uwoFivNGNlal78oYXsXkWs8dXqeav2wv8flSsdGs2AC1EJlWwKCD4pUrV7rTSkdHR0dHR8TWyaOX/pIysXTFoqRN11RKhpQqomRnyaBK7ZX1lyyNkkkWVF61XyUgzvo/l1qsFaxcjadKTyVtMqVtkmSzT5n0TYZYpXdzO3t7exvB5VlCXoOsjZoAaS0tVy7elAaz/UCbV5W+K4L2PxaqzMIEvH8ZnsI+xnWpbERMvpyxQjIuvtJGGj8zqj0a90Nmm4nHZPdoxsSqZ8v+/r4uX7684RqfBejT9Z1p4rIA5mqshvsf58lrymeT+5GxXKYdoyYrA1lfxZ5abNfHZAkueC6fTVUZsixMir4K3OcZy+Z+4zM588HIWPXSEkGd4XV0dHR0HAsMSxmbJA3D8KCkN779utPxPwCeM47jHfyw752OBeh7p+OoSPcOsdUPXkdHR0dHx7squkqzo6Ojo+NYoP/gdXR0dHQcC/QfvI6Ojo6OY4H+g9fR0dHRcSywVRze6dOnx5tuumkj80AWA8S4EEb1t/LFVXFqGeZyQG6DJdc7ipMP+1T1Mfv86Yxnrj9ZlhPG/7UyHmTxNU8++aQuXbq00ekbbrhhvOWWW2ZLM8VrVtlrsr2zdM8sya3JNp7uGjwdx7Brsf5z+2+ba7Sy6jAzSetYZlrx3rl48eLGwadOnRqvv/765nOHpW6OMqbj6sC3ZK6ezj5ccs9VyMquZQVlH3vsMV24cGG2k1v94N1000168YtfrNtvv12S9IxnPOPgc+PMmTOS1oGZ7tzjjz8uKa+dxRp5DBLlD2IMBGbqIwaV8wGegUHyrQq6vE4VgB4XktdmuqsssJm163idVpA3x2UwoDpL1cWkxL7eQw89JOlw0u/HHntMkvToo48evP70T/902pdnPOMZ+vzP/3ydPXv20OetYGS/Ov0Q68rF/5kSy2jtg+pBV6WPi+dUN2q2d1pp2bK2sgf53LFZ29w7fJ/VQ6sSHVSp2uL/PpeV1v0+zvMjjzwiSbr//vslSefPn9eP//iPb4zB5z//+c8/eLb4ueNUcNI6WTNTr7Xmr1p3jr0lTFeC1pJ0e9v80PI61biyto4iYFc1Gpc8fyqBKks2UaXVY5pBp32T1s+D8+fPS5p+W171qleV/TnU/qKjOjo6Ojo63sWxFcMbhkEnT54sGUv8v0pgHNvi/xWrMTJJa45htaSy6n32+Vwpj0oqjKhYZpb2aq46catKNueCKZ5aab04DkvMUZo2WFZnTuq77rrrmqnSqrRpWVvG3J7hOS3mvUSin8MSqZmotAXxu4yNVderjqnGc61VeWbbTPsWyzpZu+DPdnd3m/O9s7PTrNQ9V3Inez+nDp9rS5rfo639sM28s48tLVR1vaWfx/Zb2gBirkzPEu0XP89MZFXZqyXoDK+jo6Oj41hga4Z34sSJReVTKP37FzpzWmAJn8ouZ7SYF6WITHrLEjxnbWWSNvXR2zjW0P7RKlZasbElEhcZIxPMtqQmskJfLyuG6s9iMtyWNLm7u3uwL7ZZl6qPsX9zSbZb88RzWgUzK7toJRFn7ZOBt7QC1XqzzXhftWyCGbI1m0vG3tr31fzFfrCw7cmTJ2ftXZyDzBY0x8qyJMRVEunWPPq7as9m/an8Czi3rWTOc/O/RLO0zTOrKmHUSlpdFZpulRarnll8dsb/Y0HdpSyvM7yOjo6OjmOB/oPX0dHR0XEssHU9vBMnThxQVLsCZ9WWqXbw5xlF9fmssVTR+EylVamyMpdwtm8ju6/vvrWqI7N9I1N1VuEArLgd54SqTM5fyxFiru4dVWoZlqg0HaJgh5YLFy40VZonT548GGvLVb9y1GAF73hs9b6leqnUKS2ngmrO2Nds/auQiZaKqQop4Pct54iqr0ZLZVu1n6mi5/ZVPIcV20+fPt3cO1aJx3NbTlLsQ6a+zOK5WsicLbYJR6Cqr1Jttu6JyrGqZQ6o7onsmTYXUtAyqVR7lOPN7kWaulphEKwF2Z1WOjo6Ojo6gCOFJfiX1ZJ9dFknW5nLuJJ9x0rXreDaCmQQWZVdMzu/slpyDHDOqvVKm66xSyQSVq+OhnuDrJDSDCWtODdzQaOtysMO8CSb5ppL6wDQrOo2sbOzo+uvv77ptMLK2XMhGfH8yqliLlwhfreE+c4xylaYSHVsxfykzfuIGoRtGF7FJLPg/6OEZFArUDlLSes9cxSnlczpqgqD4nMgS3jBZ0S1p+I8VQkhqtes33zfyhKzVHORab/4PN2G2bKPrfuqGgfbiGyO60NNVjYn/iw6/XWnlY6Ojo6OjoAjhSXYnnPzzTdLWqcOkjZZjCUC2/taDM8w49rGfbaCrxdTYjF1lVNW0ZYY80f6mLlUOJn06bmgVMtXz2s8h8cwhCNjDxUboJSbSbs+x2OnxBWDh72m7nfLPXgYBp06dWojnVnsQ2WboVtznNsq1Vu8bvbKdrJzt8ESZjQXEJ6FGNDeW11vSd+5D7ZJaWUs0bLM2bekTRveEim9ZbeuQiGozYj39BzD2yZshL4JmTaCYUnZelfjI5YcwznweOizEDUM1DbM+QxkmqyKuWYMz+tf7eclyUaWzIXRGV5HR0dHx7HAVgxvZ2dHp0+fPmB2frWkL60l0ij1S5u62swOk+nZI7Jf9ErH7PdZ8lH//+STTx5qg5KPv4/XroJEKeG1AiU9X3yNDI82PNvOKntmy4bDPnuckfVyHv0dvUWjBJgx1qVemj4u64OP8XctW1TltVYxvVY6qsyDmNebk/q3sTOzz/TalZYlCa9AaX2J7WbOK3OJZ+mSPrv9qMlo7Z3d3d2mjYtjIrPLtDZcy8o7fC75t1TbuDJ7VcUgl/gqzKWny/Yq58DMlj4M8ZjKRrhEk8VXz0E2j3P3CzVMHGPWxxY6w+vo6OjoOBbYmuHddNNNuuWWWyStbXeRmZituGSQf5ltA6M0JW16EdFmQ5bRSinEmKAsVoOMyzDzy0rNUBqq4lEYN5ddb85LKxvPE088cei9X7MEqrSB8rrU5UcwxpKI7MPHxFi9StqyDc97hWsd+0eGQGYa+13ZHCrm12J4XDvaWrI+UULNPGCrtGNVurrMm7HSfmRsikyFNttWGawqdRrtM3G/8T7iPc57JhvrqVOnmpL67u5uk3nTK5NsJmO1lS2o8mrcBi07afXsWGKHrTxHW3u0WveWP0VLIydt3iPxGK7tkrjPlq2V1+E89dRiHR0dHR0dwFYMb3d3VzfffPOB7S6LzTLrs/RvZudfbNvFzFikvCgsryvlBWDpvUiJlIwiwpIHj8mkBWZhMWj3ybwZGUtn9svk0a3Ctp4js1DPaybhU7rldTKJkvMXveekteQVr2em//DDD5d9MYZhOPDyjeOK0h+lPI/VxYMd9xfj9SpbDdtniSRpve5cH9rSWvYq7gdfP84F93W1hzj38f+s3XhuBCVqSvieP++plo2yYnaZty5ZFvdfZv+NMVUtG97Ozs6GB2TmucdxGK2SWGQZnONWlhba3zyuzIaXeabGzzNtTaWhqOJBl5zL62TatiqzCgtEx31AxkrNUmZnrDLIZJpAo4p9XoLO8Do6Ojo6jgX6D15HR0dHx7HAkVSaVmFatZm501uFadXlQw89JGmtnoru6FZV+ZXB4lTfRSM51aqm2ExsHZ0wTImtcqlc2luJZqvAyCwQnCorGsXZj3gdzyPVe35tGdSpKmGKs7hurG3nvp45cyZtI2tnifG4cgWX1utstfejjz4qaVOVGVWEPsfH+FzPl9vPXP69V7iPvVf8eVTZxznLwOQFEVW6JKqaM4en1t7ke+4Z34OeG5oZoorY/WZfqlqO0vo+ZSgSVZlxTlrORBli0vosQQFVi1Vqw9Z1qrABXoNjieOgSjPO09xccj+0rpNVD+d79mFJerKqVif77LWO90MVeN5y/qlUmJyL1vO0hyV0dHR0dHQAWzO8M2fObAScx19YS5OWHh988EFJa4ZnqTMyPEvy58+fl7Qp4T/yyCOS1hKCWYe0lr79mSUOG1UtcdnBIh5Dhwe6v0dkDjPxnCq4W1pLSx6XpTZL2p6LGOju//3quXnssccOvfp60Xg8F+Bupxm/Suv58jy5PUv//D4e4zU4derUbGotun5HCdZ7x2PzXqmkXKlOl+S5ZThH5mxBhuKxZinuKCVTos+ciSr388otPhsfx8V9F/eO2a7nkUzZbWRu6Rkz4XhiX2M7ni9fl2whrmNVIieDE160HELoVFYliIjjqhhcFQISz63c51tl0OZYZ+YklTkWZX1vweOo5jgL1amYHbU6UXNWMa3KgSz+X6UcrJhs7GNPHt3R0dHR0QFsHXh+4403HrKDSGvJUZLOnTt36LP77rtP0lrqs3RpxiKt2Z/d2y2RUkKlJC5tshWzDUrrt95668E5dFHmsWY1HGeEJbvKhTkLcPV4PHYzV38e59E2Oh/r92Y9/tzXN+uW1tKS58SsxuN7xjOeIekwW/OxZ8+elSTddttth9r1dWI4icfldm+88camPn1nZ6e0Tcbx+9VSrdeBLE6q7b2UzlvB1mSxRubK7r3ocXp+aOuMGow4/thnStGZfY6feU5oj4v3kz/z/nKfvXae3yyZL23eZOLeM1loEN3QmZw47m/OdQtOWkAbGFlBvCbd6rMk3NwL2yTo9l6syhIx6Duiema4zSwsxd8tTWIQj12aujG2x/lyP7g/WjbtKjVb5qvARBSt54jPqRKrt9AZXkdHR0fHscDW5YF2d3c3bBtRSrd0aUZiSdTvLWVa+pTWzM72PnrlMcVTlBB8TCW9WgKJzIRFTX3MXXfdJSkPqmRwuq9LXb3nJkrNPMdzYWZrCdxzJ60ldr/Se47eh1HSqorwug23GZkEPSDJHDNvKUq5t9xySxl87uBhMrLoIch1oe0ns/tVxXzpCZtJ3N6b9Hzzq9cjrgulcO99z4GZccYkKlskXzPPN7fhfew91NIOUFPCezHzYK6SonOfR3bFAH6Wu8oSj1OL0rLDcO9kntBVcD9ZeivJelXIuBV47nkgW8zYDNup0hJmNrWKrWVpCQ1qEio7bMs+ZvAZxkTvWf/JPrMUc1V6MyZniOBzp5XSkOgMr6Ojo6PjWGAr3wTyeAAAIABJREFUhjeOo/b395ulcCodtiUDs7nM5mD7m6UmS8+UJrKYDB9rSZdSdcY8KC2xtFGUfJkM2+PxMW7LEnhkvZXnoFlOJuVE5iOt54ap29zXaKNkgVsyJsbcxb5YeqInX8YGMj1/q3zJ/v7+BpPMip36Wp5Dzm1kM+5nxUAqT8jYLvcXGXHmtUu7FBlrHFfFer2WtKVl3oeeC+5zppqL37ld7w3adLPE6ozNox3b/ckKKns+ef8wpkuqbVEVTpw4sWHDi6yOLMl9qGyg8ZyqXd5HmZcpmVbFjOKxZCjsc0Q1PxVzjetCux5ZbxYfV6X0Yow009PF/vs1asiyMcW+VPOYsXnaM7sNr6Ojo6OjA9iK4Rn+dbd9J/7K06OOsVW0J0jrX3NLvPTC8fd33333oTak9S+/JVx7iTKWK0sabPDcyJZ4HbIAxvJlti63z/JDlFSipEXpk9Kz+3j77bcf6lccxwMPPCBp0/6Xgfp2SniW1n09adMj8fTp0814mKtXr5YleKQ1A3F7/s57iPMYx2bvQfePjMvSZmZb49yS7S7J8uA+elz2hI3jom2D9jm3Ge8nsg0mX2f5mzhW2xP93sfQVh2Z/tve9rZD7XpeaXeKGgivB7UgtCVnbH5JLFVMOh6vHY+nNyFt7llpqSpBu1/pS5D1j57jWaJsXi97RsT3mUagsjPTDhefIbRjU9uRaS6ybC/Seo09F7QpS+sxMxOX32d2OXrR8vMsWTafvS2vU6IzvI6Ojo6OY4Gt4/Cuu+66jXyV8RfWkoAlUXtjknlFmwOzhVjyZF5OxmlJNROh3j1KIrRP0HuKklE8hrFnvH6m22Z+R39XSZbxO76vPMliXJOv80Ef9EGS1vPnmMiMUVbX9Tox04K0luh9zlNPPdUsEbS7u7thn43tmRV5z9Aeysw00no9fO6znvUsSWsPxbe+9a2Hvo9SLcvY0PbkfRb3DrO/0BPW44nZgGg7YZ5XMs3IJKgV8By07BeU5H2sJW1/nsXU3XnnnYfOed/3fV9J673DrEfSZqYg2qxpm49zEO1LLe3A/v5+Gfvq8zPQTpXZuKrcj9TAxL1D+xSfYbzHOdaIVs5JsjEyeo5hSYyb0SoATX8JFtBtxfTRE9vX8TMqPquyvKgRrfJXFRttoTO8jo6Ojo5jgf6D19HR0dFxLLC1SvPmm28+UP3YKJm5B1t16WByB7tmbrY0iJvy0ikiK4nDoHRT8egUIx2mvTSmu/9WudB9X1qrqOj8QDWL+x5VC1aJUXVCOp+p2xjMa/WQX7OAWpa9odqNaso4Zqspre6iw0GWFNnr0nKKseNBq4q4z2foiucvU/l5jZwS7Y477pC06SpPdVuEj6EDAkND4rWt7uT6eC9niQeoKqNalK70sd9V2I2RBeOzfV/XffQ+yO5Fw85RVgm//vWvl7Re83g+U4y1UkCxVFZLLTWOY3PdYjtUp/lzOqBIm4H+VrMuqSrPZxbVa1lJHqaQyxJaS7nz2pwqMTN18LnGZ2V2PX/HPtHcw+ddbIcmL8+591uWtIBhFjQhZc/8uH978uiOjo6Ojo6ArcMS9vb2NgILM+nMv+J2jTYjydxZM+NpRJUI2P2RNtmF+2imkklNDE9giqTYJqUyuqzTiSC6pdthx4zLDMasMZs/S0V0hqCbutcgOvJYuvV1LYWZBWWBwHTG8byZ8bUCzxmknsFp6TzHWfAwtQB0bKC7e2zHTMhjZrJoO1tkqcw8ZrqyZ9I03bKNVgorszMmAibjp3NJ7EvFgLKE2nSK8Dp5jzAheRaqYabseXObmaOa26dWgKn7sv3m8bWcVszwWkHdBkvhkOm1kjswTIR9jMyE2oZMSxPbzM6pygXF+4jJDzgOhhxlha65JzmP2X1bFehlsoLYdya4oANMlhqQQfhMHMEkENIm293f30/3QobO8Do6Ojo6jgW2Ynj7+/uHwgmyX2xLC2Z2/qU2o8vCBFjqhIyO+uMlJTAokWblWuiebQZEVhOvTdf4yh4X4fbcF1+HiaYz2w1TVTHoMktllZWZiceYacYCsJTGWFCXtipp02W5JWU5tRhtk1Ei9tySnZtlZGVmfE2zlcgY4hizZL4ZY5Q2U5plEjDtbmZlZvZZADCZnM9lMHfsD+1LXhfbyLPAXI6Vthz3NVs3r6/H5wTnVeHb2Dd/5lcy58hcqUUZx3GxHaZVZoZMm2NsBTAzJRvbaLnx85is2CkTc9NelSXZZjgCbZVkh5GFMrH1Etsk7dlkhzwnjo+hEewj0/3F8yt7Y6YxqYriLkFneB0dHR0dxwJb2/CGYdiQMjLPJ0u6lPoyzzCDnlvUE/O60mZwKKXpzEPMfTGDMBv1awwaNsgyq9LzmW3K42Kx2siW4+fxHDM92nLICmM/YsmV2NdWEVS3R087elVGKZdS7dWrV0upy3aYLGk0+0A2SVtelFR5PY6RnneZxM01bM0TPXjNlv3qPRXvCV+bdtkqsXW2d3xdps7KUAUJ09ZmZPbtqs/sR/yfe5ISfewz1yOba2MYBp08eXKDzWZ7jXuSDC8rvcNnEe1klTdlHEdVuDTTDjCYnN6NcX9XZa+qZAXZs5jpD1sJ1ckG58r2ZBoTvlZlg7JjuR+y0kZsbxiG7qXZ0dHR0dERsXUc3unTp5txHJSG6JGW2UUotVAiaZWI52eVNBbf25ZgJueEw/7cTCuTXsg+Oa6MNbhPbJ8ScMZC6YVJry1K77FPVUJo68CzxK8GS8iw0G5s199duXJl1o7H/+OY6cXIz2kvjcdy3qvST0tit7L0cEZls6PHbUxwTdbPtFQVw4xjJrNiXzPmQlBqZjxq9h3nrVVIlRI893XLi3ccx3LvVAwvu3ZlV26VIaJti1qUlo26YjOtsTJVWcsuRqZaMeEsLRntYPQkz9raJk0XQe0Ar5/5KhAcJ22z8fzMD2C2j4uP7Ojo6OjoeBfGkQrAMrYl/mJTb1yVsciKQWY2Ol+3OpdxXQazpkT7mO06tmVUZSxiP5jgmXYyn2OJO8tIQu81nhttev6fcXGVTj+iipkxsj4atB16rnw9ZrCRDq91S0rf2dkps01k/WH2HI7P14yvZHiMm2x5wFFS9Nxn9irvFXvcmuHRw1Pa9GbO2GZ8H/vI7EP0ZM5sybx/Ku+8zC7LNsja6AUd2+Fc89xsXJEhzdlhKrt5dkylcYnntrQy8X3Gaqu1y2LE2B6vR8/ETPvFNeX8GfG4Ks6TbbTsjDy2lU0ps63F18qzNB7Tmr/qevv7+7N752Aci47q6Ojo6Oh4F0f/wevo6OjoOBbYOixhf39/QwUUHSZILU07mZA3UlWrg6yuYbLRygAdQfVAK2Da/1tN6GP9mlXSZd/Yp6yCd9XHKoFyPJfOIrxe5Z4cQZVp9RqPZfteY6ty41rToNwy1Ps4qjOiuo3t0WEjM2Czph2N3VSDZSpU7wc66vBV2gxodyiL944D4OPccj9VjgiZmsrHWLUck/VGZBXBuR6VmioLHuY53DNxH3DPM4F2Sz21VBUVE0hnoUZsb07lmB1bnZuhco4yMicTOl1VpocsiXx1n1cB4fGcStVotJwAs+TN2fWzY7aZX46jFXpCtfrFixd7arGOjo6Ojo6IIzE8pp+JEnDlxEHX/MwFn67WTKfT+hWnS2wrmS9TIVFqziRkVrpmEGeV4ix+RhZK6S26wVeJZSujfMvln69Z9XI64Rh0komgxHj58uVZp5WW80M8VtoMfjdapUKqEJfWunC+yOzi3vH82NHJ2gk688Rx0ZGlCr/JxudzyPB4Tpyjai4qdhDB+4aai0w7UIUAVfdGbH9OK2BkIUIZi+b+WsIY5lhM1ge2V5XvycJFqOkhE85SNVbXq8YSzyXD49y3nMCq589R2HDGRjknrXViezFRQ2d4HR0dHR0dAVuHJVy9evXAXmFJMqYqogRYpbHJkh3TplIFoFd9i8cyiXCWeouFZikZR8bFYOTKXTtL1MrQAbKaLKWU+1Kl52klVyUqyT4LS6gkyew6WfLdpRK75zNjT1WC6UwCNsyAKqbdsnVWdsUsHRmL6/oYpsxrFSzlXuI6ZImnvd7WkPDzLAyGabaWuOpXqbJY8iUrqGywhJDnrLXWrcBzh0MZ2f6tEkIYZNVsv4Ul9iQ+o7LECuwb5yBj/GTpZFhL3PercIAscLvSNlT2v6U2WKmd3o1oBeOTDbY0S0RneB0dHR0dxwJHYnj0wsrSKM0xj8xDkGnIKr145lVUJZx2X1v2KkvaTt/l8cQ0WiwLRGmtlSaM3mWcAxbHjf1mkD+DlslkY5+YbqnywIqgfYQ2nMy+FOetJaWP47ghCWdptDiHrRRCrRREsY/V+/gZpU164Epr70xrB1iqxP2I9wTnn4H/HGeUsmkD9zlOaRZLJRFuh16uRstztUr4m80J7wXvlZZ33jYMhX1v2eGMJcyhYv18vySlIZlXxp4rmzS9dzMvzYqlt1I2Vt6sXNNWya/KBp4xPl6nWpOW7XhJ+jFjm5RiB33Y+oyOjo6Ojo53QWztpRl17Zl3IWOOKJlmkgjZBKULJvHNbByU0skkslgqS8dmcva0c3HN6HlH2wzHsaRci9uwjcPjtT0o9pFMjt6hZFxZ2iaO12jpu+k5RqksMjKvy8MPP3zQbqvtTEKO5Uyq8iWWQMkopc1kx7wW1ytjEtyjRCxcaoZn6dJxd0y9FvdslfSYqc3Y9+w67qP3kJleRGUTqph9Zv+bY3iZh6T7tMSeUqVzy2AbXpVYOPZvLiVWVnqp0oBUnr7xf84p773IhLlHuf7ZnPB56lcy8WxtyZ6ZtJx22ewYxkJXsXXxM9r9qe1rlWhaksKMtult7Iid4XV0dHR0HAtsxfD29vb0xBNPbEi5EdQtU6LObHu0v1UeVa0ktDyHdoTYDzM421n8eu7cuUPfR2mQXoDUrVfsJLbjV1/PdqDsHPff7TMmrMqiIm0mzjY4V5lNpWI5zLgiSefPn5e0yVAy2P7biieqpGTGosWxksHx1fPWGjOlVbLcKJlTK+B2af+Ne7RKfl0l/s1KoXj+H3300UPvfWxkodFrNo6jkoTjfFfMnmuTeR9mdt4KXLeWlO7E0i1vxhaLiMgy+1RemK1YV16nymaSJdnmveQ9k9m1qalgYu7WuDlPZMiZTZExsOzz3JzFPsx5eGbjqJheq+j3zs5OTx7d0dHR0dER0X/wOjo6OjqOBbYOS7hw4cKBIdO0N6q0qmSzpMJWT0l1OqgqQWuWCsegodR9syoonuN2rZp78MEHJWljfPGaVWqsrDagQVf1ylkhU8PMOQ9k6qM5V+mWwZku8+5zZvT3sV7L8+fPNx0Wrl69uqGOyAz0VM+0As45PxwP2259VqUUi3UKvVeqZN6ZKovB29VrplZ2X5gUwf3wOdF5hfUWq3RQ2wSec99le6cKWs5CDzjWOTVoyzkionLiaKW1IpY43VQhNK0kAnTUsoOT15brFD+jSpHXyRyjeN/wuZc5rVBFykT3/nxJRfdKLZ5db27+4vWy50MPPO/o6Ojo6AjYiuHt7+/rqaee0iOPPCJpnVIs/vrSMMqQg0oalOok0S3XWzqn0DHE7tyWiGNfLCHYScWSF0sMSZsJpreRSOfCLsw+6RKcgRXeOf7YLvvC4NXMQaVKf1S1HdvLGFg8Zm9v72COMymd/ascaWIflrLYLAi3Giudp2ICAoaY0CWfzk3xWJYfYp/pTCCtQ1aq5AgMV4jXoRNJxXYy9kSQJSypfF2xxXjN+LxoJS3Y29sr1zj+T+ZNhhrHOufgUoVUZe1Vx2YaDDM6vmYhH9W4eM9lzoBkh0ySQY1KHAe1K95TVXKQ2A7npOXwtBQthr+U3Umd4XV0dHR0HBNszfCuXLmSuqgfNFgEObeCBOd06XyNEj5de/1K/Xi0w5it0W3f7Ckrtun/OXZKvAwMltZSmNugLj9LKUSbml+ZFs3u6JGNUu9Ot3RKehGVTYyB77G/SxIA+/otZkx7KNd7SYJcogr6jqCNqUrrJm0Wi3WfPf++XtxvlJK9PgxX8XFnz549OJdhFWZ0DqFplbIyqvljaItUs78lwcNVaaFMk1AlW84wjqOuXLlSsrZ4jSrJMvsaMcdaWyn4qhSKZO3SZhhXVWy3Cg3K+tpaF6639xLDEbLC01WZMN6T8XpcwyrkILPhUWNFDUqm1ekMr6Ojo6Ojo8DWXpoXL17cKPya/cpT4q7KXMRj3W6VYNjfR5uKmZylWtqIMknEUgQLwdLDLkv1ZQmb3qdGlvKJno6W9Nn3yJjZf9tuPD5eP57LcdGGmNkkjCplUZYKjMGwLRsex2VkunlK8lWAdsScnSqzqVACZsqiLC2dGfXtt98uaT3XLKoZ09IxgbnZIO3NbuO22247OJdMwef683gvGLxf5uzNmcRtVGuQ2c/mbDWxjW0Yno+nJ2xmj6uSLbSSHfPaFTvMrle9Mr2WtPm8rPwbMkZJL02DDClej33w3vXzx++z5xyZI/uUaXwM3r/sW8bMW/bZ7L10WDPWvTQ7Ojo6OjoCtrbhXbp0aaMIamYDoB2GdqrIBvwZWZqP8XvbRaL0TEbHmCdLxFESsS3NHnCVnj+TYn2uj6Ft0hJ/9Lj0/z7HbfjVUrq9RaW1dE4PLjM9X89zFiVbegySsWa2GyZh5vvMVkQ748WLF0s2wdRimd2kSsjbYqRzSXyr2LB4TpWgl3tJWq8ZbXmMj4qpvmifoA2P9r94PWoofKzT+3k80WZY2T4p8dMTL547V94rnlPF7BmZ1M7nxN7eXtNLc39/f4NVZDZoo0qnlo2nsj214lYr5tt6773i+9LPDu+plr2K2gfuN8aQRlQFr7NUfZXnKj/P7LNVodnKLyAD2XUrzjhL6j2HzvA6Ojo6Oo4FtrbhXbp06UDSslQZpQpK/Us831hc1SyGDM/fRzsMWYAlYL9mko+lb0splJJb2VJ4Herls2Kb9KRkUVVm2pDWrM9j9rmeX/c1S9zs+SPT41xECZlzwXFlEheZ0ZyUfvny5YNxLLHdVPE8USKtWAttxq01JbNbYmf0unD+6YkpbXrFsa+tROdzJWTIlOJ3ZHbUXLSux7luxcIeJTsLnwstO6O9NLlOPCZ7bSUuXppwOENlc2olVTbcJ96PWUahuWT19IiN+65ify273xxaXq9zrLCyB2Zo2fC2YXREZ3gdHR0dHccCR2J4zLcYpVza7GiPIzuU1tJyVS6D9r9Ml04Jx69mV7bXSZuedWZT9G7L7Ev0BqtYWuwjx2wbJO0MMZauyr9Zea5m2W74yjjATGpiPFMrs0IVR5bBNjzaxzK7TiU1ZzYASovM8MO+trJzZJ51HBdL7hheh8yGx8Ko3puVXSbLV+o96utzPbL1N9jXVqYVZkDhHs1ixaqMGnwf5572uGjfzbC3t9fMzUmbY2WXy0DtRfW+Zf+rYjkzjQjnlm3FuWVcWlUIls+hrN9LYve4/pU3bbZWc56rLbbNNlpaCD5nei7Njo6Ojo4OoP/gdXT8f+2dS28c15KEj0SYtmDLD9gXhlfz/3/WrAeQDAG2RZFszuIiyeBXEVlVAmZxpzM2TXbX45yqU90Z+YgcDAZXgdNlCZ8/f94UymoKPik3E03oxtG/U6JLV7TOAHBKU1cwqE6ZqC4oXqBrpytwrXmVO4pjo2tDP2OxcoHlHa4AlO5IJqI4V0btwySWgnOdqUu6S1pRlyZdNTqGlA6eiv11W7qW6QLuXH97RcR6HC2NWWtbPqJufiZqUdSZLnwn31aCB6k9TNc+hW5/uol0rSYx9tTRm3/r/51Lky6zM9Jizs2V3LbpfwdXppH2pYvvjEuTzxjXgyvMLrDEpSv2p8uea6drvZNaC/Ha6H1LUmndted95zPp7jWf5T1hBcUwvMFgMBhcBb6K4ZW1ecaqIPNThsf3WIbQpZgneSCm77t9WCbAwkwXZCdS4oNanHtp7+7YrtB7rS2rTpaX4og1zaA+A9zOGnRlI13h+ZcvXzZzdRais+rW8hYjrfKUtFBwrVeSZe8K9AuadLXWy1qtY+o+dc3YforzdIXHSViB68JJ56X5kBW4Fi+USkvrUP/eS17piv73GJ56B9L60HMd/Z/n6fZxCU+J4bnnkvuk7xTHZngtkwSYmw/Px+9M16w4rc3ueyaVv3TP5J64u7vXZ7wDm/Md3nIwGAwGg/9gnGJ4a/37l5ZyVmpdUtw2Fbt2/vyUru1AK6XO30mZ0UqhBd+xpiTXRPbh5KFooXZWe1n2SRQ7pRqvtTbi3keKYQvunqZ9KX+2J+J6uVye5+FSojmXZFUeYXjclqUAOidKVdEi1Rh1fUZhZpbjVLx2rZf1xdIFHtMxs8QYuE9XWM99unYtLo6k8zuSjk7Pj2OSjBE9PeXWUiUtlgrq07jcuM8UPfOYHVtLnh633lK8rysTSbEuxvT0XvJ8KXarxz7K8NxYU0lQis13IHvrBC/OYBjeYDAYDK4CpxneWi+/tmWxKpthqx3KJ7EJ4lrbX3HG8phdpBlwe1YlRZ71PCz0JBtUC4JZjLR4GJdRVlBggT2taT1f/U2ZtULKYFUkmTBKQen4UwEvLdi1vNj3npWerNoOZD7OAk5FvAUXK0hxEcacnCAv4yJkLBrjI8Mhw6PQeVcIzDgMPSr6N5kycaSgOrFCJzyemOOZLL0OjBm7750jHqU0hr19OubtZPb01e2TMr+7Ncq1SW+YY+sFskDnHajPUnYmvVJOlix5W74GXebyUdECxTC8wWAwGFwFviqGx/ohtYDJxlgDpI1K3bHX2jI8xke0BorMqySYyFjUIi2rmNumGhD9m0yLlg+bfeo2tFB5PmWhbIlEy57Wm2MFZLBsT+NkiMiMablqbKruv9ZqHbXqXEyFrC/VAiqSHBQtUTIlN4Yk5qxgTJDXqdaWMrwkwcY149qoJKaaMjEVZF6pptJloXLtdBJWFDB2HgSe38Uku7WjMbz6DlEvSoq7p5iUm2vyPtTn+t2V4vJ81vX7gs87z9PJn6XGzN3aSfeb68ExSjJVsl4neJ8k2ficHWH8nJ+r254GsIPBYDAYBJwWj76/v99Ye2rN0pdMi7ReXVsbWjqMk5WFVXWA+l6hLGxaomrFlmXIFj+0ahW0dFJspbO4a9+91klrvc581OPzulIkW+fH+AsVZZSFuvfcGIvV8e86/h7D65QaUi1gYp3uuDx/ipulMegxOss7xbhc3CyNiceqe+1q6tK1cEyZ1vFe480uZshYjfMOpGeNa1WvM+d6xDPA2I2Lj6W5J8+I7pNq69zzyTZNHIdjnFy3ZzJuEzhvtw72/tc50HOQvs9cDXZqIZWeL/1sLzvUeb+URQ/DGwwGg8FAMD94g8FgMLgKnHZpPj4+btyISjddL7nad62+uJJFz3RDFL1VF+qHDx/WWi8JKEySYbfxtbbuu5IU61K9awzsBdgFwwvJ7Vn7lmtQE0Lq7+Syrfn98MMPr+ag80vdkDu3VEo0YBKNvqdu68618Pj4+LxWmPSx1tadlgq09RwsduW1PZOWznXmxKqZPERJMa4LN/50jVkAr+fhWPfclGkM+r57FulCpbutxnYkaYX3yyUMnSlLSAIVa72sRY6frs0jCRN05znxCna8T8lSzqWZZPvc+qCrj/PormMqtu+eDSYK0i3duVD3RMS74v9UJM9EJX2P1/4IhuENBoPB4CpwWjz6n3/+iS0r1nphK0yq6CRpWJRelmIlWdDacEFPtuCpbet/ZUDa/Vy3ZWKNWrG0Ilzase6j18gV2ytcejCtmCQl5qymum4cS0og4nh1TExWURZaY6vzff78OVrsl8tl/f3338/XyxVZcwxkMUekkJg0lSSf0nscs26nx0uF7u5YSTA77ePKYVIijSsBSOU8KWVf36dwRIEeACcezaSLxJgcvnz50jLS+/v7TQmSPlf0ojARzXkNUnJFSolXlpEKs7ui+/S9mdiUvre3DjrPWSotOZLowmORQev2exJiHbNjUiCvvSbIueSlSVoZDAaDwUBwiuE9Pj6uT58+bSxDtXYZhzsic0TroRjDu3fvXn1e5yND0/dYqF3n0yLVinvVK6WdXNNVl8KrY0rxGT03hYUZd6j56vlqXoxz1thqDnpNOP567VLznZjvWls5NCeZpVZZx/Du7u6ej3Mk9sjzOKuS7JgWaJfezMJfMjFXBsEYVl3rOq4rcGdjYUrZFWqdaGlIjYFlPMki1vOkNdtZ6TwvyxE6OSqyjiQK4N67XC4tw3MNdfV4jA2zHOVI4TnHdoShJrF1V9KSmFXH0jhGxvKOiCSk43Yxw722PV8jG3am+J8eLn026dUbhjcYDAaDAXA6hvfXX39tLAZlQrQEGQ9zrR3I+mofNmQlA1xrrV9//fXVGGpMjpFwjDpu/Z/v67mT5cExqlVd56tti8lRasy1MKpt6d/visi5Da8NpeHW2opf03decm46ry6O6NAJT+t4UwG6iw2QzaR4jBM6oAwc2SCzUPX4dR24vjvxgj0R6UIX6yIbdde+PkuxlCT9pfMi20zSVjovgpmsLhZ6NNv0/v7++brUWnReDeYBdAXnhbRuu/VMj0t6Fhx74rZkVS47PDX8TdnJ7nhpHRxhR0dkwdK67grg94r86bFby8dwh+ENBoPBYCA4XYd3d3f3/Gta1k3VwK21jRelbLauISvr4djcVa3CYoHF9Mh8XP0YM7nI0gqakUjmyBhXjakYmbM+6nrVZ2QfykJY21RzZzzBSZoxVkTrh+xAt2Wcse5tybl1GX17jXofHx+ft6nju+uUYhtOzmiv3rMT101ZrIzt6ZzpMSDDPtLOJInr8p467MWS3diS1FdntTPOl/bVbTlGPutd9mm3di6XfzcOrjnWPVAPRT33bB2UWJXDXm2bzpNeFF7Dru4vCbO7zE6uJ7LC5NnQvxPj6vIp0tro2BrR1ftxG8bJuekXAAAQD0lEQVTu6t66eC09Yk9PuXkwMQxvMBgMBleB0+2B3r59u2FNammV5Z589LRU1tqyFFplZHqa2ff777+vtdb6448/1lov2X+1j6uXo3VMq73mp8y19qdgMhmEa2lTnxX7q/N1VmeyLsmQKp6hNUI1bl5rxnbcPGhF1/HdvjzOnoirZlNRqULPkWJ5Tgw5Zf/y2tZ90UxYMhPWq5GJ67kZR6Dqg1OGSLWotPDdPDimgnvOUg1dEnd29ZjcJ4lXu/mQQbhn3tVbdVmaej3rb/XAMNbt6mHTuI/iCMPrGNdevadjQimz8Qg75L3ivXVej5TJmcZzJKOUY9f/uQ7o7eq+v/V3YxjeYDAYDAaCUwzvzZs36/b29vnXtywt/fUtRlBWRP3PrCX9RWaNFJsLUvPy559/ft63Yne//fbbq8+YaeniMGzBU6/1frFFfY8xvKTVp4yDDO+XX355NUZXf0UriWoPf/7556vXjx8/Pu/rGiTqHJxlT83Muqdkvy5+dsbSYvzCNXakwg5jEV3rHYKtkXT8SS2HMTf9nLFcxoGdqgljc1wrzNZ19WrMNky6lWtt44pcZ6ytc3FNp5mp53GKJUTXUJmMdY/hqfegmJ16W2qdsua1a1FUcNfQfe5q6vhddaRN2B7TO6J8cgasc2YmfZdRTKaa9IDdWPfmqfvw+43fQ/o9wTFMe6DBYDAYDID5wRsMBoPBVeC0S/Obb755dhuUS0FdPuVaqKLQopp0OTjaTtqcRJ3V9Ue3DAPo7nx0B5FOd6UTdHPRrcdz6BjouiyXqXO30Y1S16/cOXW+GrNz77DYunPrsINzSo13hcJH3Dhr+eJoHTddeimd2rmealsm16RAvW5DWTDKlOl1ZCLGnmCyjon/M2nmSDduzsfdD7rQ6zW5tFw7Irr5jshepTG7a8IC4048uo7B9VHhkrW2yWp0NbPUxM3FyYHp/85tTGmvbo2mUgK6jV24JyWAJAnHbl4UEXDF8VzXfK6SIDnHr3ModO5+ujRdZ/m9a9JhGN5gMBgMrgJflbTCQKP+gvMXuyyuZBnXcRVMkd9LNV5rW0pQTMg1c2WyAputquXIeSWpn0JXPMpWP3Vex2jIGFgQzmuv1/No0bC7JrSiafE5CTMVOO6sdLWceU10TvWaJJf0OiXJpWSpurTteo9Fy+5edgXSa3kLn2yADK9jyHsNTLs2NLTseQ+Z0KPbJqbsEjiYwOWEoXU7fU/T0fcSPVgCoolp9GpQTJpJLDqHVEKVBKHX2q6rLkGHSAIHneA0PUtcB07EOrF13pdOVJ5j2lv/a+0nr7iStMToXGIZfx9GPHowGAwGA+AUw3v79u367rvvnq0OxrxqGwWt2c6Ko8WV0oX1fGURVHr+hw8f1lovFk+VMriGrIx/FTssa9ExVzLYFLvRMZclmlr7lIWtBfUF+rZr7CX1VWN3qfpMZa9Xsm49T5K/YvG/zlkZZSfE6z7vRGFZKM35de9Riq2gDNXFddbaWrwuBZ/XNMmh6XscayrVcZJvSYiAJQb6WRJd5/td7JiM1bEQMlTGeejd0X32YsY1hoeHh+dngMdfa1s2xHN3ItWpnVEnaZfS9Y8wjbTNEbHqvbXalQkQR+Z1Jj5GcD07AQLeL343d81+3brawzC8wWAwGFwFTjO8d+/ePf/alhWtv9ipmLGzGNhSJ4nRuozIird9+vTp1THKmq1sUS0iZ+yODK/Yk8aXOG5mQHasgEXKtEhYyL/W1orVZodu7HpNODbGL5ylxfMmaSnem7VerOu9Vi8u9qbXgnNM2V2OzSR5Js7HZYglluYsYMYaGMM5UyicLFOXwZyKh+tV43CpNReZ3pGMPjKvTlIq3QMX66+/NfaW2ERlaDKurM8LxYZTPLhjUal9U7dvEnUuuHuZrqGLdTqJMkXK4tV997I0u8xbjokeICeSkObjYtWM5afYnd5rilaMePRgMBgMBsBXMbzC999/v9byMTy2+KlfZReXqfcozMwaFyf1VKyM7IBtJdQHTOuV1pljKqzVojV6pBFjgRYKGafbNjWL7USYk2jxEVmgmk/dY4pkK7Q2bC8Oka69vsfPugw4ZrHROqfl28UkkndCz0/JLcZ0HWtjJq1jPG7Ma23XDuNwTgKMdXapkbITOi/sxSb1GdwTC3bPba3bI3V4FcPj2JxXI9VxOTaTMiz3WJV+tpdp2dUbkyU51lTYy7R22bOpjpnXomOUe7E8fT+16uL971r9pNZpTlqs7vXNzc0wvMFgMBgMFKcZ3vv37ze+bv11ZbyoYmflq3cMgAKsSanBxYqcCPFaL9aM+n75GS2gYjNUYNFzkynUK9mozpNqMKme0GWxUaA7MTynYkGmRCutU4NI9ZN6jDq3xpVSHK9UejqkjDdmxHaNK1ljluIKa21ZO9eDW99pLGRL7n5QDSbVqTmrmcpBrE1Vj0ldg/qM1yTV6aXx69j47Ov8uPZdrV2B2cV7FvrT09Mmru1aBiXG0DEg3sukWtJ5RFL8t4uTp30VKXM0nc/VGe5lu3fqM4npuXkxxkomzpiu/k0PCddMl+HbCY8Tw/AGg8FgcBWYH7zBYDAYXAVOuzS//fbbZ/pYSRau6JnuFCYruPTZQnKFOJcP01rrfExW0VR2ujeYeu+ScVJK8ZG055Tu3Ll8Ui87uiudiGvqNE1XoLoY6SKr5KQkrK1z1ZKFrvD85uZmE5TWMaXi0ySvpEiupE7MNyUesaea24bH5frQMSYBALpHXUIU3Wtcq0xQ0X1SAXpKouK59f9OMGAvZb7raVa4ubmJa+fp6Wk9Pj5urp8er9YKe13ynrrx8fWMWEYqzD/iYuO2nfxdWsfJ1dltm/7X91IiDefl5OLS65Hu5QVu66TF9L6NS3MwGAwGA8EphrfWa2bmUtTJ7PbaaKy1FYOlEKyz6ApMAKgkmQqK1zF1X7bj4ZhdcoUKJCtSoN4xoSRA7dgT03FTQeYRAW+yn674nxJiKaDPc9bx96x0BqH1WjMVObWUcgyPSSPJmu3amdR5UhKVvpcsebKEtV6uO9ktvR11TF1j9JCkFHN3Hbs2MHp+5x3gOmYil86bZRdJUkqvSZIjcyDDc56eOh4ZHsUxdAxder5uy3k5JAk4h7Q2O29EKmzv0InFp7E6YWb9n/fUfe/wO4PHcgIESZqNwhvpOEcxDG8wGAwGV4HTDE+LQF3R6/OB4f9mOrUrPqQlmvy77tc+WWvOauK2e01D19qm6/P9rsULGSqtTcYf1nphqLRYGcvrCp1TenXBve/aKa3l099rHl2rJ9327u5uc0+dmHPd37oGtXac6DVjqYz3dcLMtJrJamvO6h1gSx2mU7sU8DoPm5KmeKDzoqSSli6lvWssqv93rJfWescKU2G9KyNwZS4diuXpvgp6PFjO48otUqudlE7vmP6RJr6FTnZsb5+jscLumEfYdCo5S94pF8PjPl1pUxJu4LYu/qtlEBPDGwwGg8FAcIrhFburX1O2vVlrK6rLYkTGINba+mkZJ6OlqBJctS3jJGXhucJ0vsdYETO81uobYOqxnOWVpMTqPCWArdJqNcd6ZfsTsh9lwRQUTr57vW+8P86q5bHq+GqNdQzv4eEhFtLquXhPa841XictRhwpaE6Zlry3rpg3FRZ3RfE8Hj0MjnGTRaemuN3xk6jzmbhWdx357JENOgHgFPtOuFwum+8Fvfc8RypE132SpFgSr+9ktLpsSZ2D24dw1/ooO+wyy9O+Li6fsnXJrvQaMr7H9eX2SbKBHIeTkTsTzywMwxsMBoPBVeB0DO9yuWwy+Zy4LmvOmAnJWNhaW2ss1W/or30xoNq2mBBjYNpctfZh41WO0bWhSTEhxs1cfVmquyOLW+vFQi32RxbMmIVeT2b2kQ3UHHQfWrVsLFpjU1ZI63wvJnG5XGLLEN2f8T1Ky+m97OrfdB5OGJzxCjITl9V6tJmrgmsjrRkHni+JYzsklttlSPJacD7umqQMPkpJufrCLnO4oPE73dflAdCLQi+OPtMcN70baV5r5RhqlxmZWHNX27aHLvNyTx7uiPeDc09Z6mv1MU8dj8uyTk1du9hr8rZ1GIY3GAwGg6vAaYb39u3bDYNw9XGFYhEUsFXlA9a4JWZXrYCcdVlMqJq38lUtu59++mmt9WLRlaoI44u6T8rk27Nm3DxqW8YZ9Dqy3UmyfH788cfNWDlmvjr1CVqKVKxh89h0/L16KlpnLuaVLDen2JFaOnFNnmFCtW+xWccuUpzvSOyQrIaswFmsZL2Jya6VYxypnlW3Yyw61T66GDU/47rvMpj3WI3u67wDhSSY7jK+uXZ4vHpOOkbCa5zUbPS9xLy6TGI+V3uteNxnRzwye0orXe0bPztTu8exHsneZXbwEQzDGwwGg8FVYH7wBoPBYHAVOC0efXt7u0nu6Aoy2V3ZuasqCYFpzXyt82l6M90EdHu61PyPHz++Oh7T+FkorMejW5C03aWLM9Drkm/4f5LaqeOWq5gFyfoZA+s1n3LhuvtWx6ljlKvY3Te6oDvXAuWhkhtJx0D3Ro1Bk3s4x5SK79yThRqLk0rjGNN56vhuPnR3puQId43pfkquTH0mUnfslGqu59uTn3JuUY4xyfC5EpRCl3hQa4fJRApe472CZv07uQ2PFJEzIYcJMG7O6fWIGy8Vors5dFJleiz3HtcZXZpuTaXxH5nXXiJPt8/j4+MUng8Gg8FgoPiqpBWmYLu0bUpUkTloanlZDdWWhyn4LEh2bUFS+xJlA4VPnz69GhNZU6FLMSfD61hOKqbcK3jW49VnTFJxgtdMwiHrZsG4gveJXZOdyEBhTzz64eFhw1z1GrP0wwkVr/V6vVX5SUotZ5mIY7W0mmuOXH/uuLTOj6TZ8/w8ttuXEmpO9ozg8biW3DVhuQMtfrfPHnMt6PpOz0Kax8PDQ8vIUukFE2Z0O8rRscyKiSkd8+Yc2TbsCBxLSd8VBa5hVwaRCs1dklRK+ukShTj+I5JpaZ89UXb9O5XOdBiGNxgMBoOrwCmG9+bNm3V7exsLmRWMF9U+xeyUTTF2V/u+f//+1f8ursUmoWRexQBcKmxiVl26LlkAfc7OQnHFk3reer8Yrh6fxfGMiVJYea2Xa07G2olKs50TWaFjyrW/ionvWeod80lydLU+XJub1GKJcSxnkScrliUeXRyGDNIJD6R5Og9JArch43Ki3ile6uJLe+elPJ6OZ6/tkGPzha4Ug+C172JQ3Cc9gzpejonrW4/tRMLXyuUKOpbE7Lui/r04nIvHJnCbbqxcx938zogJ8DyJ0R2R6rtcLhPDGwwGg8FA8eakjM3/rLX++/9uOIP/B/ivp6enf/HNWTuDA5i1M/ha2LVDnPrBGwwGg8HgPxXj0hwMBoPBVWB+8AaDwWBwFZgfvMFgMBhcBeYHbzAYDAZXgfnBGwwGg8FVYH7wBoPBYHAVmB+8wWAwGFwF5gdvMBgMBleB+cEbDAaDwVXgfwF2dWcyyUizDwAAAABJRU5ErkJggg==\n", + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAbwAAAE9CAYAAABwXNeiAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4yLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvOIA7rQAAIABJREFUeJzsvXm0dflZ1/nd975DDal5ICFAooKKora2KINAtAEZIwgKaoTgPICCS1m2YBsRG6eQdjXaqIiAEEQckAZFgk0UhEZQRGjABJIiU6WSmqtSqbfeeu/uP/b53vvcz3me3z7n1huy4n2+a9117tln79+8936+z/Sb5nlWo9FoNBr/o+Pgvd2ARqPRaDR+MdAvvEaj0WicC/QLr9FoNBrnAv3CazQajca5QL/wGo1Go3Eu0C+8RqPRaJwLnOmFN03Ty6dpmqdp+uDr1ZBpml47TdNrr1d57y1M0/SSzdi85D1Yx8unafoD76nyG2NM0/TF0zT9zvdCvS/erK3s7yuvc10H0zS9IlvH0zR95TRNW/FM0zRdmqbpC6dp+qFpmh6bpunKNE1vmKbpH07T9D8l50+b3+dpmj71Orf/4wdjFf++7jrV92mb8n7jdSrvE6dp+vLk+Idt6vns61HP9cA0TV80TdPrp2l6epqmn56m6eU7Xvfbpmn6ps0116Zp+qn3cFN14T1dQeM9gpdrmbuvfy+347ziiyX9oKR/8V6q/6skfSeOveU613Eg6S9t/n/t2snTNN0i6Xsk/XpJXyvpKyW9S9KHSHqZpNdIugeXfYykX7L5//MkffdzbXTAf5L0keH7B0j69k27Yj3vuE71/eCmvp+5TuV9oqQv1NLeiJ/f1PO661TPc8I0TV8i6W9J+suS/oOkT5X0j6ZpujbP8z9eufyTJH2EpB+TdPgebegG/cJrNN738IZ5nv/f93YjgP9T0v8s6WPnef5P4fi/l/R10zR9ZnLN50u6quWF+tJpmm6f5/nR69GYeZ4fl3Q8RkEb9fO7jN00TZOkC/M8X92xvkdjfe8pzPP87l+MenbBNE03SnqFpK+d5/krNodfO03TiyR91TRN3zLP89GgiD8/z/OXbsr6DknXTWNYYp7nvf+0MIxZ0geHY6/VIuV8vKT/IukpST8l6TOT6z9X0s9KuiLp/5P0mZvrX4vz7tEiLb51c+7PSvojRVs+VtJ3SHpS0kOS/o6kG3HuTZL+uqQ3Snpm8/llkg7COS/ZlPdSSV8j6cHN3zdLuj1p36slPS7pUUnfJOkzNte/BOf+Ti0L9anNud8u6YNwzn2bej5Xi6T4Li3Sz2/BOM/4ey3HOGnn35X05s04vlnSP5Z0OZzzSZJ+WNK7JT22GctfgXI8x58k6b9uzv1xSb9Zi/D0v0u6X9LDkr5B0s3h2hdv2vonJH21Fsn6KUnfJenFqOeiFsn2vs083bf5fjEp749K+opNvY9K+r8lfUAyBn9E0k9Ienozn/9Q0p04Z97U86c2a+MJLQ/sX4054vh/w+a3Xy7pX2769rSkN23m+cJZ7rOkD+7zH1o5709v1trDmzH5IUmfhHMuSPqrkt4QxuQHJX3U5jf2cZb05Ztrv1LSHMr6QEnPSvo/9ujLTVrum3+1WU+zpD96PcapqO+DN3W8vPj9QS3Pmj8p6fWb/nzC5re/sVnvT2zm9nsl/QZc/2mb8n9jOPZjWljvp27W3lObz09eaevfSsb+yc1vH7b5/tnh/H+m5dn40VqY7bsl/bSk/0XSJOkvaLnn/dy5A/Vd0sLmX6/l+fAWLVqEiyvt/ORNWz4Sxz99c/zD95if75D0U8VvH6blOfHOzVr9BUmvPtM6OOPiebnyF979Wl5gL9ss4tdsFk487+MlHWl5MH3qpqw3ba59bTjvVkn/ffPbH95c9zclXZP0RUlb3rRZKJ8o6cu1PCi/ATf4D2h5GX7xZjF82WYAXxnOe8mmvDdqkVo/UdIXbRbRN2IcfkDLTfuFkn67FhXjm4UXnqQ/tjn29ZI+RdLnaHmhvVHSLeG8+zaT+aOSPlvLTfTjm4V6++acX6VFoPgJLeqAj5D0qwZzdcdmIT8k6Us2/f49kv6J697M1bXNfL1U0u+V9HObBfZCzPHbJf2klpfyp2m5sR6Q9A8k/aPNOHyxFsn9b4RrX7wZgzeHuf+Czby/TqdfZq/Wsm6+YjP+r9iU9+qkvPs253+yFsbwoLYFp7+2uf6Vm/K+QIsQ9SOSDsN5Lu/fbsbhszdz9HPavLS0qOzu1/Ig8/j/ss1vr9fywPksSR+3GcdvlnTpLPdZMpfu8x/Rsp6P/3DeV0v6A5u5/iRJ/5eWe+4Twjl/ScsD/Is2bX2ppL8i6VM3v3/0pq6vC/184eY3vvA+b3Pub9ujL79vc81naVFnvU3Sf7we41TUt8sL761a7q3freV586LNb9+0ae9LNuP0L7U8Dz4kXF+98N4i6b9puec+WYva72klQlm47oMkfYuWl4/H/sM3v1UvvIe1PHs/b1PPj27m929recl9shbh8ClJXx+unbSox5+Q9L9u+v1ntBCHb1wZ0z+7acstOP5LN8c/f4/5SV94WlTrb9HyrP3MzVp9maRvPtM6OOPiebnyF95VLIJ7tTxI/0I49h+1PCQjq/oIgalI+oubhfEhqPsfbBbnBbTla3Hel23q/uWb779/c97HJuc9I+nezfeXbM7jy+1rNu2ZNt8/YXPe5+K8f6PwwpP0PC2M6etx3i/Z1PvF4dh9kh5RkMAk/cZNeb8XY/2DO87VV2zG4dcPzvkxLQ/rC2jfVUlfnczxLw3HXrpp3/ehzH8h6Y3h+4s353Hu/WD9g7ihX4Hyvnxz/NeivNfiPN+E7x/Ouybpf8N5rvczwrF5Mw7x5fvZm+MfhXn6ZpR39+a8l57lntpxLt3n7C9lkVoeGBck/T+S/nk4/j2S/umgLrO8VyS/8YX3ZZtzf9keffleLQ/pS5vvf3NTxofsWsaeY7fLC+8xgf0k5x1qYURvkfRXw/HqhfduSR+YzOGfWqnnb0l6OjlevfBmBdaphanPWgTmKRz/+5KeCN/N0n4n6vmja/OhRaPzbHL89s21X7LH/FQvPI/XzsLU6O96hyW8fp7n1/vLPM/v0KIC+CBJmqbpUNKHS/pnc9DtzotO/T6U9UlaJPA3TtN0wX9apO+7tDCdiH+K7/9Ey83+m0J5vyDph1De92pRoX0ErqcB/SclXZb0fpvvH6nlQfrPk3ojPlILW/0W1PtmLWqIj8X5PzzP8yOoV9qM4RnwiZJ+dJ7nH89+nKbpZkm/QdK3zfP8rI/P8/xGLcLJx+GS183z/Ibw/Wc3n/8W5/2spA/Y2EIiOPf/UcvDww4GHo9vxnX+zvb8a3zneH2ClnXA8f8RLVItx/8182m7za7j/5AW9eBfm6bpD0/T9CEr50ta7onYrmS8Mnyllvvo+C/O3TRNHz5N03dP0/SAljV6VdJvlfQrQhk/KunTNx6XHz1N06Vd2ns9ME3TC7Wwz2+b5/mZzeFv3Hx+3sq1E8brejo7/Hvce67zU6Zp+oFpmh7Wonm4IumFOj2eFX5ynuc3+8s8z/dpYU9nvZ8rvGOe5/8Svvu+/N558+YIx583TdPtm++fpEVL9V3Jc1FaHIvem3irFvb/qmmavmCapl/6XAq73i+8h5NjVyTdsPn/bi0vlweS83jsXi0Po6v4+/bN73etXO/vLwzlvSgpzwZ2lse+XNl8ui8vkPTIvG3UzvohSd+X1P1r1uqd55n17ou7NPbgu0OLWuP+5Le3S7oTx/hAeGZw/IK2va+qufc8uT625+343VibJ4//z2l7/G/R/vOeYvNQ+QQtUv1XSXrdxuX+j4+u0+J1F9v0+SvnS9IvzPP8Y/HPP2wcBr5Pi5D1hVoEiQ/Xoq6OffgrWtj/Z2ix3T24CR/g+O4CP9BftOP5v1/Ls+dfTdN0++bh+xYtNv+Xrbz0/6BOj9d/P0N7K2zdA9M0/RYtKr8HtMzNb9Yynq/Xbvfk2jPxemGf+1I6fX/cumlTHFcLtbw/WOfhxkM3wmso6/te2Dxff6sWde0rJf38NE2v2zX0gfjF9tJ8UMtgvl/y2/tpYWDGQ1rY4Z8uyuJCfz8tgxK/S4uE4PLeqEU/n+G+4niF+yXdMU3TRbz02LeHNp8vR/uMJ/asd188qJOXSYZHtKgMnp/89nxdh0ULVHP/Xzf/u77na3kZxLbE33eFx/8TtX3zx9+fMzbM9/M2D+xfp+WF83enabpvnud/U1z26Vo0B8Ybn2MzPkXLA+x3zfNsIcFMPrb1GS0v5q+apun5m3Z8tZYH4e/bs87v12Ij/HQtqtM1+KVejcnHqQ6F+A6drBVpMTNcL8zJsd+lRdX5OfM8X/PBaZpGL4L3JTyk5b74xOL3kbDs59mv1mnPUWvffvq5NW3BPM+vk/R7p2k60GJD/xItoQ8/P8/zD+xT1i/qC2+e52vTNP2opM+epukVVm1N0/Sbtehq4wvve7QY1N+0UY2u4Xfr9M32uVpuwh8J5X2WFm+nn9Vzxw9rYS+fpdNqzM/FeT+k5aX2wfM8f6OuD65oYSe74Hslffk0Tb9unuef4I/zPL9rmqb/LOl3bebkmnTMFD5Ki+PO9QTn/qO1xEj98Ob3/7D5/FwtXoSGH8Kv3bO+12hZBx80z/NrztTibVyRdGP144bt/ddpmv6MFkbyYSoe7vM8/2R2/Dngps3nsRA2TdOHamEm9xVteLukfzBN06draavmeX52mqYjDfoZrn/zNE3/WNIfn6bpW+fTYQluw2fM8/wd0zT9Jkm/UovX8LfjtBu0sKnPVzHP8zzba/oXCzdpUWMevwynaXqptjUN1xtXJF2cpukwvmjfA/geLZ6ph/M8/8jaycBrtTzbfp9Ov/BepkUN+Z+vRwONzTPjP0/T9KWbOj9MizPLznhvxOH9JS0P4e+YpunvaXGZ/8s6UVkZr9LizfgD0zS9Sguju1nLzfIx8zz/Dpz/KdM0/c1N2b9pU883BZvit2jxzvt30zS9UouX4yVJv0yL48VnzPP81K6dmOf5NdM0/aCkvzdN091aVByfo80DI5z3+DRNf07S35mm6R4tD77HtLCuj9PidPHqXevd4Kcl/Ylpmj5HCwt6Yp7nSrXzKi3egt83Ldk4flKLavl3SPpj8zw/ocVB6Lu16PH/rhZHm7+8aecr92zbGm7R6bn/Ki1j902SNM/zT03T9K2SXrGxJfyQFrXcX5T0rfu+IOZ5/vlpmv66pK+ZpulXaAkzeFqLK/0nSPq6eZ6/f88+/LSkj5mm6dO0rNsHtbCqvy3p27SoTw+1sPpntRvruV54jRa73Tdv7pv31zKXb4onTdP0XVoeSP9Fixfwb9AyHl8TTvtpLXa+12zOees8z5nqW1qE0w+R9P3TNH2tFrXqu7TcXy+T9Gu1sLPP1yKA/PV5nt/EQqZp+k5JnzVN05/c5358D+J7JP0hSX9/sy5/tRZvRj6vrjd+Wova989O0/T9kq5WdvjniO/WImR81zRNX61FJX+gxWntUyX98XmeU5Y3z/NT0zR9hRa79Tt0Enj+OVqcg45t9dM0fZuk3z7P8+3h2PMl/ZbN1/eXdOt0kkHmv83z/Lppmj5Ki5f2t2tRs17S4qV8Rcu9vB/O4umiQRxecu59CuEBm2O/R8sLbC0O7w4tD+w3atE9v0PLG/2Lk7Z8rJaYnie1qL2yOLwbNoPnGMCHtRjvX6ETr8+XbMr7+KLPLw7H7pH0rVqkHMfh/Q7lcXifokX187gW1+DXawlT+FUYqy13W8FbTot6719v6t3yVEyuv1eLd9b9m3F8sxYngVEc3r9SEYeHYy9WEhu2GdNj70Ftx+G9czMO3y3pl+DaS1ocM35BC1P5BdVxeKzX88fx//1apNB3bdbIz2h5uH9AOGeW9JVF/14ejv1KLevwqc1v37AZ42/UEmLxlJa19e+13OTP2bts1OfkPN9fT2uxi/1uLU4/PxfO+VIt2o+HN3P+3yX9bzrtqfuxWrz8rmgQh4d5+6LNOnp8s9beoMWz+tdsfn9I0r8dtN1egy+7XuO2KXenOLzity/drEEHfX+MlhfDd4Vzyji8oq6vWWnvRS0hIQ9qERBW4/Bw/fM25/15HP/CzfHnh2MXJP25zVp5Wsuz7Me1CKM3j9q5uf5PaxG8HSv9B5Jz/pn7kIxZ9vdnN+d8oNfuZvwfkvTvJP3Ws6wDu9i/z2JjvPxHWtxnf+693JxGgWmaXqxFcPnD8zxfl/yFjUajsQ96t4RGo9FonAv0C6/RaDQa5wLv8yrNRqPRaDR2QTO8RqPRaJwL9Auv0Wg0GucC/cJrNBqNxrnAXoHnN91003zrrbfqwoX1y2wb9Oe1a9fS49mxNbviKNWef2MZu+XkrfFcbJ3Pte6sjLXvu5SVXeNjh4eHq+c+++ySr/jq1SWpx7Vr1/Sud71LTz/99NbJt91223zvvffq6Ojo1LVeF9LJGPucXdfDPoj9cLnXY35GWFuL72k7+j7l73ru6DyOa7aGDg4WWdvPkoODAz388MN68skntybjlltume++++7jteK143UinayjeEzaXscRboM/q3VQPVN2QXbNWep5LmuU5e0yd7se36Vduzzfee+7XK+PWI/nNK6hd77znXr88cdXG7PXC++2227TF3zBF+iOO+44dZyLTJKuXFly7j7zzJKr9KmnlqQJTz+9pL7zoo3/xwdnBBekv8dj1aTGc3lNNVlZf3ws+y0rK9bLNlTnZmXzhuV33rTxf44NF1EUXOKDR5JuumnJUHX58uVT3+M4P/LIkprygQeWfNCPPfaYvvM7v3OrD5J077336lWvepUefXTZ0NqfXhfxf6+Z7MHG7xw7j0/10B09TKoX0T4P9xFYD/s1KqtqQ7Ue42/sx9pazuqj4Brv0Wp+/Hnx4kVJ0o03nmQp83q67bbbJEm33HKLXvnKPKnP3XffrVe84hV68MElo9jjjz8uSXriiZM0tF5PXjteF8973vMknazjuOZ97IYbljzKly5dOnXtaL44V75mJNjzWl8zeikbfMhzbn08IxI+l3MXn8G8xr/ts2Yq+Bre11m5fgb4+9133y3pZI6kZa1IJ2vnjjvu0Jd92Zft1JZWaTYajUbjXGAvhjdNky5fvlwyCGksjbMsY1dJZ6QaMShZ7SJ5U2raRdVXScBZGymFrTG+0TlVf663Wsxs21KvpUJLxdKJ5O5jh4eHw/YdHR1tSaaZ1LymAvQcxN+qtbOLavssDO8sKnPWk2kfKpxFpVSxgRHrHd0DsczRPV8xi0wFWbF4lnf16tWtfkSWSfayy3yQXZCdGaM+cwxHa2btHl77fdSmEcNjW9jvWB/nitq2aoziNXzOjZhlVZ6fP1EDZPh543azjSM0w2s0Go3GucDeDO/w8PBY6s8kiLW3rSXxKNFR4q3sLZlEXF1TSZ1ZucQutkLq9XeR7Cojua+J9oWRTXDU5giOQSWNZqjGL7bDkpY/L168OJROzfJi+Zk+f409ZfbKNceDal2wvIhdbFyVRiFb3yMnjoh95nKEyv5S2Z2y+sgSs7Fasydlc20J3p9rdtJnn312i33YJhT74PLYNtcdx83/26/AZVRraWRbrdbQPrb80bODrHbNHhyP0UeCDmOxXjJunlM5B8VjXF++1vXHa6trfPzd7363pNPPRvuHxP7squFqhtdoNBqNc4F+4TUajUbjXGBvlebFixePVZojV1VTTLrT+nsWf1V9r1zO3aZYPlVLI+MqQfVYvDZrd3UuseZYsUtcXNVWY6SyXXPKkLZVJdUYxWusZoju3WsqzZGzwpoKO3P68ZjuEjfIOtZcrDPVL49xPTyXcJh9nFgqB6isLVUbs/u3ciKoVFsRVjFVKs3MycRqyV1Uml4zdmSwaiuWxz6x/KhW9TzY+YrPqpEKele1ezzOmDJ/pyo1c8qqnm/GyAGF4QCjMDCqOysVcXbvVOuMyNTK1Xr2HEdnObfpXe96l6Ql3KVVmo1Go9FoBOzF8A4ODnTjjTcOnVaiIVnaZjeZ8btiZWSJI/awixGX9VXfM4muYoyVa2zsH4O614Kjz9KvswSEjsphfZn06XVwFqeVzPjNujg+rjsasC2dM3MHkY1xFSIxcjGnhEsj+z5u8VU4THZvrCUcGDlYVVJ55iTEeanKyBJHuF4GLbMvsZ7IMiop3QyPruqW8KVtFsP7Ma5bguuqclDbBWSJcV68Vl2Pv/s+8vHYVj47DK7NbI49Fh4bOgqZPWVzyd+q+jJU52TPEPfPSQm4vt2OJ5988vgan+t+HR0dNcNrNBqNRiNibxvepUuXjiUTI0oImZQSv1NfLa2zk5EufZcg7l2xi0S3FhCehRiQhVT1nYUVjIKiK1a6CxusbJOZTWKXwHOXNZIQuWbI7PwZ1x/XGxneLra9tUDpzPa0xmp2GeNdzuEYkMnS/hTPWQudydYQ7TxkDnQxl04k7TW70mitrjG8q1evHruoO7WYv8c2UMPkkIO1sBVp+z4drf01RuEyYkosMjr/5jZzTuM5VTD3KPSDDM+fHhN/RlsoGR5DNkZzuRa4n/WP/iA+h+Eqbod0Mu8+to92qxleo9FoNM4FnpOXpt/2UUKwpOlz4m8RmecbJcLKm3GUKJkeUFl9a8Hi+0gMZFNuj/svje0Ha6AtYmQDM9a8MkeepSMJrjo3phgbeUceHR0NUxNV9g8mu44SYpVYfO14BtrlMlvUGivfJbB9n/XFMSFLoF0o/p8leYh9yBJBkxWQ8WVeqGvepRkD3GXcYnuffvrp42TR/owMz4yAUj8Z/mjdedx2sZOv2UVpm5JOEmb70+NOlu6E16M28JnpMY5z6TFhAn+Pmz8zhsdrfJzP1VEAOuE1G5+N1CRYW8Qg9fgMddvc7itXrux8TzXDazQajca5wJlseNYr04NMyj1x4rn0FJLq5LZV2qYsDuu4Q2AD/hzZDygdjLZAWYuLob1J2tZTc1uOjAGSCVHSHiXdZV8pwWZer1HqiudWNqusr5cuXRpK+9euXdtirJldhGyGLCbzYuRc7hqXN8LI7rOmJXguMXUZE+LcVTGK8ZoqhZ0/M1ZQeWNW92isZ2RrjWXFcqrvEdeuXdOTTz55zOzsnRntdT7G7WWYaDhjwrTD0vM6i+GrvED5nIv9IuMyzAI9XtFe5TbSM77S9MTnavWsGMVU8pl+8803S9rWtmTaD7ff40eWxvs6ovKudVlxzMxMo32vvTQbjUaj0QjYm+FN07Sl647SJdmR38aWzrjJZ3YNJRJ6JkYpjZs30r5IySj+lnlUxvoj8yIr4zVkeDEzgP/Pyo3XRlR2n8rzKrMvsH9kB5HVVXZMl2+pLEpg3DBzFIdnG94ocW3FkihxZ16TVbwny8q0A/RmHMV0VTYurt0sEXhlq2Ybs7VqkG1kDJPsvPLkyzKWkOFRSh/FqPI7mWYck1H7iaOjIz3xxBPH3pnMtCGdxGmZHfm54HVru1i0j2WbwkZwbcV1UM0/bYkj7QA9SLMx4Fwa1TqIc8lnhMeIz4yMebvdHiOzUI9rpvGhjZ1jM/IK9jmM/8v673dJPLcZXqPRaDQaAf3CazQajca5wF4qTYPUNNJN03SrGx599FFJ26rMSKN9DVMGWR3KYPWoijPlvuWWWySdUG5TcB+38TWeU8HlU40p1Q4Blfu4tG0cr9KRZS7FHgOrIzw2HrPMEE5VDJ0+Mvd+qwcY6EpV5kj9sZbIOCYAztSTVC1WjjlZwulqXkaJCarQlcolX9reU4yJeLN7oqqnGq9RCi6C6v54brX/mb8zADleQ9Um1/lI7cpzMvVX5nRRqaWuXbumJ5544vj54HshhiVQfW/V5T333HPqe7z3/b9/Y7A4XeSz+9P3o+8ft8lrKLbR40CzC5+nIyfANce+CN5HXIfu3+233358jA5HHotbb71V0jhkwqDjDs0Acb3xOeYxpvo6e1/4c1d1ptQMr9FoNBrnBHszvIODg63A3Pj2tfTF9D9kS5m0x7e53+Au02//6BBiJkeG4uDOzD2YEoElLks3rjdKRJXreGWgz/rHflFai0Z4S7MeRzJlpvyJfarcwukskzkbebxcb2WIjv3aJW2Tg4fpCp9t1xKvicfpVBLrJlvKwkNi/+JvldNS5o6+xjqzIGu6xhv7hEpUjhWjVGYc40rSjiwk2/ZH2maSWeA5y2dAdVZ2xvSzcx599NGtgPN4jZmHx+nuu+8+9ennQXx2WPtz5513Sjp5dtx1112STpiP++d7UDq5Vx977LFTbfL9yftIOhnvaksraoJi3ZW7Pu+RLKibY0MGG7Vf/t+fZHaRDUp50DpTf1Fz53mM53qcXJ774d89ztLJ2EatYTutNBqNRqMRcCaGRzYQJUS/df3pNy/tYlkQJxOWkhWOgq0tVVqSMzJJ35KapSdLepZeLAlladEocVVbi2S2KbIx2uOiFONjjzzyyKk2m+16fDOXb4+12S/H3FJbHJO4xU8sl/Yf1yttj/UIR0dHunLlSmn7inXTDjay6a1tm1KxRmk7qLeyk2TsinZS2jzj2vH/HFsy1yz9VWWTHKXMqpIVuB10nY82FaJidlkCAq7zUbonJgkeJY8+OjrSu971ruP2+7zITO644w5JJ2v++c9/viTptttuk3TCavxdOmF/ZnT+zfeHnwe+N+KcmqXwfiTTe/jhh0/1w32Vtv0dXA8D02OfvVar7ciypAx+vrl/ZrQ+Hu9j952fHj+PiddUZLBuk8eG4RA+N17j3/yc83i5DI+Z2xp/i34NIw1BRDO8RqPRaJwL7B14HhmeJZ4okfiNzOS2VWqs7BhteZTa47WWjigtM7gz80SzRGWpzNKRJb5sC6PKFsnP6A3GQH1LJpZULPFE9uTfzOx8DvXgZHPSthdglVg724aEm7r6eGaH8bzHDSzX7HhVSrZYR5XcOGMOTB2XeXXF87IUXFUwfJaCjQyLUvtoY1vaWagtyKRUBt5WycRH27Wwv2QJ8f4li/Z40uM3sxlz7ivP0tivaNeuGKGTFjB1VeZxSZuTP80QzASlk/vcTM+MkeOT9YMB7b6WCTciM2HKLT+dwWLTAAAgAElEQVST7r//fkl5IgAGsDORhscvs7EzeNxj4/6SwUonLNC/VRt3ZxsH+H+uVc+1y44ak7i1WLzGz7fMw5ee448//ngnj240Go1GI2IvhmdJi3FK2Wan9LKxREKdt7RtQyADqTwhY7nclog2qExKo12KjDX2q9rix/rvaiub2AZuy0G9fxwH2uisd7dEacmIMT2xr2RgbE+WhsjjyXjGbKPRte2cIhiHl62dip1n8Um8hrFn1TY6cSy4nrINX9kvznPlgZu1kZoKSsI+HiVu2uiqJLtxbKoYRK9VevFGpk+NCL2cM5sh42TpOZqx+V2Su8f+HBwclLbJrA7aZ33/RC9Dr3F6Vvo4PW+z547nyvcl11vWr4oJv/Wtb5V02ifCGh1qznyOy8riDKmtMQul13Dsl39zuxn7yGflQw89tHUt4xe5nU98FvMaapQyP5Fsc9hmeI1Go9FoBOztpfnss89uSYhRSrek4be5f2Ny1ywDAXXMZFyWAjLbGpkJpYksMwSzo7iN7lf06GI2hkrSd5mjTRUttTGZa5Ta3VfbGfzd59gLzVJ7lNJtE3C5HldK4tmWG+4nbQYZcyXrOzw8HCaPzjwyeY607a1L5pCxQmbJIEPNkogb/o31jRhrJVFWWXRi3ZVtNYtx4xolSxyNI9tIrUC24aiPMQ40S/puVPbtUbJs3i8j++88z5rn+bivtu9EJszYP/eJnpfRI9Fz5PvRbeH9+va3v/1UWRFeX+4PvULjmMRnXjzHdkV7KGZrlAmfuS54b8fy3efqXo7jXm0H5vrtTfnggw+eOi6dsOh77733VPlV4uvYH4Me0R6zd77zncfH3LaYZavj8BqNRqPRCNib4R0eHh5LUX77RruIJRxLAsx7Zyk6MiBLEb72BS94gaQTD8W3ve1tp37PNo+1pEHJnjro2BbakZirM+r7ucUOmcPIXuH66J2VSfQcE0r/1sP7eBZTZwnL13zoh36opBNJ1XMTpSvPh6Vd2qRcb2QUHoPIdispfZomHR4ellvXxGMV3McsF2rFahj7luUPNcj0mVc0ll9JrSN7Ju2I7g9tRKN8n6w3ixGsbE/uL9dbVobPYXwms2bENq1t5ByR2TMrKZ1Zenw/xXZ7LXqd+t416yDzivB8kMWSIUVPaNoePbbUbEX2TE0CY3gzT2LOFT3KDdrC4li43bTdZddUGwvzmWVEXwzX8xM/8ROSTtaMn0ejnLtVfzIfDN+f/rz55ps7Dq/RaDQajYh+4TUajUbjXGDvwPMLFy4MHQBMTe2u6nRZpp+Zyo/GW2/pQVd5qtsiqFpwmZmR3XWbjtN9lwGTsfwqwJmJWWP/uN2R66V6YBSMn6VikrYdLeJvBtU6b3jDGySdTuJaqbBcFlWD0raRvwrd4PnSeIsc7hrv71kCYMNjS7Wd+5ytVQa6Uy3qtRPbTScohkVkfaVDQZYOTsrVRtW8G6MdyBk0vku6ODo00Wzh9R37yxAGquqrNG+xvJFb+bVr1/Tkk09uJZOPY2wVplX8VqNZpZht28T59zjQNd/B47E+PoN8j8d0ZzyPgdmcp2z7HD8/mSyeqRrjHBruO5MJVIHhsY9sC1NGZvPl/tnRifV4rrNtlph+jM4z8Rr/7zkfbS1FNMNrNBqNxrnA3gzv8PDw+E2duZ2aNVh6sSGTkmh0dHE5lpLsnkvJxM4WWSozS/9uGyXwKGnRxdeotu2QTiRdBlXSPZjOJbEtFQPK0mFR+qfTgCU/j3fmWGGm7HFzmUwqHcu3hMzAXQaESttOCWtOKxcuXNga812Cul03ExHEYwxKprt2lnrJoPTPsR+lyCKrMeI4MZFCtS0Mg4pje+kYMqqvchohG83KYgA/049lW0/xPmU4kY/Ha8jwR5sH+7lDFp9J9W633ebNHFx+DEuoNoJmyEcWAlJtecRUYFmwOsNuKoYcryGzY2iVr4mJmemw53AvPzsylkYmyUQO/vR50ZGHoVSu386HmZbCbeA2QAzZyu6JqAHadautZniNRqPROBc4U2oxprmJjMtvfiZzNcvI7AaWYsxWGGBsXXSWKDdjjNJ2SrNRYl631azMdp8oAZE5kH3Q9hHbw1AJ654tjdHWkfWVSWKZrDZea8nH/bO0W218G9vmY/4kc47MlWnc5nneWdLKWHRlExwFgtNe5PaRvWRB6wa3eqpCTWIbWD7tI1Gy55jSHsp5ifcT7XC0/4xsk7TDVqEbI/svGcTIFkZ7IxlLZMpZSrwKBwcHuuGGG7YSd0dWS98B18XNT2OYgNcKNVaGnyGjhNlkpgznyVLZeTz8vPOzkdvqxHqYUIGaq+z5xpAwa87cpiwpB8OPWD61EbHeSpPlMty/6DtAJmk2yPC1bKu2LHB+Dc3wGo1Go3EusDfDiwmAM2mZEoDZBm15mc3BoE3A11LajNfyLT/aLNbSi6Ule2H506w0k7SqIOHKEy5e63qZKDVDZbOhrc3INkWt2sx2xP8ZYD/akoXzMfK089rZJeE01xUlubheOM+VlJnZcqskziP7GK/lODHFVfyfY0ttAb1T428+tpaIOh4zOMZkfPF3Xsvys7muAs65PjIb9Wh7o9iGeZ63mB21OtKJDcjzwCDyjAmR4VurwXsurgOydPYnSxdoFmPNjtmoNTBxA2iDfaZnqZE9k113DNCOY+F+xqQcvqZ65lZbtsU+My1ZFlDPdjMVJJ9ZsV+ZTbxteI1Go9FoBOydWiy+0bNYKnox8nj2xl7bgoSSVibhV5vSZrrfymbHTQ+jZxA3rGQsWMUwY5/JrNjWUUohg2yACWGz3zhu1YadWb1krqMUPpbEq9+uXr2aJhJm38gQqvUQsbYxL21f8X+yjFHKN4Np6EasqmJ41VhlY1PZkLM27sK4K9AWyfuLEn4Gem+PJPu4FddaajEj84AkA2G7yTakbaZdpfgapcLi+uKzLD4H7YVuJkdPUn9mjNtriPPDdZ75ATBZfeX5K23bzJh+zGNjdhj7x7XB8eNWSrE8bihLX4h4DZ+nly5daobXaDQajUbE3nF4BwcHW2/lLPuG4bc99e2ZdEYJn5JCFsdBnS+ZZZadgxsiOsOLGR49PKVtybHa4DGzqTAGyNIq7U/ZNh0Gx5VjNNrglpKW68syyXCseW3WryhlrklalWdi1reK4WVek+wby8+8WdnWyh6bxVKxTaNNkSsbRhWTmG1/VNmqR0yPY7AL86sSQXN9jMrguI0Y0ogF8nxrZqLNiajso/R2judkXp9ZGRG8h3kf+jMm2fZzxTY8eysyg1RsBxkWYxupcYr9oz3R9fPa6KvATXFpL2Pi82zLJ7aRnvTxGUKG7GcyPWSjd/gutsEKzfAajUajcS7QL7xGo9FonAucaT88qrKyRLlULTAINl5TUWGqV0YqVFJ/BvtmqcxsCHUqHNN5qxoyF1/uz8Q2ZkHSdPWN6Y0iYn2ZWzPLjfVFtUul/qRRPrrOV/uu0d06U+/sYjC2upPByaPyKpXjSMU4Cncg1tJbZcertUlnhTi2a+mzMlUtrx3tGi3lAfyjAPOqLJ5TqXBHzjK8JlujDN8ZhejYlMLE5lmKQZoUGAAe223nETtKMJRqFA7Dej3/I6c5JldmarEskNrjUqkS+czMnAqpdieiGpSpxCrHnuw5x7GvHJ5ifZVTkT8zJ0g6EN54443ttNJoNBqNRsSZnFYodWYB6H7j0thpZFugMPiQ0nTmll4Z1cnsMgnYgeZ2VokGZvYrukVnbaMEnrWRDI/XxDGqHFvWgopj/xgUTekp9i8ykvi9ct2P5e+623AmDWYB+mvby2R9HjGPqg2VkwrX7mi90Vkq03pUKdK4nrP+cYy57jI2VzErHh9t20OQLWbu76x/F8RnyOi6g4ODrSD8jOF5PTE9nO/tzAWfLIqhPqN2VWEc2f3CHdW5pQ+daKSTZ0YV0sKUhll5dKhhPdGhr9K8VIk2RmE+1TMytrXSZLlNTMYdz40JrZvhNRqNRqMRsLcNL8Jv55H9gIlKszRDBiUtSsCjZL58w5PlRInF0gM3duRmqlkaKtobLSVWqaxiOZbS7GLL41ky3CqgdcR62HfaUTM3bDJwbiHkMRvN9SjwnNeOkhBXCb8zCTgre1T3KNi+YmJZ2i7aJ6rg5azctdCMTJqt7HJZKjOOzxoTH81ZhRHD2wVZAoVqDm37ZWL6mISYYSFsZ6ZR4D1NW9ooQYNRrZkstSE3a6X9kmkZ4//cnLqyk2Zbfvkchi5l4UncXo3rnJ+7rB1qNLJ1WDHHKt2fdDph/K6hCc3wGo1Go3EusHfy6Hmet97uWTAnJQ8yvYjKLhHrHX2PxyovsygB2zvTtjRuKOl2xNRiRrUhJvsZpRimDvM1TmlGXX5WH71cjZHn6hqziGNC25OlvspLLx7bJaA5emjGayNYF/s6Ch6vUqIZo+DnanyydcbAYoMbZGYMr/JwG235U21WTMk3S73FTXt3ma/KVjcK7CdTqtKPZXNA23GFw8PDre2j4uaj7BMZpJF5CJIJkbVnWwFVa4b1ZjZDl2/W5ueQ+xPTaHkOmTyc7Czzb6BHND07+QyL/9NTtQomz8azshmPvF357KVtL1s7Hqcbb7yxGV6j0Wg0GhHPKXl05nXDN7Lf6pYYfH1kNdV2H2SQo+TBI/uOdDo1jSUDSz62BTAdUIyhqewuTG3Gtmf1uI2W6Mz0IioPp8qzLrP/rTG8LM7QbdpFN1+lc6twcHBQtkmqGSIlxswjkUyE0mVmj6kS75LFxP5xnhkvlHkl04bK5MojhsdxYv3ZBqBMmF4xvZEtkTbkkad0xa5GjJ+xoGu237gFzIhx0Q5ceW/GPnl+ycTprZkxIa5Jti3Ol9vgZ5GZnZ9H3vIrPqvI5BivRu/xCM6vNVZuY7bhLO9ljkHFfmNb2d9d4Hpp+8zsjG7TnXfeKWk/r+BmeI1Go9E4FzjTBrC0cWQSd/XWZVyJVG8qyMTTIy9NMh9KJlGyM7t0ElqX6+OWhKLUXCW/Zj8zOyS9pLyNPSXLKNm5HCZxrcY1SruVrWiUFJmS4y6ed5y3NUlrnudhwt5RLGN1vGL0RLYuaTeovIGj1MtxMnvyuqa3ZnZNtdVLxozWMl3QPpO1u8piMRoTxkJWcaDxWNWPLF63ivPMcHBwoJtvvvk4Q8nI7lex5cz+W9m6d7mnOT7+jbFuEfYKN7Pzp5PXm+HFcfKziPcsPa4zuzPn22vUz5Ts+U27ZuXfMErkT49yst84vmvagGyzamvEsg2A19AMr9FoNBrnAv3CazQajca5wN5OK88+++xWEHlU+VClwIDILOgwM0JL9Z5mo2NVSrFo3HXS2Cq8giqg2Da6n/MzSy3ltjBdmNvha6LzitUddG+uVLi7BJ6PUkpVQaEjRwT2dU0NGgPTs3Gqkg9Xqu7Y3spZwcgM6JVqfrQXoceQeypatZk5glRqqGqX9swZg+n3qCaPbaZqsUoaXKnw4m+8R7J1shaUnKmvq5SAVTtvuumm43vC/YlqripBMdVo8TnA+6O6X9Z2qI/108nC6spYHu/3e+65R9LJGsqep1WgOcMSIugct0uax6o/VajByIGwSp2XJRGnU4znOnOwc/ut7r3ttts6tVij0Wg0GhF7O61cu3btWMLKpGkaLDNJXjotIVbJc1mGJZTM2YJSJKWJuEsyXWvpku/PTBLh9kNss6+JhnUbqy2d0zmG4QqxHjqRVCl4MrZG0OV3JFVzPDMWnqX/GUnB8dqMZVZbEe2SWq6ShDluEVXqOl6TbaPEgGB/ZimeuEarsIBRWAK3RGGZGeut5pmsKpuXtbE5SzqxbG2sObm5fTfeeOMxW7LTV5YSiwHRZNEZU2BSB66dLKEyx9RlMHjcieljW1yPnVS4BU5kof6fjh8cy4w9VeEWbrvbxjCWDFUy+4hsE4Gs3mzH8yoMy8icAKMmrhleo9FoNBoBe9vwpmnaKaCULuujJKBGldx2LdluLJeSgqWXKOlRKmfwMJNJx3LJ8ChJ+ryou2dYhRndww8/LCnfIoNpzarxo/Qm1eyvYhjx/2procz9n21aCx6OCYIzpuAxrJII7JJ4YBc7YtWPKoVdlB7pEl/ZPEdbJq25zI+YBBMdZEmTM7tebPsutlcy5+oz/l/dC9l8ZgkBKil9miZdvHhxi13H8xkOUGlIIiqbcVZ/LEs6uafdFgaRu/64sS23H3O5vtf9GZNy+BifUXwmeswzGyW32CGzzVIMMhyAzyj3JdZX2ZcNPpMjqmdIplnKbMK7ohleo9FoNM4FzrQ9UKU/jr9VqZ6MTAJes1NlgcBVUl3q3aNnkj3r7rrrLknbHpGUYuIxSnaWrJi2x2XH9rstlFCjfdFwuZaG1phLlIDIQqo5yBIAj4LTWca+DO/w8HCY7NaoEhFkrLDqW6UVGCU95vHMLsIkumQ1mR2OCRTW0l9lm+JyTXpd+HuWHmrEHKU8ZRbBey5jsLuugyytW5Zsmzg4ONANN9xwfN/QhyDrE9llpqkgG6yC/F1vTAzh/22zo00/Y89McEF/B97z8Rwzx0yjI508f+z5Hdvm8s3G2Pbo7Uo262cj7YzZ5rHc9oiskDbS2DZqCTiesR56m/YGsI1Go9FoAM8ptVjmBUapfORNtnZN5tUT643XVHYESnjSidRCTzvGdEWJjml6aMNjHFasj16hPtdSm/sT9eFr6Zqq2Lr4/9oGlqMUVhWzyzwko/fZmpcmWUUVI+by2M6qD9UGvCMPyIqRjK6x9G2J2vNspjWyqXKzVrI32uUi6OFLm022sWllR6T3YTyvsoXu4p1ZaWZ28QY+ODgY2tBuuOGG43uOyd+lkz5Tu0E7VRYfS5ZG9pIxPDIQjqnnJdZnTY4/d/Eopp3P4Hz497h2qI3w2vEnk1ZnfXb9HiOm0otz4Oeq2+I1ycTQca3yGNlhpgHI7IzN8BqNRqPRCNib4T3zzDPHb/ldbTfStq0lvrEppTOWaRRLVTG7XeyMlpopUdMTU9rWG1f6/lFsIiV4JvfNPO0qZse+ZPVxrMmyn2t2lir5cYaDgwNdvHixtEFEVLFZu2S6GNVPVJqFXZiJ+0qPsxHDo+cr2VS23RKlY9pFsgxGo7Wf/Z7ZmXjuLvf6mu0utmPXDTt97qVLl7ZsalkZ9GLk1mNZ7J6vqTKScOsnaZtFm9H5M3u2mFn5GD0vWXask5tSV7bkyCitdVhjXLE+epnSw9NjliVuJsPzp8ci2zy5ehaOPGipbes4vEaj0Wg0gDPZ8Ggfy+w6VR7ETCrj25n56IxMIqlsXZVNR9recsewJJLZ8OjxZAmn2i4jsjVLMdbdu356cmWeb0bFiDLpmYyx2g4m81irGHk212QX0b6b4fDwsMxTGMup4qJ2sR9VjHQf29MouwzbXeXDzDIJMQsP558SeOxHFWc6stetbX8zyj5Tfe7C9IiMMVdetdX1ly9f3opnzeLHaH/jlkyRTdFeVdnhs01qabOj9sb3uLc0kk7YkueKG8FScxbbQq0U7b6ZjZWMmGs28x1g/k1mSalilrNzqns9Y/r0BiazzbY/i/U0w2s0Go1GI6BfeI1Go9E4F3hOKk1SV2k9ATS3gWD5Ur0bcmagZzmVa3SWwoqpfkzt3Y5ocGaKMga42kCbqSdN051SjOEPmRqsCgCneiVz6GHbaNDOgrWpEqgcOLIkxVVqLpZ38eLFUlUa20k1mrGLGm2XxNixTfHc6jOqbegEQSeSLJSBbcuM9/H3uFar+4ZmhcwJbE3FxDpi+VXbM6w5+2THqdZdC0u4fPnysZpttHt55WhChyFpW93J8RmNG1WKuzhYcX6rwOysHJZHtWSmana/qKrlcyFz6HPbmC6M6sQsaQHVyqOkBZXDYpViLCu/wxIajUaj0QDOFJZAQ30maVXpjEYuymQrlUQfpVk6w+ySXNmIxlrpRJpxmfEaSnQV08qkNaZCqgLqM8Ns1R9KzRkroOF3tOVGxf74fRT0v8bwLly4sDUPuzCxfZhepVkYhWJUTG+0JRLHeCRhUio2qhRgWX8oYfNeifdktWaqNGwRuybhzsJTKmeYjOHt26Ybb7zxeJutivXE8sjSyObi/0ymzO+jpAUE3fczBztrgzz/1jSR8ce2VPVUoVzSdt/ZDwbpx2O8L/n8qzbtjqi2bIuoQmTorJI9GyObb4bXaDQajUbA3smj4wawmeRG6bgKSt6F4fFchgJI2yyjksqyBKlMzEzX2LhNh6UKhi6wzIyZUc/OflICi+D4VZJdbM9akPouTKKyZ2X9ira3tdRime2GbVhrWyY1V2uG39fc3+M52diuhTCMbDeUqOkmnoW08Ny18ItYH8+t7CS7pG7blfnt0ub4W8YyiGmadHBwcOy+z8BpaVs7UyUTyGzdnMsqyTfbJJ08V1y/r80C3bn2aNvK1huvrRJCeO1k9VVaCKYgjOd6rKskCZnWyH3OmGrWl4hKy5E9ExhO0smjG41Go9EA9rbhzfO89Zbf5e1a2R7i/7Rx8G2fefBUKcsokWS6cG7LQcYSbXwsj1JY5REV21Z52GUbWlLqfC6psypWGMe7ClJeS0Ad69kFlKKjNEjGvcba4rE1T8GM9VZMjh5oWXBtZXvKGFcVvM16uf6yenZJpUdpv/LOHM3bKJ3fvsjqJ9PfJT0UWVWWgo1j7PEZMUmyTTI8bg0Wy69s+KPgeM4l7YtxvTHRBceS2oAs8Tg9VvksHjE8Pueq9HgRPsb7OdNgVGnOKtu1tJ3su1OLNRqNRqMBnGkDWCOTZsn6LAnsYiegJyC9GrN4tYrFMJlzBG2C9Jo044oMjxI128jYuij5VEy18sTMzs02lIzfRwyPTCXzWKPklrEb1p/ZJEd2uIODg604qZh8ueojmX3W17W4QXp2xWPULFRMLzu3YpJZ22irqzxtM1ZgUDuQjUUVK8UxymwtlQZjH6ZX2TmzZOzxc81T0321hB/ZDNkYU/4xQTPLlrbXCJ9hMdUgmZd/43MiPqucmJkbwI48VSu7Hq8ZbbfFZPi8NvNcjfYxqX7OZF7bfC4w8fkuqfN4D2ZpHkcx3RWa4TUajUbjXOBMDK/aQkTalgAq76LsrVzZDfjWz7z0iDWbTry28rjLMp+wTSyLUptU21JGnnaVvafCyGZIKZFxRrGN1POPMiDsIqESu9jH+J3Mb8TwKuZDe6mUj0NWRubZx3M5/xmq7Zl4T2TJ2Fkfv2cxo1zXRJb5ovKIrWyV8bfq/s08MrnO1raLunjx4pYNKJtLZjwi4xrZ8qkRYUyd4wClbcZobdBos9Nq66AsltKo/Boqrc0oNpHMNdueiGyQ9x6zxDghfjxG3wgyu6jVYXyfwbUb59oMz7hy5crOfgTN8BqNRqNxLtAvvEaj0WicC5wp8NzUlBRZ2lbPVMbvLE0PnTiqPbky9/3KPTgzbNLwz6DVynki1lc5czAAPtZjjJwviIqqV+67Ur3/HdWWuzitcHwzh6F9whJGKk3XTYP/KPidoBqSDkrZjteZO3isJwuYrlIgGVmC3GqtZnNoVKr0yjEk/k/VNtu6S6onznHlDh/Loyo624uOAdoHB+Pk0YeHh6UzSSy72lMxW6tUQ1eOE5la7c4775R04ohCFapVfVF9R5Ue1a/+HtdOFUqwyz3B0AGaJ6wajCpCO4dQZctd050IPybnqPYEpUozrp3MuSe21XOeqa+rd8wIzfAajUajcS6wF8M7OjrSU089tWU0zqRLg5JvxvAqwz+N/Fmasip1WWxzPC+WVxmEM+N7lTC72gF65FizlvJJ2g6kpRRqZBJexrylMbui8btiIyN29cwzzwydiC5evLg19nEOeGwX54u1dGQsMzotVM4plNbjvFQ7jVdsKpaXrf2szGztsFxu7TJydKnqy+ZypE2pruH8VE5gUUrP1mI1lwcHS/Joz52TLUeG57LpBMFnSxwLBqWTgVWsMcJtcqC2zzVrigwo7n4ubW8Xle2sXjlj8ZnBnc8jKkafOfQx+L66/7N1VzE59jNjeGyr+5exUI7TDTfcsJO2TGqG12g0Go1zgr0Z3pUrV44lIOuvLd1I9caAlSu+y43HqvRgDCaNxyrX3iwMgjYsprnKAtzdJm6mSjd0uvXGNtD1trI3xHoqd3eO0cgdmfrwLFn1LtsO8TsZ0dHR0SrDo6t33ITX80HpvEqGPMJayElExZ6zsa+YVZVqatTu0UacbENlL82YN49Va2Rke61+22XsabujrTSWE93fRwzv1ltv3epPtsky2WsVSC9tu887bIDB1r7WdqsI2+qqDWejDc/ncjsghjTYXibVaRdHNmODzyI/p2kDy+pzXz1GvifdVvcljonPMavlBrcZGFbDdeE+RIaX3dudWqzRaDQajYAzeWkalgwic/EbuQqQzXS/VeJQSrVZ2hwmdiUbJFuI5Vuiovditm0G+zGSHOPvGchGRwyvsvvswliqINIsgL+S3ClNZ7bQXaT+aZp06dKl43MtbWYSIm0quwTfr3mKjn5nkPDIM7Wyf41sumvJm2krHCUgqJjlCGssMaJi9mtpv+Kn1xe3cclStO2yPdDh4aFuvvnmrT7H1H+0D1EbNLJbc57NwLguIlt76KGHTrXBbWKf47iRJRkMSM+SO1TbDrltPC+W5zH287rS+MTf6JXJgPNsTCo2yOdptOVy7TN5tb1G4zoZbUC+hmZ4jUaj0TgX2Ht7oGvXrh1LQkyC6nOkbbvFKPVTJfnSlpZ5M1YbitK2FyVWSlj04Ms8OysbQSVxZ3FK7B/tcpm0XiUCruLNsmsrz65RyiyygWwbmmqeMpDhZd5X3ESTDG+X7agq70Ijzgu1AJzTUX+qLX5GXpO0nVZrKGN4lGIrDUrsY3XtKF1Zxex2iRWklG5J3qwnsisfi2NSMXivHdfj+YoJhX1P07OSfczsiJxvrjeznYcffvj4Wj/7fMxrl9qVzDPV7V9wLQcAACAASURBVK+2/mLqLGk78TP7SftjBL1AORbZtkduo/tFW3jmBzDaAq66hgnTzezsH+LPbI2ONHEVmuE1Go1G41zgTDY8v1mZBFU6kS4rW16WmaKSdKhjtxQQJSAyE+q0Gc8W6+Y5lPSzLAlVpgt6b2b9YDyKkdnCKumoSu6c6eF5TZW8OutPFf81ihG7evXq0LsvS1IbPXxpN6A32T52qwqR4XGe19ih+5FhxJ4rL03OUzbGVZwfbVXZNi3sJ/swytLB30aMktI/Pewyz+1sG6o15s5kx9naIXsmC8gYSeUNTu/JGFP3wAMPSJLuv/9+SduZVTJGycTV7gezAZnVxDbSJkhNFm2V8TePDVnhyCbO55q/0zM/Mlgzbt4LuyS2pt3XZWXXspzeALbRaDQaDeBM2wNV0kX8329q2hGy+LW1tzPf/pm9grE0ZGuZTY02I7LDLLap8qhj3rhRHBb11iPpk7nkaA+hbj+Wm+XMjPVEabBiZmTdWfxkZMojj6nDw8MtL83I1rkprNtNFpNJplUsWxYryL7R+5eSf4Y1r9ZR5hMe3yU+jrZUestl3rMVEybjz9iosaZ9iddwzZLhZZvvZhoK4ujoSM8888yWhifGj3EDVn+vMoTEuukVzOea63nssceOr7WXpj8fffRRSdv+AXGd8F6m56WPxy13eN+z7VWu09hnM1Of4zaSwUrb88+5vO222yRJt99+u6STnKLS9jwzh2r2LK62LCOjzZ7Fu9ynRDO8RqPRaJwL9Auv0Wg0GucCe6s0s+DoqFqgSo9OHJkrKcMOqJ6i2iNTpzAtGNOURbUVVWRrCZNjm/idqphdEvKyPxklr5KnUm2QBfBWrvIj1/JKrcbPTCUYnZdGqcUODg621GnRtdxB6FRLc94zAzaN21VC5th+qrAqx52IyuV6tNM51xfVnlS7jdYQHStGyaoZNEzVNucionKaMrKwoiqVGB2t4jVxTCrV7zzPqUoz2+rJa4gp7LgbdzyHKtkqUXd8htDswXU2CiKneprq4uxerhxA2Ics/Mrt9ifvs8xJKiZmlrbH3Mfjs79Sv46czPgcq1Tbmco+rt92Wmk0Go1GI2BvhpcZRTPJx5/VFiwZw2MdlGoyhsJymZ4qcwgZBRRLuXs6JRAyPErTEWsbb44C6skKyPDo0BOvqbbXycISyIwqZ4/MaSU6f6xtzsqtizIJkVIfU8BlBuw1B5AscJ7SbLVZcQZqMHZhwmT2VXD/KBF0ldhhbU1nbR5hFJzO36lloANC5jxVJUXIYIZHJpmxTJdr9kLWFjU1Vbo+3j9maxnLYCiBmRCdV2JbXA83W7UjV+ZEVDn30BEuC7/iVj8MH8jGhOPJFF/ZtVWiCK73uL7p2ML+8H0Sy+H2TrugGV6j0Wg0zgX2Yni2w1D6y97yTGdDyWSUosiwxE/WEN2bq3RTlBgzF/zKZTljYpWEmzFWtjmzPUnbEl/mts1PunpndsAqSfSof9VY0M4VpVyGcYzSqU3TpAsXLmyFq0TpzNKx551JdSmtR1Qpsaq5jr9Vqb9GGNmbKlSpvqpkBvH/ijnv0q993LaJap3HNtK9nlJ7xvC4Rkd2mKOjIz399NNbieJHKdEYTjEaA44/2VJ2v7gNdM9nkHq8J6otb8wOsyTbHBPePyO7fLXtkJNj+76KAfUGNUn+vOWWW061PbO5VRotplSL/1fJEPiMieesbf6doRleo9FoNM4F9rbhZba3KHFz0z9K434bZ2ym8niiBD6ycVCqzexV9Fqizn6f7SaqwOwsAXAVoEvJT9rWlZMpZwl5DY4BmVflaRh/4xyQ6cX/ozdYJW05ATAluNhnenmRGWR2iqr9+0iBZC3V1j/xnCzAPB4fzf8aRmmUuN5Ha7Zi9JVdPUNlQ84CuMnwKu1EvCZqKEYM793vfvfxOja7yBJQ8H4ced7SBlRt10VvbumElfH+NGuyJ2QMIvf1TMvlssyess2jDdqrRhtgM5EDnxXZc4eaF84lE0bEMaF9vtpId5TooEr+kWmPyHZ3QTO8RqPRaJwLnCkOj8whk5r42yhFFW0zVQopJmHOkMXqsf6KOVRSYjxGz8G1hNexH0wSS++2LNEsJStKzexDxJptMvPOqtJSZV5ulhx3jcPLElzHPltiI8OrkkjH/9e2mKraFK8d2fvWrq1YVES27VSsN9OKcNyr+2vEKEe2W7a1WjO0uWWJoKtk5WR+8VxuyZVhnudTXo+2QWXt9ie9NLN72xoebsdTeTfHPpuV0Z7I77HPVUqskSc07+8qGX+27qqk4ZyPmITbIAPn84ixlvE3zv/IFloxPNsVRwnO43N7V5bXDK/RaDQa5wJ7e2muxTxUcU/MnpKxqIoBUQrIsmVU8SqZ1FS1hdLUKJaKMVOsJ15LyYb2t8yTlVIY4+6oDx9JuwYlrax/lf0iS7Rsr69dbZ/TNG1lRon2g8rbjzaWuHYqL8JKs8D2xE/O3YglriV8zua/uqayy8VjFaPLbFOsp2J0Wb8q70Z60420ETyXazeem2UVIa5du6YnnnhiGM/KRONmgWYi2drMksRH8H6N81JlBsls01V9nlO3lc+h2P6KyfFZlmV2YUzbKBF4lQCac+h2Zd7hVWYhI5sLbmU0ykbFDaKfeeaZneJQpWZ4jUaj0Tgn6Bdeo9FoNM4F9lZpHh4ebiVBjXSSgedV0HDmZkoHgCo8IYLqCKrKsqS+VQJWqphiGysDM1UKmWs71W2VUT+qRxjCMAo0l3I1WBXobIzSLPF4FgDKORztWu21wznO1Df85FrKjN6Vg9Mo8HgtPdcuYQTVGsqC+tfSn2Xq912TemfncKwzt/D4e3YNr81UeZV6b3TNLk4+sT9Xrlw5PjdziWf4TJXEPs5xtWao1svaWO2lZ5Wcj0cTAJ8dTGht1WYGPrN2CdWpQnQ4pzEMgipMBsNzLrMgcq4zmhnic4Oqejobsf/x3KiqbaeVRqPRaDQC9mJ48zzr2rVrW8HlUUr3m9bn+I1txpW5xBs0PFdS82j7FLq0Z1L1yOAfv2cMr9rig1JNlOzoqlxJSdk4jtzBY/2ZAwqlP+42nyVSrhIbZ8ycda8xosjwMqmZ7Jwpxsh6Y7uqLX6q9GrPFdWaGa236trqPGkcBF9dU6VrqhK4j1JZVWVljg5VkneyhlhOptUg5nk+te4y555qJ3gmsY9we6w54LMj00Kwzz7HAeZMHh2v9TFqh1x/po1ikmqy95HLf5VijvdZlrS+Cjzn97gOWD7vzcx5i8kr+EzJEmtUW87tgmZ4jUaj0TgX2JvhXblyZStZcJbM2ZKWddqU2jPXcm4Dw1CAzG5BCYdSJnXssTy3ie7uma2Dkha3B6I0NUqQWm1dlEmhlC7X7D/Zbwy/GLHCKrCedrT4267JW23Hk/K+UopkouxMiuX4G2t2q4gq0HhkFzHWbJ8RZH8V6xxJrByDLMyH/agCz7Ox2dWGN9qaZ5dQhmrT5VG/GRIU16JBm3q1ya+0HW7AjXL9Se1R7FsVzmNkbMZB1QydynwHGEhf+SyMmD4ZKxle7BfTnvG5Tc1Z1pYqwQL7JJ2Mj98TtFGOkoHEuW4bXqPRaDQaAXszvGeffXa4nQlteJYqLI1RapLWt3Ufvb0r20nlgRV/qwKCR0HxLI82yUznzGDrXZL3VgmNKy+9KBVWOu5dmAMlYqayilL1LrZVwynpojYg1iPVkiftBhlbN6o2ZEnEeW7l8Zalict+iziLPS5jCbsG72b18RpqPbIxqZjxyJbMeiqGlyVWWGMDbkP0AI7Jylke7dWjoOu1jWrJkGIKLqa7o1Yi84BkebRRZ9ts8T7kvI9Sj1WJLVyv+xP7xWNkerZRZgmp6aFfbbsU79/K293I7i96/jfDazQajUYD2Dt59NHR0ZYkHCUSMh5KXpZmolRRxb+tMaP4PyVFl5Gl0aok38z+ZlQxWtUGtBGsj9JYxUpj+ZRgRh6StAmwP9mYcE5Zb5aGiexjjeFlm/BmKYMYl8iYoCjZsy0cl5FXaMXwRnGMlXZjFNu2Jn2O2Fq1VmlvHoGMi3aYzCZa9S/zlOXYVvFYsR7+tpYa6uDg4FiyH8XwsjyyjpiE2qhSo1XfpZPnl+v12uQmxrZNSdLjjz8uaXvj1Sp2OfajYkC0YWfes5wP9/fmm2+WlG/R5f7Rw5Z29tg/xj5WGpM4B5k/QSzL7cneMfF90Ayv0Wg0Go2AvRlejInJshcYlTfeaMv26txdPLkqRsLYvljeWnaOkacdWc0umSPIekdSLW2gRqYH53lMqF3FPmYeZPyNNrzRNh1rUlZmm8rst5V3YZZku/JaM+hNO7KX0gN3ZMtd0xJkfeX4VNu3ZKhs1PtkWhmNedWGal2PsrOsjVFEfE6MtCRHR0fHzMfzEu1j9Ng082DMcDyPXpnVOvNWQFmfzYS8eavr43fphOExKwvvsSw7S8ZqM4wYHtnoaFsyMjrOsTe4zWIHqW1jHzKWzec2bbCZZibTMK6hGV6j0Wg0zgX6hddoNBqNc4EzpRYjzRylCaNDiqlqpLWVcZvUlYGNEWsJgEdtpGojO5fqThqL2b+Rc0SWdFk6rW5hOZXrf0b511x7R+7BVEfRQSQLQTHWVHIXLlwYziHHdi2gOf7P8amSbGftrRxPqn6MrsnqozqSa4XhCJnTylkSDlSqYdabqerWwnwylW3V711+G83TPM+6evXq8VrM0oUxKJ3qwSz8wb9V6bL86fOicwfn0GpP98sqzTg/t99++6n2u1zeY/E7TSd0xquelbFf/E5Hp3heZYpigDidgqTt9GBVmslRGBudGjMHNe41eHR01E4rjUaj0WhEnCnwnG/wkaE0S1QsnZZ8mFamSteVSTGVEwl3xd0l1VO1nUY8tyrDGEneZE1sYwaWR+aSpfeqHA/ojLFL8uiRYwXrXmNIFy5c2GIdI8msCnbO3OjZJ0qqo5AJhh9UrDGWZ7DPowDwii1x/LLwjYrhjZIKVI4mo4Taa/My+r0Krxgx6LjeqvVjhkcnhSwUxwyB5/p43ILHdfsYXe5dPgPU4zGuK5/j8ISI2267TdJ2iA+dOHbRYFVhGFmShLV5z1J98d6mww0/pZMwC74fmCA60ygwbIQOfpHpZQxvVzTDazQajca5wJnCEtYCjKVtHTfdTaMUS5fhNSk90wGT/Y0k7yp5L4PId+kn3Wer+rP2U9LLNjlkgHG1HVFWH8eGevfYv7VthzI27zqrEIoMlZ02ogrursJXMnD8RqEgo1RiVfsrNpPZVHdNC8a1NLpmlyTWa+E3o3pGG+dW9VQMbZRuj2VkoO+Akc0lbUE+xywusimvCdrq6HKfhbTQ3k/Wadf/0aa3u7B0Pk8YcjRCZY/jGo2sl8HvZG38PQaee2zJWMks4zyS0Rmje5DsrzeAbTQajUYDmHZ9M0rSNE3vlPQL77nmNP4HwIvmeb6HB3vtNHZAr53GWZGuHWKvF16j0Wg0Gu+raJVmo9FoNM4F+oXXaDQajXOBfuE1Go1G41ygX3iNRqPROBfYKw7vwoUL88WLF8tofKnOC8iYoCy7wz5brvCc6prqvF3P2Rf75A/cp961c0bOR1W8TzZv3LxxVH4WS3XlyhVdvXp1q7GHh4dzzFSRrQPG2VW5Ls8yT6P2V2O3y5hWOMs62OXcs1w7ymCya70jrI1fFj+bzfHjjz+ud7/73VsVX7p0ab7pppt2isN8T95j7038YjsX7lpfPG/XbEDZNdWmy9k1fEZN0+Q4zdUJ3PeFpxe96EXHwYiPPvqopNPBh3x5+SHnZKAOyPSntL2jNVP5VDspx98MBltmuxVXL18GmI52k2Yy6SztFdvIcpnKKAPTUq0lhpa2F8Quuz/7/yeffFJSHlgqnQ4QZaqgixcv6md+5mfSfly6dEkvfvGLt3Yxj3uaeQdmJ95lsluuB6lOD1ftupzt8p4JbvGaiF3OYRurFzfXVxbUznWcCQqsj2ulEiQZEJz1rxJCIkbJCaSTtFSxbD8PnHT58PBQr371q7fK9rkf8zEfc3xutg6q9o1S2e2y11+8ZpTcYZd1YFQC3D5Ca1VWJsQaVVqy0fyvBcfH4H8mq2CwerYXqoP9/U7xc8fnuHw/l7Jzp2k6ThawhlZpNhqNRuNcYO/UYteuXTt+s2Y7Q5ORkDVlUhSl/YrhZSqaKn3OPuqJNQk4q3sfNVvFNvmZtaHaWd0YpT8jg+G1cd6YPJo7SGf1MK3SDTfcULZnmiZdvnx5q1+R4TnhLlM+xTKqPrKvFeOLfR6xvzWszX+2dc0aw8vaUTG7fVgBU+ZViYhjfWS9owTYXL9c72ZzlsyzNq7dr5lWZ7QejJG2ZpREOcOI8ZMBZUnLK1X9qK1Vm9aSe8f/K0af9ZttqtItjtZBtf3ZaH3zkwmoI7Ik+J1arNFoNBqNgL23Bzo6OiqlaWlbIuSnt3aIWzxYovcxJl4dSdNrkuHIOaKS/ka2tUpaqewX8ZjLo20qY3i7JkreJQFwlZg1zlu2qWb8nm1hRIb39NNPDyXPixcvHp/rPkdbLm24bG/2nWuRn5UdM5Yzklrddv5f2YZ22aR2zUacaUxGdpfYB14fQZaWrdnKfsWk5RFkjpTWzfCyNeTyL168OHQ4OTg4GG7qW20DNVo7lV1qF1ZVMZ6R/ZTPxspnIHseVFqIUZLvyoY7YrLV2jGyrdP4G9dBxbqzayuGGcGx7uTRjUaj0WgA/cJrNBqNxrnA3k4r0rZaZRRfY3pOdaVd0KUT12Q7LfjcaqfrkXtwpRbJXNkrdZHri6q1tT3NjMyJplJpVjssx/+pxqlUKBFU69n1l/vWxWupZuXYZCqV7LeRSvPChQtbe/9lKk3uNbaLA1K11x9dpKN6N3NkifWNVGf8vktsGNdX5bSSXctYNs7HSPXja6q91LJ1R7UU6x2F0lSOSdGMwfU9gteO63R5o3iurG/EWnxqpSaNqObFyEInOO8cy5HJplKhj66tHKqqmNtYfuXENIqpWxvXs8QMV32Ulnu6VZqNRqPRaATsxfBsPKZ0MXLusFRnw7WZ3a233np8rv9ncLqlPxpzdwkBGLltVxIcpZqRK3MlYWUOL/7fY1EFX2eskKELGVOJfZC22Y6Znb97h+Ns13kHmnOH8JG0y+D7DPM869lnnz0ux2zen9LJ+FTzu4uEWDmrMCg2O9eoWFT2G0NnMsa3q+v9qD+VezgZbKxv12DlTPtBzQLrjfX53MphIwtB4fqdpmk4PoeHh8fXZ6wwa1dsU8ZmKgcXljViG3yWsA+ZRqRyWsqSV7ivVUIA1jO6B3nuLqyIfed6zBheFjaQXRvbYlQhFKPnzq7sTmqG12g0Go1zgr0Z3oULF7ZsUpm7rqUx2+fM4u64445T3yXp9ttvl3TC7Mz0GMJAG5hUS0m0L0XJj+lrfI6Z0AhkCpSI/ek+xPZ7TGirpO0qnkumx/5kwf8xTCD2199dfwwE9nj5mD9dVrS/8JrK/TiD++E2RBseJXcykUxCrFh5xXKycaoYWOaCXbGXUeovSqmVjTBrI9MykWFmoSdrYQlVm6XtpA+VbXdkK6pYYmTzTEs3sv8eHBzo8uXLW/fYPmxtFFzOsdyFMVRJC/bxN9gltVllMzZ2YetroRPZXFZ2t8ouF1E9B7IQJ5/LdW6MQlFGzLtCM7xGo9FonAvs7aV54cKFY0kt8xDzm5i2OjO7u+66S9IJq4vnmBW5fH+n/S+yDZ9b2feyRMm2YTnhaGXripJDZRswyEbNbOMxt9X98DnuX2b3y1htbI/ZW5wD95UMz/02q8pYm89lEmlL/nF8M7vJmn2VNt3YhsozcAQybreTc5lJkJXn2S5ebJXNLluHo2DkrJ6MhdKGxz5koI2dDCnTLPh//jbyzF4L3M5s1MRISp+mJS0dy8nslmwDGf+IPVUp0jJ/gLXUbtl8jRhsPDdb91VKuSpZfkRl/6NHcyyfqQYrv4fseUD7v+cpm3+WU/koxLlx+Uxsvwua4TUajUbjXGAvhndwcKAbbrhhy/YRdbJ+E9N2Z2aX2fDI8Mj0yPii3ce/VZ6VZiiZ3c9ShSUFXhv7VaX9sdTiNmXeh2w3+5MxV0rjtN3t4vlEmwRjIqNkZ8btY2aHZLuZ96HHeJ7nYXqoCxcubNktY5/9fxUfOfLSreLwRuNE9sRrR7F7tB9wbONaqrwkyVSy9F2VDaeyA8X/K0bnT9930XuSHsScC27bEkF7DNdfvG/57FhjqpcvX97yiB3Z48g2skTtZL4sYxR7W9kEuZYye7NRPbMyjVmV0m7EUiuPXnqSx2dj5vMQr83uI6K69zwmMTE9n5fu30MPPXSqzDhGXkdxm6BdE783w2s0Go3GucCZvDQr24B08iY2w7vtttsknbyVLXVEj0jbi6o4GJ9rJjbyZqy8ymJ9lKR9jSURfo/tpg3D59I+l7HQahPcLP6MUhFtdh4L2yGjx2UlZfJ7Zs9ym+69915JJ+P2jne841T90sk8uX9Xr14dZrq58cYbt+yVGRMmQ6GdNmNAtKFVGUIyb12PJb133b/YZ55DSXgfexXb5LHO1p3h+SEriOuNcZ+Uov1prUtkeNWWTByLaD/xMbff3/2ZbW3FLYPWJPQYp5etMWoi+Gyi92k8VrFZIs4158zg8yezM1IrVGVTYnuzfo2y91S2aPYz6xe1H2R0oxjVKpG710wWZ1jZih977LFTbY3w+D399NNpYvIMzfAajUajcS7QL7xGo9FonAvsHZZweHi4lSoo0l2qqqxWIa2NFNSqj8cffzyt0/TaZY7c901zqTYYBTibPrNtoz2fKldzU/yo6uA4uXwGeccxoWrBbTPFtyrTziVRpVkFOI+SBtMZxqoRq6Rdj+uNcF/j2iCs0qQzU0wi7v89l0wqThVUPJcqZqqJMjV1NQ9Uoce59DhwrVRu8NK6AwCdPbJrqebdRTXsubvlllskbTtHMSFCrKdKycUkBtLJuHlMHnnkkVNti05NBu+JqDbOcHBwMFRPu30cDz6H4prPAu8jaPqI7adDDhN0G5mzHNWsnNtsnNhWOvBkTiwjZ5hYTxaqwQTdVUqxLFUfQySqFH7SttqbDlU+HlXoHqe4FnmPVWiG12g0Go1zgb3DEi5dunQsLWUBhZTK6eaepe8hm/E1dmbxp6WYGNRNBmdplk4kMQyCrIDGWwdoR1Tb5vDaLB0VWSG3H/K1kT25z48++qgk6Z3vfKck6eGHH5Z0wvQyNsrQEKbxyphSJSF5jKJjChHbMGJ4z3ve87bakqWYc7splXN7GJcbz6Exn+ncopTpPnuNeMwZppKxdbMoOrFwt/ZYXpXweZTaisyBIQZc57FtHk9/xnR3sZ4R0yfzyqR0OlZ43Lyemfggu/bw8HA1pIUML2pq7rzzTknbYQj8noXVxHqkk/lm6ERkTJX2pHImib9xvsn04nhW2wHRgWeUNJrPVwaTZ4413FKMDlW7JIXg+holr+Cn13UWGuS+Rqe/qOEaoRleo9FoNM4F9g5LuHjx4pYNLEoklsq5FU0WLGhYsqaLr1mhbXt++0dJ1f9b8rE0a4nPDCLaHLIg1Fh+5o5OVubPKmlsphfnb2ZrZnEx2NLjdP/990uS3vzmN586l6m/YgC3x9pMiSzXLDiyK0qmtElm7MrSnsuL2/8QTlpgyc1tiynm7CZPaZWBrFGfXwUYM6kAWZa0Lcn7HI+t52AUZE3p1Yhr1G2qwkIy93DWY1QSfbx32CaX73uADCPeB/E+ieXSpX0UwF/Zz2ObyaJvvvnmcu34ucP+xDGumDDnJbI6Pm84pqMAd8P3n88dbXFFDRZDW/gsi6iSY4+SK1epEmmbjs85t9vrwPdClTQ/s/9y3Gh3zMamYq4ez6jByFIk7sI4pWZ4jUaj0Tgn2JvhXb58ebghK4O36QlnaSLaqxj4u7adRWYnoZTMgNYozdGTi4lLs5RplC6ZBosMKAvmpYRvu9yDDz4o6YS9SSfs761vfask6W1ve9upa92/TJJ1PyydWVpj0mzbAaUTxmW2xkQB2dh7TKMH5JqUXqVXi+VUaYyyZLdkS5SSGbCfefb5XAZQM/F0HAeuTd4TcRy4zmgH5X0U+1eVXyVJj9dXSbjZ38h6KJ27Po+J11LGlOlRyu2+oiep64xbVq15+LpcS/uxDdzUmHaqzF5VzQPHwOdl9r99Ep5zzZDhZdse0UO08grOEh7Qvux7hWkDs7VDr3CDz/cIbhPG4Huuj3jM/XM/yJzjc4cM73nPe97xM3QNzfAajUajcS6wN8M7PDzciouKEonfzH67+21sKdDMJXrVcMNSg/FE3E4n/u+2MLYok3zI+izNkBVEScTMh16gthXSAzLbiNH10WaZeSL5N9fz/u///pJOpECm6Yk6bjIV1kNbTjyHOnqyrihpuc5oo6q8xawdYGxYtD3STkEp0tJl5vnmtvjT51Z9j+VQ0qWEGu1VtPuRAWc2Ltp1yGTYxngtPdJo28jsTExgzS2yPK4xftKgJx2ldLLfWHcVo5Wt0cxTdZSW7qabbjpui+/5zOuzilvzuVk6vWrbHp+bpZFjW6uk27HsLM4yItvqy8889of2UX/GssnWqns6Sw/G5xvjL0fxppUmg9qwCN7bXsNcs7GvUdsy8lI91Yadzmo0Go1G430cZ0oezW1Fon2McRx+y9vT0p9ZZgUmLrZ0Ye89SztRurLUaEmASWIz/TvbZsZFVhDZDON86AFJqTrzCiXTM8ulDj+WT4kxJkyVTjwt77777uNr3/72t6fl2+Mzi1lx+f7N/amSMUdEr9dRLNXFixe3kjxnEuI+sUbcqNTtt53S0quPOwtIbEPF8Ny2GPfJeEReQ6Yc66YdmxJ2FhdHDQa30MrsMF7Hnm+uL89tFs/mcs3AyTC93rOMHr6PGLfm/kTNDMdrlPzX2oFRvBq9dMkQmLEo9p/aSJtYqAAAIABJREFUIc5hZreiPczj4j5m7Jnrmsze6yNmhXJ5tE3SFu7j8d52/zgWVSL8+L/b6rXPseB4Syf2Pma/8rowsqxXZH3V9misUxrHIBLN8BqNRqNxLnCmXJp+G1OfK51IOrbVWZplnsJsQ78Xv/jFkqQP+IAPOHUNtzuJ11oCMnO0RGKWaO8dtye2yVKL9fv0vMoyHlRZTPyZSayUBuk95X5GqZmSDbcSsaT6ghe84FT7Yts8Th/4gR8oSXr+858vSfqpn/qpU/2WtqVbt9H9su0tSlq018Z8hxnmed7Kg5htXMutTpjXjxKedDK/991336nyuQ5irKPLjRKntO3hG+fFzIdtInPN4kwrVlht1BuPMQbVa9OevRlD8j1BTzefG9mOYY2Bx8Tj6fva4+m1JJ1s6uy59/jt40l6dHRU2rak0+sks0FX8W/VdjfSyTi7/S7DWoDKqzKe67Z4vGxr9zqL3uiVvbfavoftlXLbWWxbliuWILvOvGNpK6Y92+shaky4SbDXiteq78G47qgxYFv8/Mk8iSNDHq2diGZ4jUaj0TgX6Bdeo9FoNM4F9k4efeONNx7TzGwH8iyw3NdKJyqTGITq9FJWZVp9RtUi3e2lE7WNVQum0ccdTII5GURrY6vVEnSWkbZVmHTqoEolqqU8TnReoEopS2HE9E8MTraDSkb5uaO71Z/u95ve9Kbja2gMpwrD/YtbOFlNlKUXqsCg5ywQmGEvdPmO82+V3lve8hZJJ+MR5y6WEY+7T0w75j56XWZGcapvuHt9VM1kSdZjfTQRRNBBg272DKmJbbKa122yuo0Jp+Pa4bZNvjesjsoSHfh+sbqVaaiyXbN9D7gfV69eXVVLeYzp5BP7TzUkneOi+pqhS/7klliZSpNt4Nx6/GL9VZJ8OqTF8A2CiRaqbYqk7XXN0AI+J+K51VY/DOWKzyyPHzcKcH845/EcOiS5fx6T+NwZbTe0hmZ4jUaj0TgXOBPDsxRI12jp5M3PBMZ0jY6SFkMLDEu1lIji255Jo90mSpWRcVVOApS0IhvwOUxVRak2S8HlMWHIBtlTtokrN+vk9hw2GkdpxxIqt72hk0lkwwwOrkIDMkQnk9F5R0dHx2uFoRmxHEqXDDWJEqLXAl26aZjP0lExAPcd73iHpG1WkDmR8DudfLLg+GoLJmoyYhvp0OD+xqTL0ul70OPjchmi4XuFid7jMbNDslAjzjNDf9xf389Z8DDvzyxBd6zr8uXLp8JDpNMaEv9Phybe63Fe3C73NSZTl7Y3qR1tLeVz6QCXpeLjc8bHubmvtB2M7s/s2SudHmOmb6NjC8NyIqhJ8rpwvR7vuKYZmuF6mOIwS/NIp7zMMY1tM9ac5U6du9NZjUaj0Wi8j2PvsIR5nrf0rjHBqN/edt/2W9+sI0uf42OVK/xxYzdv/RhkbYnN19BGlEkvlLgtXdg92TaJaGekBFptl2FEyc7l+xpLqpXLsXTCWKibt0RkKX0kIXsuHnjgAUnbNokoDTLAma76PC+2MW7WuMYEPR+enyil0/7FlE5ZsgK319I5A/9pe8q2bWJCZK8DpjCKbcrWcTye2dS4zjO7C0GmysTMRpSI/ZvvE253ZEbDpNbxHLNCpoLz2s2SFFd2Zmo0pO1A8GvXrpU2vGmaTt1PZFOxLqYWc3vdn8guqG2gPZbalCz5NYP4GdKSJTrnb0ynla0dwmPOZ0u8lsk3jNEWP7Qz+lomD+DWSvEYN/32J8cm1kP2Wz2jYzlVKMMIzfAajUajcS6wF8M7OjrSU089tSVlRtsbf6MHVObFyUSyDNClZ2RMOMxteaLEGJFJPobbes8990g6YXjZ9fTO4nd6bcY+u15Ly2Rn8Rp6JFKa4TY4mdRUfRqxPqb4YfB3xiyy7XoqOC0dg55HTMigN2ucP/9Phuf2emyZbEDatsd5TLnpZCYBG9xGZ5QInHYkrtHMozgLRo7nZoG53JaHdvRRSjvaExnobsR0UdQY0K7JFFoRVf9GyOxxTMFHpuAxyZK68/nDhBqZl+4uG8zGsuP/vGepVcnWKK/lMzJbU9WaYVlx/snOyEY5zvFarv1dtnVjgg1fyzGP7Jr+DG3DazQajUYD2JvhPf3001tv6ixdD+NiRjpZn8MtIuipk0mkBlPuULLPJB+3wfYwxyn5+Mi+VKVNIrPI6nObqmS1sRyfQyZJCSjbhJeSNyXLTNpd88qMUjo3fBzFUR0cHOiGG27Yih+K2gF6+9FDkImM47n+jJJgLJM21whK2NROZOma6PnGec+S3VbJokdt4z3BOc1YKG1ntKXQppbNNdcM+5/ZlsgKaLuJYxI3DY79yzDPs5599tmtGLEIblXGPlIzkl3DmDrOaZYImvG4VfL8DLQ/Z/GY2XZTsW0sP2PR3CaKz8g4/9yCiWPOcc2SvxvU2GQaoWqsq82fpZNxqzRXIzTDazQajca5wN5emmv2mupNnXkGVqDdj1vUZDacaqPKTLKjncLebI67c6xTlp2FyZxZTyZtMN6F9hFKXBHMdEDmTH15bDfZdRXnJm2PdWWjzJJiR0a2li2DyXYzD0huX0LGFUEJm/E8IxsRs+KwXmoJYvtjhhBpvH0S1yTX0mgbGq4dX+P6uS6k7bk0661s5dk9zWNsa+Z9SImbnrjZGt01W0a2trK1Vm1+nNnjOGfUHGXxXtVvnOPsXq7s4baxZqyQ9k8yfY9fNpeVfYzZTLINh/lc9X1WraWsTYwvzBJccw7ZX/YvHqu0bSM0w2s0Go3GuUC/8BqNRqNxLrCXStNB56abpL3SdhAq09hwjzNpO/Eyy61cjuM1VK8xxdPIIcTBtT6epc2JYxD7yUSs2e7clcs19/mLwZy8hklxsz37eK7BUImRYZuu2lRdRHUEg6FHmOdZzzzzzJbxO/aT6i32MXN08TV0VqFqJlMbcy6ZZDcLjucO2pxvq6kyY36VPLiar1g+A9qtdmf6pjgWVPfSIWm0dqgGo7otG0f2z+OWJQzgOh6pwr12OAZx3VFNXDloZDu183mzi6qMalw6nmWqZq5vpvEb7V7P+7HaSzGOI8dkzSknnsN+0GEwS5rN/lXrLLuG4T1MCpAlLcjUqmtohtdoNBqNc4G9nVak7UDqKAmtvXV9TSbFMpiRkukIdKOmm3OU0s0YbSz2p6XkLFCWhu1qJ2U6PvD/CDplxPMokXIMMomuAt3rM5diuj9XUlRmpI7MdM0JgY4zmXGfBnrPHcMWYt00kHO8sgTAlP4ZeJwluzXo4MAUU/EajjeZ3Wguq0Bmt5WJoaVtZsztlnivZPdXxdpGbvZk4KMA94xxVbBmyWOaBZGPQjsiMk1PFRAe6+fxav1WDlDxmM/hFkJki/H6ymlttIaq5/TIgZD9qRxRsv5VjkjULMRnc/Vsp2NNfO6wnmeeeWZn56dmeI1Go9E4FzgTw7MUkKWHYvJepoHJXK9pq2OaKzLATGqq3MKZlko6CQdwkmBLB0xLFqVZ6rLZH0tT7kNso8thYltKt9m2IAbPZX9HTK9iGCPdN20EIwkq2nXWgs+zTVxZJ20atBdkCaA5PhVziH2mPZF2A9oxpO05pEScaQcyu1fsF5P5ZlIz288tWOJ4cnNObk7LMI9sPA2u81EIA++jKrF6LC9uiTRaO056IeX3OhkINRZZu6swB2qHMobHc7lGs74zWYB/o5YiYzNVm6o1Fa/lfUR7WfSnYGJz9oNrNHsWcww4X5nmrBq/LNkAf7ty5cpOmi6pGV6j0Wg0zgmekw3PkkMW1F0FqlIKkLa9NBkkynRlUWriMdpQmPRUOrHZWeKyRMpUTNnGmJQ4aG/K2NuaB1cmWXIzUNo8KDXF+ih9Vel6RomUd2FI9Go8ODhYlbSy9hqVXWfknbfmzUo7TeYBx7nMPNDY/mpbILYjlkumzfpdX2bDMdwP2+6y7Xp8joPT7dFpW57XFj+lem2y/yPGxK1qsnEk6x0xvHmedXR0tMWA4nOH81JtVZQxBWKXwGb2qUrJF89jGjh6eu/iHc61yvp3samxrJiqj2nIqkTQuzx3OBbZONKeXdkbR8+dDjxvNBqNRgM4E8MzLJlEqclSJL3Y6BE0YhdkepQU4xu90hu7TDOzyPCYpNWSlb9nCaeZ1qpKoTaycdhrzdsDMQlqRCXpVCwxjgnPrSTVuD2QpWe3yQyCbDfz0qS9tsLBwcFW+7OkwUzXxdiqzObENVRt2JvZ8LhmOIdx7pnCaRd7aCWtVraVyPAYv0rGwvRx8VxK6/ZCphd0di3vOZaZpbCq1ltmuzHieK7Z8Py776PMY9Rsxb+xbWt1xPaOGEsV00ZPzMiefH8wvrNK6p2VS3bGJNLxfuLapNaI58U2koVWMbIZqrEm+45tc71k/lli/bMkjT5u995XNBqNRqPxPogzbQ9kXTQZknTyVrdtgRIJE0PH/7mZK6XbkU2F0gSZZpTOzF4sPTCzRibRVZspso2ZxM0MJ1U8URbn43MonY2286nsFlXWjHgupc7MY9XwOXGO17xFObcRlTdXlag3ovK44xhkfY7ty67NYtw8L2Ybmdcpr6HETemVDEk6WcfMIOTvnoNsPJmhhtLz2lZQESNvYNrsyOIz+1m2nqq1M02TDg8Pt1hnxoQ5DmR6WZamyi4+6nN1bpXEXNpmdvwcxRLyuVIxvkz7Qfs1n1UZc2W89C5xjtUWWVX8aWwj2e1o66p9Np4mmuE1Go1G41ygX3iNRqPROBfYO3l03PHc1DS6ZJN6R6OtlKfkWQtHqAzpEZWbvr8/9thjx+cyDKHanTjWw/5wl2w65WTBylRhMUg2S0dGF2wmSc4cLahaoApttIdelQA4U+9xr7GROtOu5dXeY7FO7iZN1WaWgq3aEXofZwXOf6YG9fj7WKUCjuuBTirVPGQqJjoE+Tc7PvmaaFagIxBVdpVrezYWVaq+LDk6U5ZVYRj8n30m5nnWPM9bbcjK4/gziUFmpqjCn4hMXchnl+eJDirSdthT5SyX3ctVYoUqLCeiSiIxSuTh3/isHwWEG1xXrDd79lfqz10SB+wadC41w2s0Go3GOcHeDG+e5+NA1gxMwGuYoWS7VpNd8K1OCSyWwYTThiU6t8OOKtKJezbZDAPAo5u9JXs749hxx5+jHbbp6OC2UBKKrKAKOPdxty1Ls0QJnmPBXaHjORXrGCW2dX1ZiEHE0dHRlmtyFjBdJeTNXOLXJNwqIfCoPo5FnBdu4eK5fPTRR0+VFdcoXazJmqtdrKXtdGAsP3PKqsIdyHazcIEqhdU+WEsIHPtBx5oM8zzr6tWrx2OR3fNc69QW7JOI3qDGKUt6zDSIrCdqByqnFSYrj23kfcJwCDqVZIkVqIkbOQHynq7S+mWp0/gcqBLQZ1uMVenVRhqaTFO1hmZ4jUaj0TgX2IvhTdOkixcvbrnzRzAFF1N9ZdJSlfqqSlGTvdEp2THY1mmWYlsoBTIxcLZ9BjdTpZTExKwRa67smW2KcPkjd3Ta8CpbZZTsGZrB9HGjLZOMUTDqPC+beHJD1izx+GhTy7V61thNlvCA645rNK4DsrS3vvWtkqQHHnjgVJnWBMQ6abtZ007Ec2699dZTbfQ1ridqI6rEyTyeobKBj1C5yI/YYsU2Kzz77LNb7c4YF0MvqjmV6kTFVaKLeG21eSzZTbzHmUqsurcy1kQtB7VDWYC2UW2VZWTzspYGb2SXpYaper7H+qrkI1kqv0wT2MmjG41Go9EI2Du12DzPW5JRFnRb6c4ZrCzVtjQiq69iAWSWUfKh/rnaGDMLlGVbqzZnUpOlM0vrjzzyyKl6oiTmc8m06AVLCTOeQ7ZLiTKz4XEzyrW0W7Hug4ODUlKf59ObeFIT4Otj3/bxDCOqVEjZOHF7KttruWalE5vd29/+9lOfDz/88Kn6okbB4Ea2BqX3+DvXt23G9jrOWCLXcxXgnq3dihGNPKXJ8Kp0eNm8VQnDI+zhO5LiOb+V7Tbr69oWW6OUhtU5I+9C3rvcQi0LqDcq78VR2jaXb89ebpacMddq+zHa0TPP8soDd+RVyefp6LmzpgEaoRleo9FoNM4FzpQ8mulgMol0lPB5rdwqUS4TKmfnsgyytghKJJYuRvE4jM3iJppZXFTmuSmd2PS4/U1Vd2wj25HZJjg/ZHFx3mj7qBhrlCQr22cGp4eq4qWk3bcziag8EMmiMomUXr+WhM3A/bs9MKWTrXbo6etrM4mUqZAqBp6NY7U1FpldjM9k+rFq3rM42iq9WjZfRnVvVwndY7uNS5cuDZ8RR0dHpedyLLt6DoxsW2uJsjPtQMaOYpmZzbCK9+OzKhsnasoqJj5KqExP0izNH3+ryh091yu7ebYO1s7JWBzrPDw83Nn7thleo9FoNM4F9mJ4BwcHunz58rGXoaWBaONgbI+lyYydGZQiLL0wls/XRimzks6YrSN6zdGDiqwj83ysEjFXiXKzJMWUirgBZ5axpsq0MLIhVpueVja9+H9lq8vYVSYRj2KwLl26tMV2RpJZxTYyO0yVLSXWH9sqnTBsx4j603Yy2vakkzH0XHldea0yQ038jZ+0ITF7j3Rid7n77rslSS94wQskSXfccYck6Z577jl1nrQdE+q2+Pgoe07FrvmZsSujkv6zLCcxKXal1bANj7anzKbGtmRxqmwDbWpsf5aYutIcUesRN6nl2ud9mG0XVmWxYZsyb1euXzI8xvLGcrg2zqKhYxmuN4sVNKqE0Fn9+yQ/P27jzmc2Go1Go/E+jL1teHETz0wiIxMiI8pyKVb2F3ogZh5pzDFI+NwoaflcS+n2qGMuu8wDiW2gBMb8j9mY+DdKn5HhkalUMU0jKX0tL12mS6/sTUYc5yyDwpon3ShTQ9VXrrcs12Al2Rvceko6YXJmR2TcmX3MjO6uu+6SdLJ2GJsasxHZBuhj/vS4kWlGbYSZ3L333ivphOn5nCwOz6CGpIqPyjymK2RZOqqYNDKl0VxfuHBhKKnHOLwsdysZPBlPpmGq/Ayq7CkZw8vixGKZka27TVxn3Pw03vuVTY3e2plWquof5ynbFLkqq/LIzeqrPrNryOyopYrgs2ntuXOqHzud1Wg0Go3G+zj6hddoNBqNc4G9U4tlqsgsTZhB9Unm1kyQ6pOCxzZQDUEX9kx1ZtWRVVmux4HgIxUG20TDL13c4xgwvVp0bIhtz0DHBqpDY7DqmpolUzFVW3hwPJ/rDsRVKrbYp0qNOhqfysnH5XNbJ+lEVem54hqiA4Ik3XbbbZKkF77whafqp0ozJit/6KGHTn36N9fDrZ+i+t0hElZtes1WDhexLUy3VaV6iuPK8BqulSx0gio6f+6yHvZJD1W5rMd2c96zZwZRuelTpZk5y1X9ydaOr7cq3fe/159V0FkyBqpQ2d9RaBBTKO6SmJn3e1V/RJUEfRROsmtYQta2LJxrDc3wGo1Go3Eu8JxSix0XkjCueL40TlhaXcO3eyZpUfKg0Z3u9vFcS0V2BKD0YkksHrOEbWeBNVdmaZv9VRs+xnFwuVVAOKXSbKPJygElk8ApAVcB/dnmjTHlWyWlz/OcJkWOqNpAyTBLWFsxRzoPROZdJQ1gWroIszCvmTvvvPNUO3yNA9OlEycVO6/EzYhjPzNXdm5DVW3IGceW4TYVG/SYRFZAFsh1kDmJkUW5fCZyGDnEjNigQxK4mXRElbSiStAdz6k2nuY9lm1tVjl5ZNtE8VlFR6MYWmJUAd987mRMls/eKiwiG/tKO1Sl/4vlMCxhl/Rxa+EI2T0fnf/aaaXRaDQajYC9N4C9du3a/9/emfTIcSxJOKopLgIkQToMdJz//7PeVRIgQRAgkWx2z2FgbONXZpFZfJjDm3K71JZLZGZklpsv5jWFdK1ryZ32r75LQaa1IkuIsRaHrFpa5yySX+vFgmbJAi19Tw/XvlkczCLfJObMWIqW1TY5dl+GnylllZrV0vpvzWl3Yrj8PrFQWnAfP36slpakxchYE8vkddiJRycGn451F9vgurSI3aOg41dsjXNF+02lBWKDrYFyakfEcgrKhbGYfa0XdqlXXrudlBWXoUWvcaT5wpgXLXu/Bu26NbjweIpXtRT4dlz+HeNUZHRnBNrPSLHx2cgWY4y1ORh34zMwSZ3R60AG1koCEsj4U2naTmigHZdwJHjgoIDGxPAGg8FgMABuZniPj4/Vn7vWtTXZLC5HE1XlOkkYuDEGNur04mFaSWJrjBH4Z7HAZsXuGk0KtAbpj0+NEXmcAmOFqRCYY2yWt79vlnFCyvY708Ilrev7ahZosvoYS2iSa0nyi8d2RpibVriWVSE654l/R48CmWtqZUWPBZmdjsfjgmR4Tb4psfYWC2N2cmIF7X5NWbZka7t5pvjvmYzvI49SEnPmfdieQz7+1i6siUz4MdNbRO9Aio9ye9xfOm7OY7LqdM9ze7zn+OxIzxAeB587aX631ySswfvkTLuwz2M8veRgMBgMBv/B+Kr2QC0zca3rf/cmK7TzpXNZZhX5P7osXWZp0hp0S6sto+NifdZaLxlUtFr0mTJObpGQzdDS2o2R2ZlcNwkct1iNkGSBiHa9UiuoXVugBlr4vj3us8mqrXXNtFoLHmWx+nXiOW2Nct2DofibGJUav0r66+eff15rfZnh24TT2aBVrz5G1hwxw1efFav293ptsY4UZ2/ixIwZp4xLzueWJbjWNZPYyUNJPJr3bdo30cTl07G2JreMn6+VW2z5saa6VZ4HsuaUBdpqAcn403NIY9Qrs3fTOWtelVYvl9YlKz1q+5TGws+eMZ28eWfikGsNwxsMBoPBneDfYnjM/lurix7vsuWOwHjMTmS51fr4clQ+UayDVmyKFYn9tYwqWlG+b1lfzCAlo/BjbBYQrVO3opj9RcsxxfDIppp4a4ozem3WGWvO3ydWS0Z6ps0M4xIcv86n18cxw5HXIVnCGpsYnmrrfv3117XWWr/99ttaa60ff/zx8zqKBVOdh+1StE2PM0qcmjE7jjVZ9mREvBcpmu3LkNm1DFoHGXMTq17rOq63q+HkvEqeoCOvxU64uHmW+Czx547ek8WQ1fp14fXQtaNnycdBds553bbp++b85rxOWbrtPO6YWMt6bedot70Wf/RjbZ93GIY3GAwGg7vA/OENBoPB4C7wVeLRjbKudVsRoG93rX1K/1pZRqkVV3LbDrmJ9Jtci0oXTy4/uZIkHsxEBLogHXQ/0R3BbtlpHaYhU4bK16X7qRWcpqJRujQZhPdrnYpdGyRaQPj50jlsskkcazrGox5c7vKRiLNEnZmIkFLZNTZdM82lX375Za31ksSiMoW1Xq6R3INKaOGYdH48AUXbp/ubLk53t+k3uvk4Z/SakiWaZBVdx46W6MAU/rTM4+PjKfF03/eZome60XZF9m2dlFTWksiaYIRvlyICTAjbCXloXW1X84LPB/+upe2ncMmRS1PYiVfwfm0lDnzvY2Kymc/vXeLMEYbhDQaDweAucDPDe/Xq1ZUwqv/70gI50yKipQe3br5eEE52JIuY+3FLROuzAF3LyhJPpQW00vh7CuqT2bGgeceUW5IAU5pTAgrRWnDslhVSCQJTpY+YnreASQLNslYpHcWx7FpMteJ1Jlr5b1pHbImlLj7fuCzlx8ja17oWgHZxaN+W4EyCCQf6rLmi+c7kLQeTlyiL5+U36TyttZ8zrSUXrfUdw9/J0qksgWLeqbWU0JhdYi5ny6LSd9pu8tKs9eUxa1kKXLTWZj6WJPTt+93J7rUC7XS+W/sfzpU0T5podJsf/l1LUqGMmG/PE3hGPHowGAwGA8PNZQmeIrxL9SWadIyvT6ucsULBLaTGtMQWKNvk31FSjFa0o8XqONZUmNtkiHgek7guWZSWZXuiJJnUZIKSxd2agjaZIN+uW3+76//+/fsrazYxYZ3/Vv6SYjdNEo2M3MsFBP2m+Kxie7rWKf29FUGnQnAyHm1Xx0XW5teFTS5T2ctaX0rn6byJSWp+i2HyvHqRPL0srbTA50GTvWriCQ5P39+1iLlcLltJNHpgmszVjtU0nFmnsRh/7nDOH7E1RxP04H59f/QsaVneT+me5vOG3ydvThOj5th2sdCWu5DKoXZi2w3D8AaDwWBwF7g5hvf69ettiwihWdy0kH07TVqKsTyPgWgdWanyMTN7LTUf1bKyjmUJUwja12mNMdnywy0SMQhaoTxuj6UwvqexadmdvFsTOKYlnprG0pe+E//WGJxR7Bje4+NjzRj1cXEsTSDafyNo6Wt+eJNNNXElA6fwuDN+MTfFzsjWKFDgx8rxN4H1FN8mK6DggHtBtG8xVgpak2mkLM3G1tK9ekY42ceczsUu404xPJ0LXY90jslabhG6OGJ6O5FtMiC28dJx+Hb4DPH7kftsRfL8PsUMyfR4DZPHpOUqcH9JEL55QVK2LovhKZmWmjBznnnlwBGG4Q0Gg8HgLnAzw3vz5s2V9Z/qlJpg7c6XLjCrTNaa4lbeXFOQJSUmRFkdtypY08IYR2rISkuHliNrCJNck45LltzOp0/GqLFRZm1XI8TfdiLc/K3VM/oYGQN98+bNVpLo48ePV5a3j5vZsxoL65bOZJe12jOPV4kh8Fq2FlP+HevgaN2m89DiMILG6ueEsVN6NFJsVcelV3oYyGSTlFVru5XiJk3ej5nLqSbN59vumeCNpynR58eqfTPTd1dfxt8Yv0wtuDgX+dxJOGIhZ2KdnOe8n5LMI+9/Hm96NvLZ3uoMd2PlPEi10mRyLUvT90OGepbdrTUMbzAYDAZ3gpsY3qtXr9b333//OX6hf2XWlax1bZGcsbRSncZaLyxHVvoPP/zwxZh8XY1JLEoWeLIutS4ZXmJNjH9oHVrYznYIWqiMrbmVzroXj1f4caasQIFWWcvw82WP2nR4TIJtlHa+dMbwUi1dE45lrGnXHqaxJl0Xj+H99NNauvU8AAAP60lEQVRPa62XWBcteWZRrnU9r44YkX/HzLNmpfsx0GOg42GmZVpHYAyF3o80d1q7Jcaf/TjIAltGob8/07xTMTwhxeXpHWixvDPi0S17OtWc6Ttel6S81ATghSTGL/A7XvcUy+Wz6Sj/wJdtnrnWPsjRPAnpudpac3HZnTrLLRiGNxgMBoO7wM0Mz9mV4BYiVUSEVi+1VlcCYEYfq/zXerHsmJFIazZpsdEqEsNLmV20fI7UQNwapD+amp1CUkuhBdnahDgL4TnW5xaf8+0x25BKIqkGkmw3QTE8QdfSGSNjPikDda3cPJjn8ky7I8ZOdV3EXPXZLUoyO2r9pVjHUasnjjXFxFvG8i4Lke2vGLNLGZJk1Ty/u6xdKjCxsa2DGYJHLV6en5+vsv/8nmZM8xaFlfY9nw+JRXMOcX9JIYTb2LUpap6XM0yrMdYzWcEEY8hCygPgPUCPVsrQ57q7rGDWE96CYXiDwWAwuAvMH95gMBgM7gI3ccKHh4cv0rrpPlzr2sVIN0oSj6Y7im4VYRc8Jj1nN27fH9sD0X1H14yv31xIO4HU1s6CHdbTtlOwncfT1mWa806ChwkUFLSmW9mXcXfvLmnl06dPNYC+OxYtmwRrW+p7S9xw99qff/651rp2PzFF2udBc/Vx7vh52Eli+fcpYSCVufj3qYBfaEW8TFrxc8Ju6Uxs2IlNMNGqSdv5++SeTkiF7h5KUeIRlz+S8/L98v5sSUW+PV5brpPKN3g/0uXo862J73OdVNLQkgDbve7HyPEfSaml/TGUk+TPmvQbz5EfF5/Fr1+/nsLzwWAwGAwcNxeev3v37vM/a0oPFlojUf6+VpfHodWSAtC0PFuLl4SjlkJuabHcoJVXpISQJsTcrERf5qhYOVn4TARgGjxLOdZ6sei0LAP1iV0xgWLH8C6Xy3p4eLgqYfFjboK1R+ncvgyTHzieJMwspifLU/NB40mJNQLZUvNO+Lr8jZa2zzslzvAeoSfF7yedAyWr6HjYTDZJp7WkFRbyn7God2IGvIY7aTGNh8lXnrTCcXP8t4hGNxm39Mzis4+MOEnnccxcNwnr81wSO4m2luCSEmLa+WsF56n8RmOkKEMSRz9isAk8xyMtNhgMBoMBcHNZwnfffffZspLEl1sdsgBlTQpJrkvYWeG+/dQMkMv8/vvva60X6y81SG3ps9yPsxlZ+SxHEHbFkC3+wVID3x8tqlYsuivCFli8SYHb9p2PkfFGf3+mPcflcllv3779vJ1kzTLeymUYy/Mx8Ng4R1L5BgvyNWcpIpDSn7kurdrUFqaVoZA9JyFoXgd9n+Kz2o/uAR2z2h6R2aU4DLdLOb7UfLWxNMYD17qOeT4/Px9a9buyGhYua5xkLKkshQyolfU4yEz47EiyXUdMa+fpad6u3bpEk1BLz8YmcM79JIbHeddieelc0LuTYqE78ZIjDMMbDAaDwV3gq2J4+oeWtelNNfXvTn8tLZ7kD2/WCq2OJPUk6/WPP/74Yh1Z6Wl/OzFigtYlpcPOiAYLzGZKmVBkA00MN2UfknU0v7wfg84jWSdZjrOP5JNv5/Lh4eGLWBjjf/6+yRolMMaQ4pM+Lmd+LV6lY0zSedw+sxopbee/CbzejJsmK53b1z2Q5h3Zp15ba6OU2ccxNlFhX4ZF8rv7i3HmMxm+TUzcj1nHRDEEPrN8XK14u2Uo+vZaVutRVrcvs5PzO4pJtgzMtF1mpe8k347k4fiMWetahIEeueSZa5nLR+ITvu4tUmPD8AaDwWBwF7hZm+XTp0+frSfJjDlToLB0axOUYkHtH5vZhsl6FsNjdmaSxCGTaLVOqZaOn1ssL1l2LfNpV7vXLB+yXmcRtLC43xQzpEXnTV39eJIFqZjQURzmm2++uTqu1BRUaMfu3zcLlEwsxTpbXJls3tkiWcwZBtTq8JqnIUl9tfor7sPf08JmU2RveyS02jOe+5S5yvuI188t/CRs3GLBT09P6++//76KpSZmyuvNeZ2yglsm9C4DO913vs0kzMxYbouLJektYSfRyDG342oxcr73z3plZr57lii7d6Z5cMtVaN4e/82v9VmWNwxvMBgMBneBr2oASyaULGCxQPp1d1lER9aFLAe3YpgRJGuCag9JnSXVc/jYUz2M0ER0dwyn1dCkGjJaRU3RIzVzpWXVmpPuzokUdcTwdllgSUGBuFwu6/Xr11UgfK2XGFNjUcnyJpNrsdRk4TPWJezisUKq1Vzrup7Rx0aW1qz1FB87G9/294zh8R5JQu/cX1MD8WcAvSi8bsygdfg9uIt3PT09XcX9PJYvdkHhasam07OqeRb4XPB5wvuTzHhX/0cvAJnYrk5tF+/j55YdvGOJLa7ZVHvc28b2V/y8q/ujx4xZtn4v8hx//PhxGN5gMBgMBo75wxsMBoPBXeBm8ehvv/32M+2USyG5uSiTRLruFLUlVbQAqbsGKV/TEjPcncK0ZrphU9dyD9L7uq1gMiVJ0NVI15Kvo+Nqwqt0V7h7pxWpUhTbXRo6Zu1Py8i12dx/vt2np6ettJjcmm3cdPE0AdtUhHqUYp5cTEdyTWl/THSgG48CBWfGxM8pKaclY6TEmtarryUzpSJy7l/LpvuJ7mK6MPmatn9GvGBXnkRXGPeZiuNTidRaL+ePrrOUTMTrzySfXQiHSTi7dZpLm3PGnyFHbvAEXkM+dzjf/Bo0V2aT1PNx87ddj8hdMtERhuENBoPB4C5wc9KKC3Wm9Ha2CJEEktbxICdB1iQLQWyHFtda15aHLLydIC+tQLEbsZnUjZuF342Vsl2Hj41Wkc5FsnJ4LlpiSJJba0WqTJn286hjlVxcS8rwc6Lr4qxnl+jx6tWrK6vTj4fC0kweSDJxXGYnWMzPTaqupYL7vo/YWVqH4DXeSSbxvLXEFH9PZsdi9V3qN8fA+8ktbjIVzQveG3590xzdFZ4/PT3VZKy1XhKe6KXhsonN8zzwnkseGB7HURsnP9ajMpWEJofI/aTSDyb9sQwqeT1a2RML7lMiDz/zuqbnHKUN6bFLZT5+7LvnjmMY3mAwGAzuAjcXnjtk7btVo39+/UZrj+UC/p6WFRleskhaDG0n28V0Y74mVkjmKrRiziTI2+Iuu3UomUTmshPUpfXU/P6+rBgeLSudZz8nZJ1v3749tLR4XZI8FK8h42OpFU7bL2Mtu3mnc0yWngRy2+vOWm9lFqk8QOC4W/NWt+z1HePAFIFI4gYt9s3YZCpp4VyhCIS8Pb7vJJSc8OnTp6uYtDMKnhcyPpXXJAbE8892WrwH/TuWGPD6p/hokxQ7Em3g9nwbt0hwcU7txJzJCin+wZIH/67FJNPzmwxPczjlfLSSkDMYhjcYDAaDu8DNDC9ZgynbT9/J0pLlldqLCK0oWd9LPiyty9YyjMPtGB73kyz7Jl11S3ZZKyJPsSQKrh612kjHR4anbaRYWGtZ1LL01nq51n5t2/l4fn5ej4+Pny23HctsWVc6LmcKzNLltrROinW1+ASzzPy6kEmwDdVuXjQL/0zWHGMqtLBTM1TGt/maYuLMdqR4eMqaE+hJYLzM19F2nV3tYniPj49X58m3TwECXp/ERBhHToLmjpQB2Yrld3FY4Yx4/VE2eJv3/ltjeFxurZ5J3u6NdF75rDjywvi46SUQdudzGsAOBoPBYAB8VZYmmVDy5+s3SozJIvdYGDM4W/1YilcIrS4mSSHt5K18G0kouVnHHKtvs2XN6VxIcFtseK0XC7U162wyVX7s/K3VJvl7ZnLu4j1iAUm2KcFFXlMslwyhMW9mjmrba11n3HFeuJXeZNrIqn0ekAXQs5AsfnoUuAyPM8U1aaW3mid/z/uotVxJdYbMZOb9lNYRGP9L54belTPtgXasgkxXXgBdS91bilH7OmQTZMZcfq3rjEsyX8aZHK0m+YyYc/OCpGPhfcP5zrwAf895xdf0jGwxtSaS7b9xrjaW6OukrNkjDMMbDAaDwV3gq7I0WUOT2JosKv2mGrcUc0pixo4zQrmt1oNNI/07+vsbE/PjaAoyO6UP1kFRzPevv/764nMaA1UyyDSSdUxrnKzEx8jjowVHluLQuh8+fDispWKWn4+B57RlirqFqH3T2ttlPgpk47Ruk6W/E3pOY/XvGB8TOGd2KkQtHrezmnmf7q4p5zez6FKmLNmaz4d0vOlc7OJYz8/P68OHD1c1vD5uPhsaa/N7jHOc84vx7MQsW0wzKZ+055uQ2NvRfGsqPj5exjEbi/PfdjWPPo5Uw0dW1sSy1+oqPbt4Kp8PT09PIx49GAwGg4Fj/vAGg8FgcBe42aX5/Px8FfT2oDUFWfVKqZ8kMSa3J12OydUjtBRoJh6425Xb1/hF8eWOVbGqj5+uGLo0k9Bsk3higfCutxRdNdy/u41aJ22WargbgMfXpLOSaLC7QZtL8+HhYb179+7KreZo0mc7t62+0/jpGtF5YUKKj4HlB+wQvutt15IKdi5mJnO0JIZ0Lto23fVDFxLd1EwqScLqvH+1TnJPNmmuJnzQjrXh+fl5/fPPP9skBV679gzxe4z3TkuKYyKKr0u3OM/fTqyaSUopEYS/0ZXYisl9fzwuFpH78TZxcmHnlm3XsoUo/Lv2jN/J3vn9M2UJg8FgMBgYvqrwvAV7/Tta5Sw09XVaOw6mYDNhY63rkgWl+HMdLzhmoJ8sQCzEA9xKc6bVTEsuFXdqjGRyZLs+RlpjLKhnKrh/JoNg6vQuTfyoANSxaxVDXC6X9ebNmysx8V3LECYNJJZB67Ftn/NhrWsh7mZtprZNLKE5On7/rSUTMcjv78lYuQ33RrD8gctyDvv14zqtRZOvo3PePDKJFZAZ7az0p6en9f79+6vt+hhaYhuvoc95v7/Tseoap8QnMjw+11JSFsfS2hOlEqPE/vz7XVkCWS/LYHalDByHsJMyZAkTx5HmQxNw37U0OvJ+JAzDGwwGg8Fd4GaGl4pwk2+bywgUX/Z1WmFsEz92sCkkLbydSK2sZjY/9bFSQoq++tZ01bfb0oFT+jstrMbA9L23XuE5b/E4v5Yu15WWTTGXJEfWpMUul/9t/kpWkWSNWosnxvjWuj4PrTwlpVfrmnI/O0u0ycLt5MGaoHmLfSWPCVPjOQ/T/CbD0hzRuin1m+eCsd2Uhk9vA+NNqaCe82R3/nybRzjjFRJYusK5w2udnn2tlVQaL1kaWW7ymLXt87m2K8Y/khZLLPRI6PrMs1jYMdiGJBQh8FruSo+IYXiDwWAwuAtczlpOa611uVx+XWv96/9uOIP/B/jv5+fn/+KXM3cGJzBzZ/C1iHOHuOkPbzAYDAaD/1SMS3MwGAwGd4H5wxsMBoPBXWD+8AaDwWBwF5g/vMFgMBjcBeYPbzAYDAZ3gfnDGwwGg8FdYP7wBoPBYHAXmD+8wWAwGNwF5g9vMBgMBneB/wEGlnZdiofNxQAAAABJRU5ErkJggg==\n", "text/plain": [ "
" ] @@ -1231,7 +2238,7 @@ }, { "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAbwAAAE9CAYAAABwXNeiAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMi4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvIxREBQAAIABJREFUeJztnXuYZVdZ5t+vbt1d1d3pWzoJaQlJuERE0chNUYOKwOOoCCjwjIxkQI3K6Og4w6iDAj54mUFEYESjKDGKclERheEiYIxRUBGQmxBCEnJPpzvd1d1V3V3VVWv+WPs9Z9V31j51TtU5p8456/09Tz279jr7ss4+a++93u/71rcshAAhhBBi3JnY6goIIYQQg0AvPCGEEEWgF54QQogi0AtPCCFEEeiFJ4QQogj0whNCCFEEHb/wzOx7zexGMztsZqfN7Mtm9pdm9ox+VlBsHWZ2nZkFM7vLzFraipm9vPo8mNlUUn67mV23gfM9rDrW1UnZK5JzBDM7V7W93zezizf4vX7KzJ69wX1vMLObOtx2LO8ZM3uK+01Om9nnzOwXzWyH29bM7AfM7ENmdtTMlqv29FYz+9aa4/9Nddz/2uN6P8zVu+7vhh6d74rqeM/v0fEeV90Pu1359uo8P9uL82wWM3t29fveUtXrfV3s+13VPXa/mZ01szvN7E/N7FG9qNvU+psAZvaTAF4H4A8AvBrAAoDLAfwHAN8GoOMvJEaORQAXAfhWAB9yn/0ggJMAdrnyZwE4sYFz3QvgGwB8KfPZNwFYATAN4NEAXgng683syhDCapfn+SkANwH4iw3UsSMKuWd+EsC/AJgF8HQALwfwcMR2ATObBPBWxPbwhwDeAOBBAF8B4PsBfMjM9oYQ5nlAMzuEeH1QHed1Pawv21fKRwBcB+DapGwjbTfH7dX5vtij4z0O8Rq/CWvreLY6zx09Os9meQ6ArwbwD4htoxv2A/gnAK8HcBTAwwD8PICPmtlXhRDu2VTNQgjr/iFeyHfWfDbRyTF69Qdg2yDPV/If4oPgLgAfBHCd++ybAKxW2wQAU32qwytyxwfwQ1X5V27gmLcD+OMN1ucGADd1sN3Y3jMAnlJd+6e68jdX5fuq9ZdV68+pOc7TAMy6sp+r9nlPtXxMn69NAPCqrbqWXdb1R6v6HtqqOnRYz4nk/48BeN8mj/fY6nu/ZLN169SkuQ/AfbkPQtK7NrOrKwn7LZXp5lRlxvitjKnjlWb2cTM7YWZHzOzDZvYktw1NJ882s98zswcA3F999kgze2dlLjpjZneY2Tucae18M/sdM7u7ksefN7Mf6eQLV/u+sZLUlNZ/ZGbbkm2eYWYfqUw689V3fpQ7zg1mdlO17SerbT9hZk80sykz+xUzu9fMHrRoQpxL9qUJ5sfN7Deq77poZu82s4d18j16xPUAnmNmaW/tBwH8PeLLYw3mTJpJu3iSmb2l+s3vMbPXm9n2ZLsWk2Yb2MOdTvZ/vJn9WWUyO21mX6iu745km9sBXALgBxITVlrXx1bt6mhyjJ/LfMenVu130cw+Y2bPcpsUd88gqj0AeLiZzQD4GQDvCSH8ec11+EAIYdEVvxDAZxFVONe3BDP7qJl9sLqW/2ZmZwG8qPrsp6vPj5nZcTP7BzN7mtu/xaRpTVPf483sH6v2c7OZvWiduvwogN+uVu9M2u6FljFpmtmvWTT/X1F9h8XqvnxB9fmLqvOeqj6/xJ3PzOwlZvbpqq0cNrNrzey89a5b6N7ish5Hq+W5pH6PNrO/MrMHkrb8tvUO1JFJE8A/A3ihmd0K4F0hhJvX2f6PAbwdwBsBPAHALwKYA3B1ss3FAF6LqCDmALwAwI1m9vUhhE+7470BwHsB/CcAfEC+B8AxAD8G4Eh1vO9E5Ze0aOe+CcAORJVwG6LZ5bfNbFsI4Q11lTezvQD+EfGh9SoAnwJwEMAzAcwAOGvRD/MeAB8G8DwAOwH8EoCbzOxrQwh3J4d8OKJZ65cBnALwfwD8VfU3VV2Xr6y2OQzgpa5KPwfgkwD+c1WPXwHwAYsSf7nue/SQP0f8Lb8XwJ9UL6nvB/DfEc1TnfJHAP4UwLMRTTCvQPwNX97BvpNmBjRNmj+P+GD8TLLNQxGv03WIptavQmx7lwHgQ+dZAP4fgH+rzg8ADwCAmT0BUcHdAuCnEdvmIwB8javL5Yimtl9FbHs/A+AdZnZFCOGWapui7pmKS6vlcUTz2x7ENt4RZvZEAI8C8LMhhC+a2UcQOyY/G0JY6fQ4PeYxiPflLyGq9geq8ksQzaBfRnwmPAvA+8zs20MIf7vOMfcjdiJfUx3zRwD8vpn9ewjhIzX7/AXi9X0pgO9J6nEUwGTNPgbgHQB+B/GZ85MArjezrwLwjQD+B+Jv/TrEe/Nbkn1fC+DHq+WHEO/zXwbwaDO7qg8vtbUVj+bwScTv/OuIbf4d1WeG2LbvAnAN4jU4hOguaE+HkvKRiA/9UP0dQXxwPc1td3X1+e+48v+F6H95ZM3xJxEf/F8A8Lqk/CnV8d7ptj9QlX9Pmzr/AoAzAB7hyn+vqn+tCQ6xca8A+Lo223wM0TY/lZRdCmAZwG8kZTdUZZclZd9T1f+D7ph/AeC2ZP1h1Xafw1ozwZOr8hdvVuKv87tfB+Cu6v/rUZkmADwX0be3GxmTI6Lquy7TLl7pjv9uADdnvu/VSRmP7//+HcDlbepuVZt6AaLpdb+rX4tJE8CNAO6EM7O5bfh7PiIpO1i1l58v4Z5JzvG0qg67AXwfYmfuE9U2z6u2eXoX7e2N1Xe+uFq/pjrGM/rYxmtNmgA+WtWnrdkcscMwVbWftyXlV1THf35S9taq7BuSslkA8wBev855siZNxA5NQOwosOzXqrLnunYaEBX/XFL+0qr8gqTtrgJ4qTvPt3f7e2CDJk3Ejmx6r6f32yG2v26P25FJM8Te6dcBuArxLf9JxB7N+83sZZld3u7W31o1iiewoDIJ/a2ZHUWUqsvVhc5F47zTrR8FcCuAXzOzHzazR2T2eQai8/M2i6bDqcp0837EHtaj23zlpwH4lxDCJ3IfWjQ7XonYuBsyO4RwG6Kj9iq3y80hhFuT9c9Xy/e77T4P4FDVg0n5s5D0qEII/4DYu/EO+LZUZoqp5K+uZ5jjegBPNbMLEc2Z7wohdOvcf49b/zSiKuuEJwF4PIAnIr5wFxBV7gXcwMx2m9n/NrMvITrylxF7roao1GqxaK59MoC3hFYzm+eLIYRGIEII4TCiMn9oUlbCPfP+qg7ziL3vv0W0AnSNRVfB8wF8ODStI29D/B3bmjUz7bpTy1UnfCGE8O+Zcz7RzN5rZocRX4rLAL4Z+d/CcywkSq5qb7ei83uhG96bnOcwosK/KYSwkGzD5xGtNU9HvGfe4q7pjYi/R6oE+8XzEJ9vLwCwBOBvLAY0AdFVcBeAXzezF5vZ5Z0etONhCSGElRDCjSGEl4UQnopoJvo0gJdXJsCU+2vWLwYAM7sS0ax0CsCL0XyY/Rua5peUe11dAoDvQOw9/CqAm83sVjP7sWSzg4g/zLL7e0f1+f42X3c/4gWtYy9ig7g389l9iKbQlGNufalN+RRaTRT+erKs27D8F2LttchFQ9bxYcTv+9OIN8T1XZ4biBF6KWcBbMttmOFfQwgfCyH8cwjhHYjmi0sB/Ldkmzcj9oJfj9g+Hg/gJdVnuXaVshfxfmj3uxP/PYD4Xdaco4B75iVVHR4DYGcI4btDCF+uPruzWl6CzvhuxN/gnWa2x8z2VOXvB/BMc6H4jqsyde4VLfe4mV2GGMg1i2j2+wbE6/BhrN/OgA7bTw9YCSGcdGVLqH8e8fwHq+VdWHtNlxDv13bPzp4QQvhsCOGjIYS3ICrLA4guFFQi49sQLSivBnCLRb/oi9c77oZ7QiGEe8zsTYj230cg+izIBYj+lXQdANhzew5iD/XZIfFBVQ+B47nTZc5/K4AfrNTQYwH8FwBvNLPbQwjvRezRHgZQN5bnC22+Hv0bdRyr6nRh5rMLkW/Qm+GCmrJPdnmcv0a8McnZTncMIaya2VsQ7f6HAXygy3P3lBDC/WZ2BJV/rfIrPhPAK0IIjVB2M/vqDg95DNGMs6GxfZ0whvfMzSGEj9Vs+7GqXt8N4Hdrtkmhivut6s/zXMRw/Bz/irXtupe0XEfEztZOxOjTIyw0s519qsOgYZDIUxAtKZ4HMmV9I4RwxGKw2cOTsi8CeIHF8cFfixjk9CYzuzW08aF2pPDM7KKaj66olj4a7blu/fmID5N/qtZnEc0AjcZkZt+GDUj6EPkkmj39x1TL91X1u6NSBv7P93xSPgDgCWb22JpzLiDeZN+fmgUtRjp9I6Kfp5d8nyUDv83syYh27DoHd5YQwlF3DXygw3r8AeJL81Vh64IIADTa5AE0b75tiMrY9+6vzux+FtFZ36AyK92EeBPtyOyzkfrlGNd7xp9jCTEo47vM7Dm5bczsO8xs1swOIppT34U43tP/3Yc2Zs0Qwklf107ruUEYrZxGDT4GMVCnn7CDuun2uQ4fQNNXmGsHX17vAL3EYoKJhyNjkQohrIYQPo5K/aHZlrN0qvA+Y2YfRDSp3IbopP5ORPPR20MIfsDjd5rZq1G9OBCj8K5P/B7vQ3wjX2dmb0b0Q/wCmr3ZtpjZ1yD2kt+GGFE3ifhgO4doVgBidNHzAPy9mb0WsXc6h3hDf3MI4ZltTvFaAP8RwAfN7FWIZqgDiAriR6sb/xcQfVLvNrM3Ivb4Xonoz3hNJ9+jC3YB+EszuxbA+YgmqS8iMSua2e8DeGEIoZf+izVUfqkN+Wh6wBPNbAWxk3YJotJcQYxAQwhh3sw+CuBnzOxeRJX+IuQV2+cAfLOZfRfiw/RICOF2xJvm7wB8xMxeg2jSuQzA14YQfqLL+pZ2z+T4VUQl+TaLQz/+GtH6cQhRsT4b0Yz5A4jPoteGEP4uU/c/BPBSM7vM+cK3ig8gRkr/sZm9DvH7vBL9H/j9uWr5E2b2J4i/XbdWnnUJIXzOzH4TwO9WL/K/R3zZPhQxvuENIYR/rNu/MvleWa3uRYyw/r5q/aMhhLuq7X4EMVDpySGEf6rK3o0YIf8ZxEjrKxA7ZgsAfrPa5gmI1//tiC/BacRxuUtYT2x0EtmCeJP+FWII7pnq5J9AjO6ZSba7GrFn8C2IvbVTiA38twDscMf8CcQHwWnE8TtPrSp7Q7LNU5Af4HoQMXPDzYjRgg8iPqie7rbbi3gT31ZdjMOIP95PdfCdDyKaYu6t9r2zOue2ZJtnIKqs04gvuncBeJQ7zg1wA5XRjEb8IVf+CiQRj8l2Pw7gNxDVzCLii/ZSt+91qFw1vfpDEqXZZps1da7Kbkc+SvPhuX0z1+XqzPH5twrgHsSH5xMy1/W9iDfKYQD/F9H8FAA8JdnuiqodLFafpXX9uurYx6vf9fMA/me737PmO4/tPVN3jpr2YYiBBx9GNBsvI3Yk/hTxJQrEh/YtAKzmGI+szveKXrbv6tjrRWl+sOazF1TX8gxih/g5iIFGn3ftLBeleUvNudaNZkQMgLoHTbV/IeqjNM9l9r8PwJtc2TOq/b/Jlb+oameLiPfUZxH94xetU0dGk+b+np/Z7klJ2csQ75Pj1Xk/j/hS/Ipkm4sRg9G+WG1zFDFg6tvXu35WHaAnWBww/GbEENJb1tlcrIPFweW3AfjhEEKd/0KMMLpnhBgcmi1BCCFEEeiFJ4QQogh6atIUQgghhhUpPCGEEEWgF54QQogi0AtPCCFEEXQ1SHl2djbs2bNn/Q3bwLzIaX5kX2Yud/JG/Izch8fq5BjttvGfyfeZvwbz8/NYXFz0ya970nbEeHP8+HG1HbEh6tqOp6sX3p49e3DNNddsvFYJk5PN/MhTU7EaMzMzAICJiYk126ysxCxWq6vrT8FU9yLKlbOMSx7fL3PblMrZs830m2fOnFnz2dTUFK6/Pp9TupdtR4wn1157bbZcbUesR13b8cikKYQQogj6lndxPajagKaiW16OeX+9siNUV97kmX5GOjFletVWp/TWO05JpL+JrpMQYpSQwhNCCFEEW6bwUryS8wEnOUW3Hu2Uhld0dcpOaqWVVM3x/3PnzjWWumaDhdYQWknS//19I0uGKB0pPCGEEEWgF54QQogiGAqTpg9G4dKX54YG0KTjTTE+iCUdBlEXrOI/F01y14pBRvxseXl56IdtpKa/9Rim78J6T09PA2gO4dm+fTsAYNu2bY1tOcyH+3Cd8DekKyH3m9JMvbS0BKA5HGVhYaEn30eIrUAKTwghRBEMhcIj7HH6IJZO9unVdiJPbvA//2fvfyuDVrzSoaqhIvKqB1g/o0/uO7OMSogKiEsqo81ch1Stsf4s43LHjh0AgJ07dwIAZmdnG/tQ/fklqfueQPN7MamAX1LhHT9+vLHP/Px8N1+vZ6TnPe+887akDmK0kMITQghRBEOl8MTwkvPhsYzqJoQwEIWXqpm5uTkATcXDJZUQlR+VEpfAWr9uDqo1qh6gqXROnz69Zrm4uLjmc14Tvz/Qam1gPXyd0+/K78nl7t271yyp9IDmNaCy43Gpbnn+dDgJoVr334/Kjp/zvABwzz33AACOHj2KQXLkyJHG/1J4ohOk8IQQQhSBFJ7oCB/Zl/4/qIH6VDFpb55lVEVceh9XTj1RAfkoRq9c04TZVHInTpxYs6RKo18w5yv0ys5HXrLOaR1ZfyoqfnfOHsByKr/0eHU+PCo6qtFcNGpdhDTZtWtX4//zzz8fQPPaUBX2C+87FqJTpPCEEEIUgRSe6AiqoNTfk1N9/YCKx6u5tF51daIKoALzUxql+/jxn/yuaTQnj0MVxXUfBZqb79GnsiPcxy/T4/sUYl41pj5DX8bvw3JeA16bdF+WUa2xrvRD+ujUtC5Un/1WeIwQTesgRCdI4QkhhCgCKTzREX5cG9BUAVQfS0tLffHj8ZgnT55cswSa6oL18wrMTy6c+rO834/7eEWWqjWWUQnVRW2mSpLb1mUD4vFZt1RF+3F+XqHmMp94Veb35e/GfVNF5rOv1Pnw2k2O3MnUXJuBKveiiy7qy/HF+CKFJ4QQogj0whNCCFEEMmmKrkhNmvyfJrjV1dUNzV24HjQJ9jsMnaZNn3Q5N1id29BceOrUqTXr3cB9HnzwwTXnAFoHtHMYBM/vB4qn23JfP/B91OGQDCG6RQpPCCFEEUjhiY7wSZOBZnACFcnq6upIT62UG7KwFaTDPJggmdedgS3cJg3gEUK0RwpPCCFEEUjhiY6gjygNR68b2DxM+MHe3UwAO0zQH8flZuDvNarX4uMf/zgA4Morr9zimoh+0a+hLaPZ4oUQQogukcITHZFTbz7p8MzMTF+iNEluILiH9fRJnPtZr1FjVJUd+dSnPgVACk90z2i3fCGEEKJDpPBER1AVpDZ1r6J27NjRU/XA8X30Feam3uEYOUYxch9GM466mhFNONHs/v37Aay1Oqw3ma8YLfqWlq4vRxVCCCGGDCk80RFUVzlfWL+i/jgujj35XC+emUbShMvA2uwoYjxghCrbA7PbAGsnBRaiDik8IYQQRSCFJzqCiinNZ0nFRf/ZyspKT2zvVIz03fH4rEN6Dv7vJ4kV48Pq6ipOnjzZyCPKaYHSMYlSeKITpPCEEEIUgV54QgghikAmTdERnCqHS6AZ+k/T49TUVE8GePMYNGHSxEnT5tzcXGNbbrNt27ZNn1cMJysrK5ifn29Mn0Sz9bAk+xZby8zMTMcBc1J4QgghikAKD83gi2FMfjws8Bql4f5UexwSMDEx0ZOgFSo8rypzE7KK8Wd1dRULCws4cuQIAODYsWMAgEOHDm1ltcSQ0I1VSQpPCCFEEUjhQcpuo1DZpQqvl+zYsaOnxxOjyblz53Ds2LGGstu7dy+Apu9YlAmfN9PT0x2rPCk8IYQQRSCFJ7oiTe/lp95RAl/RD5aWlnD77bdjYWEBQNOHe++99za2ufTSSwFoGqgSkcITQgghHFJ4oitSPx2jJjkGbnJyUj1s0XPOnj2L2267rdHe6HNP08jRn6fxmOWQRm1L4QkhhBAJUnhi07Cn1a9JG4VYXV1t8RHv2rVri2ojhoGNRIVL4QkhhCgCvfCEEEIUgUyaYsPQhMnl8vKyzJqiL0xMTLQEJhw9erTx/2WXXTboKokths+abubhlMITQghRBMUovNThzelmpEa6h9cOaL1+p0+fXvO5EL1gYmIC27dvb9zDVHqpwhPlsri42PFzRwpPCCFEEYy9wmNvMA1hVbLojcNE0SnsXUnhiX4xNTXVovDStsh7WuntyuHs2bON/6XwhBBCiIRiFN7y8vIW12Q8SHvV7FWxrJsUP0J0ipmtaVe01pw+fbpRxt7+7OzsYCsnRgopPCGEEEUw9gpPPqXeQBWXRmZSNbNMCk/0gxACVldXW9pW2haPHz8OQApPtEcKTwghRBHohSe6IoTQ+Dt37hzOnTuHiYkJTExMSOGJvrC6uorFxcXG+srKClZWVjAzM9P4O378eEPlCVGHXnhCCCGKQC88IYQQRTD2QSuiN3BgbxoERPNlOthXJs3umZ6eBtC8tkqMsJYQAs6cOYOZmRkAzfkXT5w40diG11AD0PsDr+cwpmX0w1baIYUnhBCiCKTwREewR5cqPPa0l5aWtqROowp7ywyh92okHdx/6tSpwVVsSDEzTE9P48yZMwCA7du3A1irhO+77z4AwJ49ewAA559//oBrOd4Ms9Whm5nPpfCEEEIUgRSe6IicwvNl586dGyrb/rBA/xIVMX1R27ZtW1OeS4pMFhYWAAyX72RQUOHxujDhQdqzv//++wEABw4cAADs2rULQFMNCgFI4QkhhCgEKTzREZ0oPE0P1ISqDmgqOSo4XjeuU+FRsaT7sozLNDKxFKampnDgwIGGimMbS33H9HVyGyq8hzzkIQC68/OI0WJlZaVjy4dagRBCiCKQwhNt8X6TtCfFyC32tJeWlor0MeVIla73OfmozHZJkan2qBK5XtJ0V9PT0zh06BCOHDkCoHl9Ul8npwei0rvjjjsANK/5vn37AMinVzpSeEIIIYpACk+0hb3oXBYQ/s/lmTNn5MOryF0nQpXBa8vxZbx2uWvof4eSmJmZwUUXXYTPfvazAPKRqt6fzOWxY8cANH+Dubm5xj78n+pZjD9SeEIIIYpACk9kScfWAU0/XapWvOqQD68zqOjou6PCoF8u9c95FV0i09PTeMhDHtIYv0h/XRp56XM98nqxPZZ8/UQTKTwhhBBFoBeeEEKIIpBJU2Sh2cib1HLBGDR3KrVYd5w+fXrNUuSZnJzEvn37sHv3bgDA/Pw8gLXDOWjS9EM+/LRWafscdFvlPaUgma1DCk8IIUQRSOGJNbDXm6o2IB8yz21KGgQttg4mhs4FUDGgxSs9Brb4tG5pWT9J60glz7oxpZwYHFJ4QgghikBdDLEG33v2wxNywxKIEvSKfnLo0CEAwIMPPghgbVvkYH6v6Hzy7UGoupTU+sFzc1jKzp07B1oXIYUnhBCiEKTwxBp8NBt70Z0ovBLTXonBcf755wNoqrm0Ldb5w/wUTGkUJ/1+/cAPfAeaKlO+u61DCk8IIUQRqKshADR9DVRtfgoWr/TSbTT2TgyCPXv2AAB27NgBoOkLawetDl7ppWX9gOdN/dqclFZsHVJ4QgghikAKTwBoHXfnFV0usbH/TD480U+YoeSCCy4AANx9992Nz3xy6Ny4u0HCiXrFcCGFJ4QQogj0whNCCFEEMmkKAE3zpDdp0lxJkycT4Kb/cx8NPBeDgMMT7r///pbPfBv0ps1BDzwXw4WeUEIIIYpACq9gckMM6hQd19OpbPwQhqmpKfWgRd+hwktTc3HKIOKVXW6YgCgP/fpCCCGKQAqvYKjagGYPmAqPyo6KjuvtBvsqZZIYBEwttm/fvkYZ22mdhWHcLQ+576eEEK1I4QkhhCgCdckLxE/9k5ZxSSW3uLi4ZpmqQk8/k/EK4eGEsEBzyiBaKKh4OACc1odxVT053yTvZSbMrlsfdSYmJjpW8FJ4QgghikAKr0Doj0vThFHR0RdCRcf1hYUFAGtVoU8l1k1PS4jNwhRjAHD48GEAzWhNqhi2R66n0wONEzm1Rl8nr4G34nj1m5JGYw8709PTUnhCCCFEihRegdAPl0Zc1ik6bpOLzqTCk+9ObDUHDx4E0Gy3VC1+WVJSZ1pw+N257id3Ti09TNA9Nze3Zl/uc+LEiX5Xu2uk8IQQQgiHFF5BeLV26tSpxmf8nz1kKj6WUxWmPSk/qWY3PS0hegn9effeey+A5iSxtD6wXZaUacX77DqBVhtmUaLPk9eNk9iePHmyZ/XcKP637YRyfn0hhBBFoxeeEEKIIpBJsyBonuSwBJot0/9pqvDb0tSRmg9oUqBJc9u2bTJpii3loQ99KIBmO96I2atkGMDiTb+8ju0STwwaBthMTk4qaEUIIYRIkcIrAAaicMneb6rw+BmVHbfxg8vTQar8TApPDAt79uwB0FQiHHytxObdURe8kk4APSx0E4gkhSeEEKII1O0ZY9gbo1rjoHI/BCEt45AF9pBp0+eA3TQ1EwejlhTqLYYbtkUqO7ZXJUfYHKk1aFhIB8x3mhRcTyohhBBFIIU3xrBXRqXnozPTwaN+UDoVno/STH0h/J+fjct0I2L04cBzttFxTRrdb4b5nk6fTVJ4QgghRIIU3hjilZ1Xb/w8TQjtlRyjs7hk9GVqN2cvmpw5c6YlqlOIrYBjtMT4QlW3tLTU8XNHCk8IIUQRSOGNCWkPZz2FR5WWU3j03VHZsRfF9RQ/tmlpaaljW7oQQgwaKTwhhBBFoBeeEEKIIpBJc0xIhxjQLOmXNHvSpJmGHNO8yTIGqdBEyX1Tk6U3aa6srMikKYQYWqTwhBBCFIEU3oiTm+qHZVRyDDjhem6gOMu4r5/pWIPLhRCjjhSeEEKIIpDCG1GouJgAOp22w6cF8768HPS9eR8eyU37Q8Uov50QYhSQwhNCCFEEUngjik8Tlqb88oPHfdqdunKg6bPz0ZmcHiiNzPS+QTOT2hNCDC1SeEIIIYpACm/E8FGZOb8cVZlXcO3W1/PZUfn1nj1uAAAUZklEQVSlk73S38c6+HF5QggxTEjhCSGEKAJ1yUcEqjGqKR9N2W56jE78ajxOquCA1gk002P5xNLKtCKEGGak8IQQQhSBXnhCCCGKQCbNEYHDEPyQAm+CTMu4pDnSmy1ZnvuMpslOBqDLjCmE6Cfps2oz6Q2l8IQQQhSBFN6Q4xNB56bp8XhFx3UGoFDFpWqt7ngs5zId4L5t27Y1x1HQihCiH6Sqzk9d1g1SeEIIIYpACm9IqRtmkPPZ1ZX7KX58erB0oLg/H/f1g9jpQ8wxOTmZ9fEJIUSvkMITQggh1sG6eUua2QMAvty/6ogx4JIQwvm+UG1HdIDajtgo2bbj6eqFJ4QQQowqMmkKIYQoAr3whBBCFIFeeEIIIYpALzwhhBBF0NU4vNnZ2bBnz56WcmYDAYD5+fk1n/ksH349LfM5IDWma/Q4fvw4FhcXW364ycnJMD093ciYwCWztQDA7t27ue0gqiqGjLq2U/fcEe3xAYk+a1Juu7pt1jt2N+Se6z6Xb7fvgLq24+nqhbdnzx5cc801LeU33XRT4/8bb7wRADAzMwMA2Lt3LwDg4MGDjWOkS6D5oONyx44dAIDt27d3Uz0xBFx77bXZ8qmpKVx88cU4evQogGYy7Mc97nGNba666ioAzQHyoizq2k7dc0d0B5NGMD0g59ZMk0n45PTsmPIF5xNRpAkrfPIKv+5fZkCzc8t7fm5uDkCzI8x3wXrUtR2PTJpCCCGKoCepxU6cONH4n70GKjw/FY1PbJwrkylz/AghYGlpqSUJNnt0gJSdEP2EbiSqtpzroM7c6dWaV37pNuuZRdslrc8dt5dI4QkhhCiCnii8xcXFljI/gWid0ks/89uK8SGEgOXl5RYfgfy0QgwWPnvrJnkGWp/BdYornbbH+/3qzpse29fBJ4ZuN9H1RtCbRQghRBHohSeEEKIINmXSpHTNzZHmTZjtxuH5cFWZNMcPmjS9Y1u/tRCDJTcfpofPdP+M5/3LsdcMQku38dtyG+6TurPq6tCv54KeNkIIIYpgUwqPQxBy8A3tlV0uaMU7MzVl0fgRQsC5c+caPUYOQdi5c+dWVksIkcGrwDQjEgDs2rULwFrrHpVc3eB1vi/SzFzcxz/z+2Xtk8ITQghRBJtSeHz7pqHlDCtlz4A9+XY50nJpasT4sbKy0tKTk8ITYnRJfXDtfIIp6TC2Y8eOAWj1GfbrXSCFJ4QQogh6MvA8tbMypZi3AbOcii+XWiwXwSnGC7YVtgMNPBeiLGZnZ1vKqPT6beWTwhNCCFEEm5JSVG1cAs1oHvbc/Ta5KE329n0kkBgvzKyh3um709x3QpSLV3sLCwsA+jeBgBSeEEKIItiUwmPEHSfzBJrjMzjtC9fZo+fEr5zsFeh8kj8x2phZo+dGVZ9mahBCjB+MvPRTgwGtY7D9FEa9RgpPCCFEEeiFJ4QQogg2ZdJ84IEHAAAnT55slNGUSZMllyz3M6GLMjAzTE5ONkwWbBcKVBJivPFz3eXcGDRz+mFt7ebs2wh66wghhCiCTSm8U6dOAVjrYGSQCpccnuBTi6WOyzSZaG4bLn26MjE6mBlmZmYav+GBAwcA5AehCiHGBz7Pac3JWXX8dEO5FJQ9qUtPjyaEEEIMKZtSeH6Qefo/e/J+Ilg/gSDQtNNyHw5T4D6aLmj0MTNs27at8ftffvnlW1wjIcSw4NWfkkcLIYQQm2BTCs/76YBWPxttsBycThttbmAh3+78zKch61e6GdF/GKVJtX7o0KEtrpEQYljpVxS/FJ4QQogi2JTC45TtaaQdlR3HU1CV8Y3tJ/oDmqrQR2vSl0cFqejM0YWJoy+88EIAShotNk9q8ZGfX3SCFJ4QQogi2JTCowJLE0FTwfmxF8RHZAJN5cZePxNMKwvH+MAoTY6/E2KzSNWJbpHCE0IIUQSbUnh33HEHgLXT+9CvR9XGpR9XkUZ2cn/m2xTjx+TkJHbt2qXfWPQFWpT4XGE0eCfTT9GS5GMIxPghhSeEEKII9MITQghRBD1JLZaaqThVEM2UNGlyGAKDVdKAFJm5xp+JiQnMzc01ApKE2CzpsAQ/hInPGW/S5HApoBlgJ1NmOUjhCSGEKIJNKTwmAL7zzjsbZVRyDBlmD4u9KZIOPPapxMT4wemBzjvvvK2uihgT0mEJTF1I1Vc3ZIFBdWI04O+aBjl6cmkq65DCE0IIUQSbUnhkcXGx5f+dO3cCaO1xcT19K584cQJA09/HVGX9SiAqBs/ExAS2b9+uCV9FX+DzhP64bnr9Ynjh75j6YjeTYlJvFCGEEEXQE4WX2ldpc01VH9CMmqKfLmdLp6Lj21ypxcaHqakp7N+/f6urIcacTgaai9GBlsE0ktYrvG4sgVJ4QgghiqAnCm9hYaHxvx93x5RiVHZUeukYGv+ZpgEaP6anp3HRRRdtdTWEECOAV+rpOv/3k4x3ghSeEEKIIuh5lCbhW5cKj3ZWPzFs+hmV3qCiM33kqOgvGmcphOgEP9lAuu4/6wYpPCGEEEWgF54QQogi6IlJc9++fY3/v/SlL7WUAU3zIc1aaWAKTZjpLOj9hEMneL5BnVcIIUQ9fE/wncDgxzQ15WZcI1J4QgghiqAn0iY35QtDR32Qig9QAVoHpfeDNJks/5eyE0KI4cEn/c4FqNQlBu8EKTwhhBBF0BOJk/rjqOj8NEF8U/thCsBgwtXTXoFSlolxIx1as5kesBBbCd8LTCWWs8bx3bKRBCVSeEIIIYqgJwqPUwEBTfXkB4/7aJs06iaXbqzXaKohMc6k7VtT44he4y11XE+tCT5Owz/Pc4k+/HH9u4AWw/R9sZn3hN4CQgghiqAnCi994+7duxdA843Mt723t6Y9A59gWgjRHamq430kpSd6BZ/xbFs5P7GPqKxTeDlV6CPmeR4eM5eKciNI4QkhhCiCnii8U6dONf6nzZXZTHx0pu8p+P+FEJuDys73xjeTdFeMD7S+dTIOuS7Bfs6Ptt5zvBtlxuN7vyCwuenjpPCEEEIUgV54QgghiqAnJs25ubnG/3fffTeAVlMmzSxMOUaTJ9CUqBo6IETv4D2n+0qk0JSZSwLioUlx0HOH+sCrzZgxU3QnCCGEKIKeD0vYv3//ms98irEc6omuj+9pCdEpClYROdoNE/B0Moh8I9SpTD+dXK8S/esNI4QQogh6Pj/OeeedB6Dpq1tcXATQ2hOQmusOKTvRKT6Um+n+GI6+tLS0NRXrEfxeUq4bg9eN7SBVT7np24DW1JC59GHdDGHw56sr7/V7Qm8dIYQQRdBzhcdoGqYY4xs6jcoE1vbO1FMbf1ZWVjA/P9+wAIj+4Xvp3v/B3vqoph6TtWNj+MT9VHipiqpTVD6JAY+xkQHoucm4eZxOIkfbHW89pPCEEEIUQc8VHtm+ffuaJdOP5fwH6rGNP6urqzh58qQU3gDw41pz6ZlGmZwPT8+Q9aEqo7VtI+qM1gIuc1aCzaSK3Egb7SZSdDzuACGEEGId+qbwPOkksaJ3jMr4vNXVVZw+fXrgGRtKIc1E4bNS+Gs9LtMHpb5JfhfFA7Ti7zk/STfXN8KoJf6XwhNCCFEEA1N4orfUjZMZVlZXVxtjMsXG8f44qpyc76MuewV9OaPCxMQEZmZmGv5/qrhUyfK78rsN+/0wSLyyKxkpPCGEEEWgF54QQogikEmzR3hTU79CpmnK5MzyOdMNzz1MgSwhBCwvLytoZZPUhW3nBvP6tkFz36gFdphZo70DrYmFU2jipfmTKQ6HCZ/qTebXwSGFJ4QQogik8HpEXa86xad6Yk+b5T79Wg4O5PfHTHvt7NX6yXe3GjPD2bNnAQA7duzY4tqMJv635HqqgLzC5zqv/agRQsDKykpDGbF9p1YCPxTDK+FhUnq8Z7nk7zIs9+k4I4UnhBCiCKTwBsB6IeRcn52dbSmjnd+HlPtj5Xw7Pvx8GHx7x44dAyCF12vSlH2jPv1PHd5nl677dGr+fuC2qdLbKkXF4Tm01oxLIoBRQApPCCFEEUjhDZC66Lhcr9Rv65WeX+YmceSSPcdOIiP7qf7MDCdPnuzb8cV4YmaYmJhoaddpe6ZKYhl9mt66kov2pA9t0Mq4XRJn0R+k8IQQQhSBFN4AYO+zzndHUht+nZKj8qMvImf3Z4+RS/Zu/aSNubFb/cLMMD093aj/RiZ63CpyEbC8pqOWPHcUYduhOstZSrzC82qQv1eqpuosH4NWesM0XnbcGf6njRBCCNEDpPB6hFdxOf8Ce3Lcxo/dS3t6642hq1N8QDNizWc18Vlg0jr2O/sG/TD8PvPz8wCAvXv39vW8m8Gra6DpA5LfZevITWjr7zsfxZxr8z7ymcuNKDx/fkVcDidSeEIIIYpALzwhhBBFIJNmj/BmyTTVUc5hntsnZ24hdSbH3Bxn3DYdqpAeP2d2HYQJJjVpLiwsABhukyavjwJTtpYQQiO9GNAcsJ3eE2zT/K18qrFcajHuw205PCGXAN7jXRhMe8Y68n4cppRmQgpPCCFEIUjh9Zic4vK9zjqllaosbksHOgep1oUw5wJefGqxXKLpQcEpXvg9Tp06BWBtQmPNyCxyMOCJ7blumA/QvG/abZMeF2i1wNTdJ7lANH8+Ba0MN1J4QgghikAKr8fkpgmiHd9PXOn9DDmV5gdoe39fLiG0r4NPMUYG2QudmJjAzMxMQ9Gxt3769OnGNlJ4IgetA7yPvL8OaJ1qy1tTuJ7zdXt1lp4XyA9PoeWlTnXKdzecSOEJIYQoAim8AVA31Q/VTruUST6SzA9Izw2ArlOBW5nGa2JiArOzs43vzB5wmkx69+7djW2FIJOTk9i5c2fD75uWE95DLKO1oC4SM/3fp4nrJqmAt8SI4UZPFiGEEEUghTcA0l4l0Grfb2fv56SwPnKMvVAfiQm0KrxOx/T1E/ph+H1OnDgBoDkZJtD0i3CclRBkcnKy0Xb8eDygNeKZis4rv1QV+jGzPuJyXCfSLRkpPCGEEEUghTfkpAooZceOHQCavdGc0iPDkuh4YmKipaed9rjpo5HCa+Kjc31icB9pCLRGBY86IQScPXu2JRIy9fV6nx3XqQrTYxFeO44NpS+P1ziNIBbjgRSeEEKIIpDCG1HY+6TSS8fUeX9GnS9vkJgZpqamWnreqf+SUwYdOHBg8BUcAnI5TonPClJSVODKygpOnTqFXbt2AWgdY5eW0TrA9sX7Izc+lv/TisK2yXuLilJZU8YHKTwhhBBFoBeeEEKIIpBJc0TxU9ak694EQzOYHx4xSMwM09PTjbpxmZrmaKKiafO8884bcC23lpzJ2Zsu64KTxtnsFkLA0tJSS+BOOmxg586dAFpNmVzmUvDxms3NzQFomjYZxML1cbm2PmlFXZL59DM+V3zwz6gihSeEEKIIpPBGFB+GneJTirUbsjBImEAaaPai0/pTiZaaeDeXpNhT4mDoEAKWl5dbgrBy7ZqKhG2J7S2XQJ3tjOqFSo9BKwyA2UrLSC/h9/VWllxCbbZBPmdyk1SPIlJ4QgghikAKb8Rgj5W0S7ScC8Xeavz0LamPir1yIVJCCGvaMNt12vb9feDThFGppO2Nyo1+Pio9JjFfWFgA0EyIMEz30Uaou79S1eZVNK/NqCs7IoUnhBCiCNSlHhF8VKZPLZVjGHukPtIu7Zl73yN9Dn6iXFEWZgYza/h96VtLU9DV3Q8+TR0VC4CWyYip8FjuIz799ESjhk/Nlps2bFyUXB1SeEIIIYpACm/E8D2wXERfbozbsOAn5Ey/Dz+jspPCEylUXlym7cJHJLPt+ETTqR+L6o+Rr4zSpJL04/NGXeER3nPealQCUnhCCCGKQApvCMjZzanc/LgiH42WGx/DXu4wTw/TblojfjbM9ReDI4TQGIsHNBVXqtaoyuh3o+KjemN5bkohn42F+/goTW4PjM/YvNKQwhNCCFEEeuEJIYQoApk0BwDNKDTV+fnp2gWX+FBib8LkMk05NeqmwBKd6aI9q6urjTbuzfxAMwCFps1c2ixg7b3hZ0fntj4RNefhoykVAI4dOwag3DR4o4oUnhBCiCKQwusxXs2l//vgFCq7doM9/b5+Hz9Ie5SpGxgryoapxXzbT+8bqjHeB0wATdXGZbtUfGx/VIucnip3j/E4J0+eXHM+tdnhRgpPCCFEEUjh9ZicavODX+v8cLnJUNsdFxj96WJ8Mmwh6uB9wzafSxNGpcWhBNzWDzkAWtUefYL06TGJdA4/TMgrPjGcSOEJIYQoAim8HpPz4fleoLfz+6jNFB/J6SeyHMYE0d3Qzn/Zzt8iysUrPaAZnTk/Pw+gqdJY7lONAa3RwFRtfvJT+vLS7f0969uxlN5woieKEEKIIpDC6xG+t5hTLlRpuQksO4U9VUWDidJJ03sxstL78jh2jmnCGM2Zsp6/nEmkU3+zn1zZ++G9shTDgRSeEEKIIpDC2yS+d0jV1i4hNGFv0C9z+4+Lz06IXpHeL1RUnDKI61R49Kml+zDK0/vWvWqjby+14tCv57f1GV4efPDBxj66d7ceKTwhhBBFoBeeEEKIIpBJc5NsxqTJ9dz8dX5OOJlDhFhLer/w/uBQBS4ZxELTZm7+xbrhQgxSyd3LDJLZt2/fmrp410N6zOPHj6/5TAweKTwhhBBFIIW3Sdj788MS0p7demrND1dI/x/1qX6EGARUbn4YAINXGHiS3nu8d6nkvHXGK7/0nvZTCzENmd82p+ak9LYOKTwhhBBFIIXXI3xvLVV8dYoup+yIlJ0QneMTs/tk0Vym/jg/WNz77HhMP/Fsug/vbQ6H4CB1Ks52EzNzElklkRgcUnhCCCGKwLpREmb2AIAv9686Ygy4JIRwvi9U2xEdoLYjNkq27Xi6euEJIYQQo4pMmkIIIYpALzwhhBBFoBeeEEKIItALTwghRBHohSeEEKII9MITQghRBHrhCSGEKAK98IQQQhSBXnhCCCGK4P8DB809WRZ06AcAAAAASUVORK5CYII=\n", + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAbwAAAE9CAYAAABwXNeiAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4yLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvOIA7rQAAIABJREFUeJztnXmUZFlV7r+dU1VlVlVXVVdXd9MlTTeDiDi1TIraqAi9fCoCgqwnT/qh0jg+fT4RnAAXTs+FPOCJthNtK8qgIgqPQcC2bQUVAZmEZuiJnqu6Kqsqs6oyK/O8P879Ik7sODcyIjMiMiLO91sr18174g4nbpx77/n23mcfCyFACCGEmHSmtrsCQgghxDDQC08IIUQR6IUnhBCiCPTCE0IIUQR64QkhhCgCvfCEEEIUQdcvPDP7bjO70czuM7PTZnabmf21mV01yAqK7cPMrjOzYGZfNLO2tmJmL60+D2Y2k5TfambXbeJ8D6mOdXVS9rLkHMHMzlVt7w/N7JJNfq+fNLNnbHLfG8zspi63nch7xsye5H6T02b2KTP7JTPb5bY1M/s+M3ufmR01s9WqPb3RzL655vh/Vx33f/S53g9x9a77u6FP53tkdbzn9Ol4j6nuh72ufGd1nhf34zxbxcyeUf2+n6vq9a4e9r2q5je5px91m9l4E8DMfgLAqwH8EYDfBLAE4KEA/guAbwHQ9RcSY8cygIsBfDOA97nPvh/ASQB7XPnTAZzYxLnuBvB1AD6f+ewbAKwBmAXwKAAvB/C1ZnZFCGG9x/P8JICbAPzVJurYFYXcMz8B4N8AzAN4KoCXAngYYruAmU0DeCNie/hjAK8F8ACALwHwLADvM7P9IYRFHtDMDiNeH1THeXUf68v2lfIBANcBuDYp20zbzXFrdb7P9ul4j0G8xn+A1jqerc5ze5/Os1WeCeArAPwTYtvYDNcA+FiyvrLVSgEAQggb/iFeyLfWfDbVzTH69QdgxzDPV/If4oPgiwDeC+A699k3AFivtgkAZgZUh5fljg/gB6vyL9vEMW8F8KebrM8NAG7qYruJvWcAPKm69k925a+vyg9U679QrT+z5jhPATDvyl5S7fOOavnoAV+bAOAV23Ute6zrC6v6Ht6uOnRZz6nk/w8BeFcP+15VfcdvGETdujVpHgCQlZQh6V2b2dWV/PymynRzqjJj/HbG1PFyM/uwmZ0wsyNm9n4ze4LbhqaTZ5jZ75vZ/QDurT57hJm9tTIXnTGz283sLc60doGZ/a6Z3WlmZ83s02b2gm6+cLXv68zsjmrfO8zsT8xsR7LNVWb2gcqks1h95y91x7nBzG6qtv1ote1HzOzxZjZjZr9qZneb2QMWTYgLyb40wfyImf1W9V2XzeztZvaQbr5Hn7gewDPNLO2tfT+Af0R8ebRgzqSZtIsnmNkbqt/8LjN7jZntTLZrM2l2gD3c2WT/x5rZX1Qms9Nm9pnq+u5KtrkVwKUAvi8xl6R1/aqqXR1NjvGSzHd8ctV+l83sE2b2dLdJcfcMotoDgIeZ2RyAnwbwjhDCX9Zch/eEEJZd8fMAfBJRhXN9WzCzD5rZe6tr+R9mdhbA86vPfqr6/JiZHTezfzKzp7j920ya1jT1PdbM/rlqPzeb2fM3qMsLAfxOtXpH0nYvsoxJ08x+3aL5/5HVd1iu7svnVp8/vzrvqerzS935zMx+1Mw+XrWV+8zsWjM7b6PrFnq3uPSMmV1SPUvurtrpXWb2N2a2v9N+XZk0AfwrgOeZ2RcAvC2EcPMG2/8pgDcDeB2AxwH4JQALAK5OtrkEwKsQFcQCgOcCuNHMvjaE8HF3vNcCeCeA/waAD8h3ADgG4IcBHKmO9+2o/JIW7dw3AdiFqBJuQTS7/I6Z7QghvLau8tVF+2fEh9YrEKX1IQBPAzAH4KxFP8w7ALwfwPcC2A3glwHcZGZfHUK4MznkwxDNWr8C4BSA/w3gb6q/meq6fFm1zX0AXuSq9BIAHwXw36t6/CqA95jZl4cQVuu+Rx/5S8Tf8rsB/Fn1knoWgP+FaJ7qlj8B8OcAnoFognkZ4m/40i72nTYzoGnS/DnEB+Mnkm0ejHidrkM0tX45Ytu7HAAfOk8H8P8A/Ed1fgC4HwDM7HGICu5zAH4KsW0+HMBXuro8FNHU9muIbe+nAbzFzB4ZQvhctU1R90zFZdXyOKL5bR9iG+8KM3s8gC8F8OIQwmfN7AOIHZMXhxDWuj1On3k04n35y4iq/f6q/FJEM+htiM+EpwN4l5l9awjh7zc45vmInchXVsd8AYA/NLP/DCF8oGafv0K8vi8C8F1JPY4CmK7ZxwC8BcDvIj5zfgLA9Wb25QC+HsDPIP7Wr0a8N78p2fdVAH6kWr4P8T7/FQCPMrMrh/BS+0szO4hoAn8XYptIn6lvRLyO/xPAnQAuAvBtaLb1PF3KzEcgPvRD9XcE8cH1FLfd1dXnv+vKfx7R//KImuNPIz74PwPg1Un5k6rjvdVtf7Aq/64Odf5FAGcAPNyV/35V/1oTHGLjXgPwNR22+RCibX4mKbsMwCqA30rKbqjKLk/Kvquq/3vdMf8KwC3J+kOq7T6FVjPBE6vyHxiE7E/Ocx2AL1b/X4/KNAHg2Yi+vb3ImBwRVd91mXbxcnf8twO4OfN9r07KeHz/958AHtqh7la1qeciml7Pd/VrM2kCuBHAHXBmNrcNf8+HJ2WHqvbycyXcM8k5nlLVYS+A70HszH2k2uZ7q22e2kN7e131nS+p1q+pjnHVANt4rUkTwAer+nQ0myN2GGaq9vOmpPyR1fGfk5S9sSr7uqRsHsAigNdscJ6sSRPxIR8QXwos+/Wq7NmunQZExb+QlL+oKr8wabvrAF7kzvOtvf4e6N2k+TgAvwHgOwBcidiZPIrYsaCp3BB9ei/o9ffuyqQZYu/0a6oK/ApiL/rpAN5tZr+Q2eXNbv2NiI3icSyoTEJ/b2ZHAZxDfIg8ArGH53mrWz8K4AsAft3MfsjMHp7Z5yoA/wLgFoumw5nKdPNuxJ7Bozp85acA+LcQwkdyH1o0O16B2LjPsTyEcAuio/ZKt8vNIYQvJOufrpbvdtt9GsBhq6RMwl+EpEcVQvgnxF6+d8B3pDJTzCR/dT3DHNcDeLKZXYRoznxbCKFX5/473PrHEVVZNzwBwGMBPB7xhbuEqHIv5AZmttfMfsPMPo/oyF9F7LkaolKrxaK59okA3hDazWyez4YQGoEIIYT7EJX5g5OyEu6Zd1d1WERUEn+PaAXoGYuugucAeH9o9uTfhPg7djRrZtp1t5arbvhMCOE/M+d8vJm908zuQ3wprgL4RuR/C8+xkCi5qr19Ad3fC73wzuQ89yEq/JtCCEvJNnwe0VrzVMR75g3umt6I+HukSrCvhBD+NYTwsyGEt4cQ/iGE8ErEQK8vQVScCPGt9+8Afs7MfqxSrF3R9bCEEMJaCOHGEMIvhBCejGgm+jiAl2bspvfWrF8CAGZ2BaJZ6RSAH0DzYfYfyEvSu11dAqJ8/RCiWelmM/uCmf1wstkhxB9m1f29pfr8/A5f93zEF0od+xEbxN2Zz+5BNIWmHHPrKx3KZ9BuovDXk2W9huU/D63XIhcNWcf7Eb/vTyHeENf3eG4gmidSzgLYkdsww7+HED5U3RBvQbwJLkM0aZDXI/aCX4PYPh4L4EerzzqbOuJvOoXOvzvx3wOI36XlHAXcMz9a1eHRAHaHEL4zhHBb9dkd1fJSdMd3Iv4GbzWzfWa2ryp/N4CnmQvFd1yZqXO/aLvHzexyxECuecSH8NchXof3Y+N2BnTZfvrAWgjhpCtbQf3ziOc/VC2/iNZruoJ4v3Z6dvadEMIHEa0yj02Kn45o6vx5AJ+w6Ld/SUYstLDpnlAI4S4z+wNE++/DEX0W5EJE/0q6DkRbKxDDVs8BeEZIfFDVQ+B47nSZ838BwPdXX/CrAPwYgNeZ2a0hhHci9mjvA1A3luczHb4e/Rt1HKvqdFHms4uQb9Bb4cKaso/2eJy/RWujOdvtjiGEdTN7A6Ld/z4A7+nx3H0lhHCvmR1B5V+r/IpPA/CyEEIjlN3MvqLLQx5DNONsamxfN0zgPXNzCOFDNdt+qKrXdwL4vZptUqjifrv68zwbMRw/x7+jtV33k7briNjZ2o0YfXqEhWa2e0B1GDZHq+WTEC0pnvszZcOg8VuEEO5B7Ny+0MwehRjf8KuIguP1dQfoSuGZ2cU1Hz2yWvpotGe79ecgPkz+pVqfRzQDNL6AmX0LNiHpQ+SjaPb0H10t31XV7/ZKGfg/3/NJeQ+Ax5nZV9WccwnxJntWaha0GOn09Yh+nn7yPZYM/DazJwI4jDiGqGtCCEfdNfCBDhvxR4gvzVeE7QsiANBokwfRvPl2ICpj37u/OrP7WURnfYPKrHQTgOeai47cQv1yTOo948+xghiU8R1m9szcNmb2bWY2b2aHEM2pb0Mc7+n/7kEHs2YI4aSva7f13CSMVm64M8zs0YiBOoOEHdQtt88NeA+avsJcO7htowP0EzP7ekT//r/mPg8hfCqE8DOIcQWPzm1DulV4nzCz9yKaVG5BdFJ/O+Ib9s0hBD/g8dvN7DdRvTgQo/CuT/we70IMO77OzF6P6If4RTR7sx0xs69E7CW/CTGibhrxwXYO0awAxOii7wXwj2b2KsTe6QLiDf2NIYSndTjFqwD8VwDvNbNXIJqhDiIqiBdWN/4vIvqk3m5mr0Ps8b0c0Z/xym6+Rw/sAfDXZnYtgAsQTVKfRWJWNLM/BPC8EEI//RctVH6pTflo+sDjzWwNsZN2KaLSXEOMQEMIYdHMPgjgp83sbkSV/nzkFdunAHyjmX0H4sP0SAjhVsSo038A8AEzeyWiSedyAF8dQvjxHutb2j2T49cQleSbLA79+FtE68dhRMX6DEQz5vchPoteFUL4h0zd/xjAi8zscucL3y7eg6gm/tTMXo34fV6OwQ/8/lS1/HEz+zPE365XK8+GhBA+ZWb/B8DvVS/yf0R82T4YMb7htSGEf67bvzL5XlGt7keMsP6eav2DIYQvVtu9ADFQ6YkhhH+pyt6MGJD2UcShR18L4MWIJs3fqba5ELFz9GeIbXQNMWhqF4C/2+jLdRM580LE8OLbEKO4lgB8BDG6Zy7Z7mrEnsE3VRU6hdjAfxvALnfMH0d8EJxGHL/zZERldEOyzZOQH+B6CDFzw82Ib/UHEB9UT3Xb7Ue8iW9BtD/fh/jj/WQX3/kQoinm7mrfO6pz7ki2uQpRZZ1GfNG9DcCXuuPcADdQGc1oxB905S9DEvGYbPcjAH4LUc0sI75oL3P7XofKVdOvPyRRmh22aalzVXYr8lGaD8vtm7kuV2eOz791AHchPjwfl7mu70QcknAfgP+LaH4KAJ6UbPfIqh0sV5+ldf2a6tjHq9/10wB+ttPvWfOdJ/aeqTtHTfswxEjZ9yOajVcROxJ/jvgSBeLD7XMArOYYj6jO97J+tu/q2BtFab635rPnVtfyDGKH+JmIgUafdu0sF6X5uZpzbRjNiBgAdReaav8i1Edpnsvsfw+AP3Bl2cHeiB3Gf6vay0lEk/trAFy8QR0ZTZr7e05muyckZb9UXc8TVVu5DfFFdyjZZgExcvhTiPfLYnX9nrXR9bPqAH3B4oDh1yOGNX9ug83FBlgcXH4LgB8KIdT5L8QYo3tGiOGh2RKEEEIUgV54QgghiqCvJk0hhBBiVJHCE0IIUQR64QkhhCgCvfCEEEIUQU+DlOfn58O+ffs23rADTHWWpjzzZT4d2mb8jNyHx+rmGJ228Z/J95m/BouLi1heXm7LZ9ePtiMmm+PHj6vtiE1R13Y8Pb3w9u3bh2uuuWbztUqYnm7mR56ZidWYm5sDAExNTbVss7YWs1itr288BVPdiyhXzjIueXy/zG1TKmfPNtNvnjlzpuWzmZkZXH99Pqd0P9uOmEyuvfbabLnajtiIurbjkUlTCCFEEQws7+JGULUBTUW3uhrz/nplR6iucjNAeOXVjSnTq7Y6pbfRcUoi/U10nYQQ44QUnhBCiCLYNoWX4pWcDzjZYE6/LJ2Uhld0dcpOaqWdVM3x/3PnzjWWumbDhdYQWknS//19I0uGKB0pPCGEEEWgF54QQogiGAmTpg9G4dKX54YG0KTjTTE+iCUdBlEXrOI/F01y14pBRvxsdXV15IdtpKa/jRil78J6z87OAmgO4dm5cycAYMeOHY1tOcyH+3Cd8DekKyH3m9JMvbKyAqA5HGVpaakv30eI7UAKTwghRBGMhMIj7HH6IJZu9unXdiJPbvA//2fvfzuDVrzSoaqhIvKqB9g4o0/uO7OMSogKiEsqo61ch1Stsf4s43LXrl0AgN27dwMA5ufnG/tQ/fklqfueQPN7MamAX1LhHT9+vLHP4uJiL1+vb6TnPe+887alDmK8kMITQghRBCOl8MTokvPhsYzqJoQwFIWXqpmFhQUATcXDJZUQlR+VEpdAq183B9UaVQ/QVDqnT59uWS4vL7d8zmvi9wfarQ2sh69z+l35Pbncu3dvy5JKD2heAyo7HpfqludPh5MQqnX//ajs+DnPCwB33XUXAODo0aMYJkeOHGn8L4UnukEKTwghRBFI4Ymu8JF96f/DGqhPFZP25llGVcSl93Hl1BMVkI9i9Mo1TZhNJXfixImWJVUa/YI5X6FXdj7yknVO68j6U1Hxu3P2AJZT+aXHq/PhUdFRjeaiUesipMmePXsa/19wwQUAmteGqnBQeN+xEN0ihSeEEKIIpPBEV1AFpf6enOobBFQ8Xs2l9aqrE1UAFZif0ijdx4//5HdNozl5HKoorvso0Nx8jz6VHeE+fpke36cQ86ox9Rn6Mn4flvMa8Nqk+7KMao11pR/SR6emdaH6HLTCY4RoWgchukEKTwghRBFI4Ymu8OPagKYKoPpYWVkZiB+Pxzx58mTLEmiqC9bPKzA/uXDqz/J+P+7jFVmq1lhGJVQXtZkqSW5blw2Ix2fdUhXtx/l5hZrLfOJVmd+Xvxv3TRWZz75S58PrNDlyN1NzbQWq3IsvvnggxxeTixSeEEKIItALTwghRBHIpCl6IjVp8n+a4NbX1zc1d+FG0CQ46DB0mjZ90uXcYHVuQ3PhqVOnWtZ7gfs88MADLecA2ge0cxgEz+8Hiqfbcl8/8H3c4ZAMIXpFCk8IIUQRSOGJrvBJk4FmcAIVyfr6+lhPrZQbsrAdpMM8mCCZ152BLdwmDeARQnRGCk8IIUQRSOGJrqCPKA1HrxvYPEr4wd69TAA7StAfx+VW4O81rtfiwx/+MADgiiuu2OaaiEExqKEt49nihRBCiB6RwhNdkVNvPunw3NzcQKI0SW4guIf19EmcB1mvcWNclR352Mc+BkAKT/TOeLd8IYQQokuk8ERXUBWkNnWvonbt2tVX9cDxffQV5qbe4Rg5RjFyH0YzjruaEU040ez5558PoNXqsNFkvmK8GFhauoEcVQghhBgxpPBEV1Bd5Xxhg4r647g49uRzvXhmGkkTLgOt2VHEZMAIVbYHZrcBWicFFqIOKTwhhBBFIIUnuoKKKc1nScVF/9na2lpfbO9UjPTd8fisQ3oO/u8niRWTw/r6Ok6ePNnII8ppgdIxiVJ4ohuk8IQQQhSBXnhCCCGKQCZN0RWcKodLoBn6T9PjzMxMXwZ48xg0YdLESdPmwsJCY1tus2PHji2fV4wma2trWFxcbEyfRLP1qCT7FtvL3Nxc1wFzUnhCCCGKQAoPzeCLUUx+PCrwGqXh/lR7HBIwNTXVl6AVKjyvKnMTsorJZ319HUtLSzhy5AgA4NixYwCAw4cPb2e1xIjQi1VJCk8IIUQRSOFBym6zUNmlCq+f7Nq1q6/HE+PJuXPncOzYsYay279/P4Cm71iUCZ83s7OzXas8KTwhhBBFIIUneiJN7+Wn3lECXzEIVlZWcOutt2JpaQlA04d79913N7a57LLLAGgaqBKRwhNCCCEcUniiJ1I/HaMmOQZuenpaPWzRd86ePYtbbrml0d7oc0/TyNGfp/GY5ZBGbUvhCSGEEAlSeGLLsKc1qEkbhVhfX2/zEe/Zs2ebaiNGgc1EhUvhCSGEKAK98IQQQhSBTJpi09CEyeXq6qrMmmIgTE1NtQUmHD16tPH/5ZdfPuwqiW2Gz5pe5uGUwhNCCFEExSi81OHN6WakRnqH1w5ov36nT59u+VyIfjA1NYWdO3c27mEqvVThiXJZXl7u+rkjhSeEEKIIJl7hsTeYhrAqWfTmYaLoFPaupPDEoJiZmWlTeGlb5D2t9HblcPbs2cb/UnhCCCFEQjEKb3V1dZtrMhmkvWr2qljWS4ofIbrFzFraFa01p0+fbpSxtz8/Pz/cyomxQgpPCCFEEUy8wpNPqT9QxaWRmVTNLJPCE4MghID19fW2tpW2xePHjwOQwhOdkcITQghRBHrhiZ4IITT+zp07h3PnzmFqagpTU1NSeGIgrK+vY3l5ubG+traGtbU1zM3NNf6OHz/eUHlC1KEXnhBCiCLQC08IIUQRTHzQiugPHNibBgHRfJkO9pVJs3dmZ2cBNK+tEiO0EkLAmTNnMDc3B6A5/+KJEyca2/AaagD6YOD1HMW0jH7YSiek8IQQQhSBFJ7oCvboUoXHnvbKysq21GlcYW+ZIfRejaSD+0+dOjW8io0oZobZ2VmcOXMGALBz504ArUr4nnvuAQDs27cPAHDBBRcMuZaTzShbHXqZ+VwKTwghRBFI4YmuyCk8X3bu3LmRsu2PCvQvURHTF7Vjx46W8lxSZLK0tARgtHwnw4IKj9eFCQ/Snv29994LADh48CAAYM+ePQCaalAIQApPCCFEIUjhia7oRuFpeqAmVHVAU8lRwfG6cZ0Kj4ol3ZdlXKaRiaUwMzODgwcPNlQc21jqO6avk9tQ4T3oQQ8C0JufR4wXa2trXVs+1AqEEEIUgRSe6Ij3m6Q9KUZusae9srJSpI8pR6p0vc/JR2V2SopMtUeVyPWSpruanZ3F4cOHceTIEQDN65P6Ojk9EJXe7bffDqB5zQ8cOABAPr3SkcITQghRBFJ4oiPsReeygPB/Ls+cOSMfXkXuOhGqDF5bji/jtctdQ/87lMTc3BwuvvhifPKTnwSQj1T1/mQujx07BqD5GywsLDT24f9Uz2LykcITQghRBFJ4Iks6tg5o+ulSteJVh3x43UFFR98dFQb9cql/zqvoEpmdncWDHvSgxvhF+uvSyEuf65HXi+2x5OsnmkjhCSGEKAK98IQQQhSBTJoiC81G3qSWC8aguVOpxXrj9OnTLUuRZ3p6GgcOHMDevXsBAIuLiwBah3PQpOmHfPhprdL2Oey2yntKQTLbhxSeEEKIIpDCEy2w15uqNiAfMs9tShoELbYPJobOBVAxoMUrPQa2+LRuadkgSetIJc+6MaWcGB5SeEIIIYpAXQzRgu89++EJuWEJRAl6xSA5fPgwAOCBBx4A0NoWOZjfKzqffHsYqi4ltX7w3ByWsnv37qHWRUjhCSGEKAQpPNGCj2ZjL7obhVdi2isxPC644AIATTWXtsU6f5ifgimN4qTfbxD4ge9AU2XKd7d9SOEJIYQoAnU1BICmr4GqzU/B4pVeuo3G3olhsG/fPgDArl27ADR9YZ2g1cErvbRsEPC8qV+bk9KK7UMKTwghRBFI4QkA7ePuvKLLJTb2n8mHJwYJM5RceOGFAIA777yz8ZlPDp0bdzdMOFGvGC2k8IQQQhSBXnhCCCGKQCZNAaBpnvQmTZorafJkAtz0f+6jgediGHB4wr333tv2mW+D3rQ57IHnYrTQE0oIIUQRSOEVTG6IQZ2i43o6lY0fwjAzM6MetBg4VHhpai5OGUS8sssNExDloV9fCCFEEUjhFQxVG9DsAVPhUdlR0XG902BfpUwSw4CpxQ4cONAoYzutszBMuuUh9/2UEKIdKTwhhBBFoC55gfipf9IyLqnklpeXW5apKvQMMhmvEB5OCAs0pwyihYKKhwPAaX2YVNWT803yXmbC7Lr1cWdqaqprBS+FJ4QQogik8AqE/rg0TRgVHX0hVHRcX1paAtCqCn0qsV56WkJsFaYYA4D77rsPQDNakyqG7ZHr6fRAk0ROrdHXyWvgrThe/aak0dijzuzsrBSeEEIIkSKFVyD0w6URl3WKjtvkojOp8OS7E9vNoUOHADTbLVWLX5aU1JkWHH53rvvJnVNLDxN0LywstOzLfU6cODHoaveMFJ4QQgjhkMIrCK/WTp061fiM/7OHTMXHcqrCtCflJ9XspaclRD+hP+/uu+8G0JwkltYHtsuSMq14n1030GrDLEr0efK6cRLbkydP9q2em8X/tt1Qzq8vhBCiaPTCE0IIUQQyaRYEzZMclkCzZfo/TRV+W5o6UvMBTQo0ae7YsUMmTbGtPPjBDwbQbMebMXuVDANYvOmX17FT4olhwwCb6elpBa0IIYQQKVJ4BcBAFC7Z+00VHj+jsuM2fnB5OkiVn0nhiVFh3759AJpKhIOvldi8N+qCV9IJoEeFXgKRpPCEEEIUgbo9Ewx7Y1RrHFTuhyCkZRyywB4ybfocsJumZuJg1JJCvcVow7ZIZcf2quQIWyO1Bo0K6YD5bpOC60klhBCiCKTwJhj2yqj0fHRmOnjUD0qnwvNRmqkvhP/zs0mZbkSMPxx4zjY6qUmjB80o39Pps0kKTwghhEiQwptAvLLz6o2fpwmhvZJjdBaXjL5M7ebsRZMzZ860RXUKsR1wjJaYXKjqVlZWun7uSOEJIYQoAim8CSHt4Wyk8KjScgqPvjsqO/aiuJ7ixzatrKx0bUsXQohhI4UnhBCiCPTCE0IIUQQyaU4I6RADmiX9kmZPmjTTkGOaN1nGIBWaKLlvarL0Js21tTWZNIUQI4sUnhBCiCKQwhtzclP9sIxKjgEnXM8NFGcZ9/UzHWtwuRBi3JHCE0IIUQRSeGMKFRcTQKfTdvi0YN6Xl4O+N+/DI7lpf6gY5bcTQowDUnhCCCGKQApvTPFpwtKUX37wuE+7U1cONH12PjqT0wOlkZneN2hmUntCiJFFCk8IIUQRSOGNGT4qM+eXoyrzCq7T+kY+Oyq/dLJX+vtYBz8uTwghRgkpPCGNFKdDAAAUU0lEQVSEEEWgLvmYQDVGNeWjKTtNj9GNX43HSRUc0D6BZnosn1hamVaEEKOMFJ4QQogi0AtPCCFEEcikOSZwGIIfUuBNkGkZlzRHerMly3Of0TTZzQB0mTGFEIMkfVZtJb2hFJ4QQogikMIbcXwi6Nw0PR6v6LjOABSquFSt1R2P5VymA9x37NjRchwFrQghBkGq6vzUZb0ghSeEEKIIpPBGlLphBjmfXV25n+LHpwdLB4r783FfP4idPsQc09PTWR+fEEL0Cyk8IYQQYgOsl7ekmd0P4LbBVUdMAJeGEC7whWo7ogvUdsRmybYdT08vPCGEEGJckUlTCCFEEeiFJ4QQogj0whNCCFEEeuEJIYQogp7G4c3Pz4d9+/a1lTMbCAAsLi62fOazfPj1tMzngNSYrvHj+PHjWF5ebvvhpqenw+zsbCNjApfM1gIAe/fu5bbDqKoYMeraTt1zR3TGByT6rEm57eq22ejYvZB7rvtcvr2+A+rajqenF96+fftwzTXXtJXfdNNNjf9vvPFGAMDc3BwAYP/+/QCAQ4cONY6RLoHmg47LXbt2AQB27tzZS/XECHDttddmy2dmZnDJJZfg6NGjAJrJsB/zmMc0trnyyisBNAfIi7Koazt1zx3RG0wawfSAnFszTSbhk9OzY8oXnE9EkSas8Mkr/Lp/mQHNzi3v+YWFBQDNjjDfBRtR13Y8MmkKIYQogr6kFjtx4kTjf/YaqPD8VDQ+sXGuTKbMySOEgJWVlbYk2OzRAVJ2QgwSupGo2nKugzpzp1drXvml22xkFu2UtD533H4ihSeEEKII+qLwlpeX28r8BKJ1Si/9zG8rJocQAlZXV9t8BPLTCjFc+Oytm+QZaH8G1ymudNoe7/erO296bF8Hnxi600TXm0FvFiGEEEWgF54QQogi2JJJk9I1N0eaN2F2Gofnw1Vl0pw8aNL0jm391kIMl9x8mB4+0/0znvcvx14zCC3dxm/LbbhP6s6qq8Ogngt62gghhCiCLSk8DkHIwTe0V3a5oBXvzNSURZNHCAHnzp1r9Bg5BGH37t3bWS0hRAavAtOMSACwZ88eAK3WPSq5usHrfF+kmbm4j3/mD8raJ4UnhBCiCLak8Pj2TUPLGVbKngF78p1ypOXS1IjJY21tra0nJ4UnxPiS+uA6+QRT0mFsx44dA9DuMxzUu0AKTwghRBH0ZeB5amdlSjFvA2Y5FV8utVguglNMFmwrbAcaeC5EWczPz7eVUekN2sonhSeEEKIItiSlqNq4BJrRPOy5+21yUZrs7ftIIDFZmFlDvdN3p7nvhCgXr/aWlpYADG4CASk8IYQQRbAlhceIO07mCTTHZ3DaF66zR8+JXznZK9D9JH9ivDGzRs+Nqj7N1CCEmDwYeemnBgPax2D7KYz6jRSeEEKIItALTwghRBFsyaR5//33AwBOnjzZKKMpkyZLLlnuZ0IXZWBmmJ6ebpgs2C4UqCTEZOPnusu5MWjm9MPaOs3Ztxn01hFCCFEEW1J4p06dAtDqYGSQCpccnuBTi6WOyzSZaG4bLn26MjE+mBnm5uYav+HBgwcB5AehCiEmBz7Pac3JWXX8dEO5FJR9qUtfjyaEEEKMKFtSeH6Qefo/e/J+Ilg/gSDQtNNyHw5T4D6aLmj8MTPs2LGj8fs/9KEP3eYaCSFGBa/+lDxaCCGE2AJbUnjeTwe0+9log+XgdNpocwML+XbnZz4N2aDSzYjBwyhNqvXDhw9vc42EEKPKoKL4pfCEEEIUwZYUHqdsTyPtqOw4noKqjG9sP9Ef0FSFPlqTvjwqSEVnji9MHH3RRRcBUNJosXVSi4/8/KIbpPCEEEIUwZYUHhVYmgiaCs6PvSA+IhNoKjf2+plgWlk4JgdGaXL8nRBbRapO9IoUnhBCiCLYksK7/fbbAbRO70O/HlUbl35cRRrZyf2Zb1NMHtPT09izZ49+YzEQaFHic4XR4N1MP0VLko8hEJOHFJ4QQogi0AtPCCFEEfQltVhqpuJUQTRT0qTJYQgMVkkDUmTmmnympqawsLDQCEgSYqukwxL8ECY+Z7xJk8OlgGaAnUyZ5SCFJ4QQogi2pPCYAPiOO+5olFHJMWSYPSz2pkg68NinEhOTB6cHOu+887a7KmJCSIclMHUhVV/dkAUG1YnxgL9rGuToyaWprEMKTwghRBFsSeGR5eXltv93794NoL3HxfX0rXzixAkATX8fU5UNKoGoGD5TU1PYuXOnJnwVA4HPE/rjeun1i9GFv2Pqi91Kikm9UYQQQhRBXxReal+lzTVVfUAzaop+upwtnYqOb3OlFpscZmZmcP755293NcSE081AczE+0DKYRtJ6hdeLJVAKTwghRBH0ReEtLS01/vfj7phSjMqOSi8dQ+M/0zRAk8fs7Cwuvvji7a6GEGIM8Eo9Xef/fpLxbpDCE0IIUQR9j9IkfOtS4dHO6ieGTT+j0htWdKaPHBWDReMshRDd4CcbSNf9Z70ghSeEEKII9MITQghRBH0xaR44cKDx/+c///m2MqBpPqRZKw1MoQkznQV9kHDoBM83rPMKIYSoh+8JvhMY/JimptyKa0QKTwghRBH0Rdrkpnxh6KgPUvEBKkD7oPRBkCaT5f9SdkIIMTr4pN+5AJW6xODdIIUnhBCiCPoicVJ/HBWdnyaIb2o/TAEYTrh62itQyjIxaaRDa7bSAxZiO+F7ganEctY4vls2k6BECk8IIUQR9EXhcSogoKme/OBxH22TRt3k0o31G001JCaZtH1rahzRb7yljuupNcHHafjneS7Rhz+ufxfQYpi+L7byntBbQAghRBH0ReGlb9z9+/cDaL6R+bb39ta0Z+ATTAsheiNVdbyPpPREv+Aznm0r5yf2EZV1Ci+nCn3EPM/DY+ZSUW4GKTwhhBBF0BeFd+rUqcb/tLkym4mPzvQ9Bf+/EGJrUNn53vhWku6KyYHWt27GIdcl2M/50TZ6jveizHh87xcEtjZ9nBSeEEKIItALTwghRBH0xaS5sLDQ+P/OO+8E0G7KpJmFKcdo8gSaElVDB4ToH7zndF+JFJoyc0lAPDQpDnvuUB94tRUzZoruBCGEEEXQ92EJ559/fstnPsVYDvVEN8b3tIToFgWriBydhgl4uhlEvhnqVKafTq5fif71hhFCCFEEfZ8f57zzzgPQ9NUtLy8DaO8JSM31hpSd6BYfys10fwxHX1lZ2Z6K9Ql+LynXzcHrxnaQqqfc9G1Ae2rIXPqwXoYw+PPVlff7PaG3jhBCiCLou8JjNA1TjPENnUZlAq29M/XUJp+1tTUsLi42LABicPheuvd/sLc+rqnHZO3YHD5xPxVeqqLqFJVPYsBjbGYAem4ybh6nm8jRTsfbCCk8IYQQRdB3hUd27tzZsmT6sZz/QD22yWd9fR0nT56UwhsCflxrLj3TOJPz4ekZsjFUZbS2bUad0VrAZc5KsJVUkZtpo71Eik7GHSCEEEJswMAUniedJFb0j3EZn7e+vo7Tp08PPWNDKaSZKHxWCn+tJ2X6oNQ3ye+ieIB2/D3nJ+nm+mYYt8T/UnhCCCGKYGgKT/SXunEyo8r6+npjTKbYPN4fR5WT833UZa+gL2dcmJqawtzcXMP/TxWXKll+V363Ub8fholXdiUjhSeEEKII9MITQghRBDJp9glvahpUyDRNmZxZPme64blHKZAlhIDV1VUFrWyRurDt3GBe3zZo7hu3wA4za7R3oD2xcApNvDR/MsXhKOFTvcn8Ojyk8IQQQhSBFF6fqOtVp/hUT+xps9ynX8vBgfz+mGmvnb1aP/nudmNmOHv2LABg165d21yb8cT/llxPFZBX+FzntR83QghYW1trKCO279RK4IdieCU8SkqP9yyX/F1G5T6dZKTwhBBCFIEU3hDYKISc6/Pz821ltPP7kHJ/rJxvx4efj4Jv79ixYwCk8PpNmrJv3Kf/qcP77NJ1n07N3w/cNlV626WoODyH1ppJSQQwDkjhCSGEKAIpvCFSFx2X65X6bb3S88vcJI5csufYTWTkINWfmeHkyZMDO76YTMwMU1NTbe06bc9USSyjT9NbV3LRnvShDVsZd0riLAaDFJ4QQogikMIbAux91vnuSGrDr1NyVH70ReTs/uwxcsnerZ+0MTd2a1CYGWZnZxv138xEj9tFLgKW13TckueOI2w7VGc5S4lXeF4N8vdK1VSd5WPYSm+UxstOOqP/tBFCCCH6gBRen/AqLudfYE+O2/ixe2lPb6MxdHWKD2hGrPmsJj4LTFrHQWffoB+G32dxcREAsH///oGedyt4dQ00fUDyu2wfuQlt/X3no5hzbd5HPnO5GYXnz6+Iy9FECk8IIUQR6IUnhBCiCGTS7BPeLJmmOso5zHP75MwtpM7kmJvjjNumQxXS4+fMrsMwwaQmzaWlJQCjbdLk9VFgyvYSQmikFwOaA7bTe4Jtmr+VTzWWSy3GfbgthyfkEsB7vAuDac9YR96Po5TSTEjhCSGEKAQpvD6TU1y+11mntFKVxW3pQOcg1boQ5lzAi08tlks0PSw4xQu/x6lTpwC0JjTWjMwiBwOe2J7rhvkAzfum0zbpcYF2C0zdfZILRPPnU9DKaCOFJ4QQogik8PpMbpog2vH9xJXez5BTaX6Atvf35RJC+zr4FGNkmL3QqakpzM3NNRQde+unT59ubCOFJ3LQOsD7yPvrgPaptrw1hes5X7dXZ+l5gfzwFFpe6lSnfHejiRSeEEKIIpDCGwJ1U/1Q7XRKmeQjyfyA9NwA6DoVuJ1pvKampjA/P9/4zuwBp8mk9+7d29hWCDI9PY3du3c3/L5pOeE9xDJaC+oiMdP/fZq4XpIKeEuMGG30ZBFCCFEEUnhDIO1VAu32/U72fk4K6yPH2Av1kZhAu8LrdkzfIKEfht/nxIkTAJqTYQJNvwjHWQlBpqenG23Hj8cD2iOeqei88ktVoR8z6yMuJ3Ui3ZKRwhNCCFEEUngjTqqAUnbt2gWg2RvNKT0yKomOp6am2nraaY+bPhopvCY+OtcnBveRhkB7VPC4E0LA2bNn2yIhU1+v99lxnaowPRbhtePYUPryeI3TCGIxGUjhCSGEKAIpvDGFvU8qvXRMnfdn1PnyhomZYWZmpq3nnfovOWXQwYMHh1/BESCX45T4rCAlRQWura3h1KlT2LNnD4D2MXZpGa0DbF+8P3LjY/k/rShsm7y3qCiVNWVykMITQghRBHrhCSGEKAKZNMcUP2VNuu5NMDSD+eERw8TMMDs726gbl6lpjiYqmjbPO++8Iddye8mZnL3psi44aZLNbiEErKystAXupMMGdu/eDaDdlMllLgUfr9nCwgKApmmTQSxcn5Rr65NW1CWZTz/jc8UH/4wrUnhCCCGKQApvTPFh2Ck+pVinIQvDhAmkgWYvOq0/lWipiXdzSYo9JQ6GDiFgdXW1LQgr166pSNiW2N5yCdTZzqheqPQYtMIAmO20jPQTfl9vZckl1GYb5HMmN0n1OCKFJ4QQogik8MYM9lhJp0TLuVDs7cZP35L6qNgrFyIlhNDShtmu07bv7wOfJoxKJW1vVG7081HpMYn50tISgGZChFG6jzZD3f2Vqjavonltxl3ZESk8IYQQRaAu9ZjgozJ9aqkco9gj9ZF2ac/c+x7pc/AT5YqyMDOYWcPvS99amoKu7n7waeqoWAC0TUZMhcdyH/HppycaN3xqtty0YZOi5OqQwhNCCFEEUnhjhu+B5SL6cmPcRgU/IWf6ffgZlZ0Unkih8uIybRc+IpltxyeaTv1YVH+MfGWUJpWkH5837gqP8J7zVqMSkMITQghRBFJ4I0DObk7l5scV+Wi03PgY9nJHeXqYTtMa8bNRrr8YHiGExlg8oKm4UrVGVUa/GxUf1RvLc1MK+Wws3MdHaXJ7YHLG5pWGFJ4QQogi0AtPCCFEEcikOQRoRqGpzs9P1ym4xIcSexMml2nKqXE3BZboTBedWV9fb7Rxb+YHmgEoNG3m0mYBrfeGnx2d2/pE1JyHj6ZUADh27BiActPgjStSeEIIIYpACq/PeDWX/u+DU6jsOg329Pv6ffwg7XGmbmCsKBumFvNtP71vqMZ4HzABNFUbl51S8bH9US1yeqrcPcbjnDx5suV8arOjjRSeEEKIIpDC6zM51eYHv9b54XKToXY6LjD+08X4ZNhC1MH7hm0+lyaMSotDCbitH3IAtKs9+gTp02MS6Rx+mJBXfGI0kcITQghRBFJ4fSbnw/O9QG/n91GbKT6S009kOYoJonuhk/+yk79FlItXekAzOnNxcRFAU6Wx3KcaA9qjgana/OSn9OWl2/t71rdjKb3RRE8UIYQQRSCF1yd8bzGnXKjSchNYdgt7qooGE6WTpvdiZKX35XHsHNOEMZozZSN/OZNIp/5mP7my98N7ZSlGAyk8IYQQRSCFt0V875CqrVNCaMLeoF/m9p8Un50Q/SK9X6ioOGUQ16nw6FNL92GUp/ete9VG315qxaFfz2/rM7w88MADjX10724/UnhCCCGKQC88IYQQRSCT5hbZikmT67n56/yccDKHCNFKer/w/uBQBS4ZxELTZm7+xbrhQgxSyd3LDJI5cOBAS1286yE95vHjx1s+E8NHCk8IIUQRSOFtEfb+/LCEtGe3kVrzwxXS/8d9qh8hhgGVmx8GwOAVBp6k9x7vXSo5b53xyi+9p/3UQkxD5rfNqTkpve1DCk8IIUQRSOH1Cd9bSxVfnaLLKTsiZSdE9/jE7D5ZNJepP84PFvc+Ox7TTzyb7sN7m8MhOEidirPTxMycRFZJJIaHFJ4QQogisF6UhJndD+C2wVVHTACXhhAu8IVqO6IL1HbEZsm2HU9PLzwhhBBiXJFJUwghRBHohSeEEKII9MITQghRBHrhCSGEKAK98IQQQhSBXnhCCCGKQC88IYQQRaAXnhBCiCLQC08IIUQR/H/+1jNAJN80rwAAAABJRU5ErkJggg==\n", "text/plain": [ "
" ] @@ -1241,7 +2248,7 @@ }, { "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAbwAAAE9CAYAAABwXNeiAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMi4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvIxREBQAAIABJREFUeJzsvXu4XfdZ3/n9naMjHUmWZVtYsmzHdm5AEiYZZqADpUyAB2hIuXb60BRoG0gGKLRlSpmWplwCpBRoIYEWAsMthYb04X6fEAoNl6YUOlASLomJbcmyJNuSLNm6HUs6Z80fa3/3fs9nvb919lac2O75fZ9Hz9Hee63f+t3WWu/l+75v6bpODQ0NDQ0N/6Nj6enuQENDQ0NDw4cC7YXX0NDQ0LAt0F54DQ0NDQ3bAu2F19DQ0NCwLdBeeA0NDQ0N2wLthdfQ0NDQsC3wjH7hlVJeXUrpJv8+PPn95eH3Tw3fv6WUcuQ6r3mklPKW8PmTwjX87+FSyq+WUv7SdV7jc0spX32d575+0ocdWxx3D/r85KTfv1FK+b9KKfuSczaNfc7+vLqU8iWV77tSyj2LtPdMxGQ/PfR092MRhPV/9dPdlwyTOeV9lf37pKfoev+hlPLep6KtSXtfU0r57OT7byulrD1V1/lAUEp5RSnlJ0op95dSLpdS3l9K+TellANznn+olPLvSimnJ+f/l1LKp3yw+/3BxOhD8xmE85L+tqSvx/d/d/IbH97fIum7r/NanyfpieT7fyjpDyQVSXdK+qeS/mMp5WVd1z2w4DU+V9KnSvqu6+zjIviXkn5R/VoflPS/S/pmSV9VSvmrXdfdG46tjX0Mr560/SP4/lckfbykk9fR54YPHCfVz/99T3dHKvgWSd8fPr9W0msk/RVJ6+H7P3uKrvd1kvY+RW1J0tdI+mX191bE90r62afwOh8IvkK9UvNNko5I+sjJ/z+9lPI/d113uXZiKWW3pHdKukHSV0s6LenLJL29lPJJXde964Pb9Q8Oni0vvJ+V9EWllG/oJpHykwX5G5J+Rv1Dd4qu6677Ju+67o8qP/1513W/5w+llD+S9BeSXiHpzdd7vQ8B7o/9lvSzpZTvlfQuST812fidNDr2hdF13SlJp56q9p5KlFKWJZWu66493X2ZF6WUFUnXujkzRXRd96Sk39vywKcJk3t0ep+WUl4x+e9/nWddSim7JmOc93rvX7yXi6PrumOSjn0orjUHXjO5D43fKqU8IOnX1Au3PzFy7heqf0F+vJ8fpZRfUy+AfJt6wflZh2e0STPgxyXdrV76Mz5Pff9/hgfTpBnMO19WSvnmUsrJUsq5UsovlVLuxLnzmvWsCa2Ec28tpfxAKeXeUsqlUsqxiUnhjtg39ZrpHcFscwRtfN/k3Ccnf3+8lLIL139uKeVXSikXSilHSynfUEqZaz27rvsLSW+Q9FJJUxNFNvZSynMn13940p/7SynfPfntnZJeLukTwljeOfltYNIspayUUt4wuc6Vyd83TB7mPmaRtXpVKeU3SymnJvPwR6WUv8vxTtr7F6WUr53c8FckfeykD1+VHP/6yfrdPM98hvO+tJTyx6WUtYkZ6IdLKbfgmL8/MQ09NhnX75VS/hqO8Rx8RSnlO0opJyQ9KemmMK8fV0p5aynliVLKiVLK95RSVpM2Xh2+e0sp5aFSykeXUn5nMsa/KKV8eTKWT53M51rpTWGv5X31oULpTXNdKeWzJn04I+no5LePnMzDkdKb3e4rvdnuRrSxyaQ5Oa8rpXxxKeVfTvb32VLKz5dSDm/Rn4clHZL0mrDvv3/y2yaTZilldfL710/237FSysVSyi+UUm4ppRwupfzsZB2PllL+UXK9F0z6f3qyHv8f90wGvOyMP5j8vSP5LeLjJJ2LwnLXdeuSfl3SXymlfFjo39eUUt47mf/HSim/X0r5zK3693Tg2aLhHZX02+rNmr8z+e7vSPo5SRcWaOefqddsvkS9ee87Jf17SZ80x7lLpfeb2aT5rZIuSfqlcMwtktYm1zkl6XZJ/1jSfy6lfGTXdWvqTTm3SvpYSfYBPClJkwfsuybtvEHSuyf9/BxJO33cBD8n6UclvVHSZ6k3VRybfDcPflXSmyR9gqTfyA4opTxX0u9PxvkN6jXauyR9+uSQr1A/f8vqzR3SuEn030n6fPVz97uS/rKkfy7peZK+AMfOs1bPk/TT6iXODfVS5w+VUnZ3Xff92oxXS7pfvSnq4uT/Py/pSxXM36XX/l4j6Se7rjs7MpZNKKV8m/q1/h5J/7f6B8obJH1UKeUvTx4WknSPpB9Sb2LaoX7tfrmU8hld170dzf5z9Q+oL1U/x9E39OOS3ibpr6s3Xb5e0llJ37hFV29UL9m/Sb1p+4slvbmU8r6u6/7TZCwvVm+S/n1Jr1K/975e0n718/x04fvV329/S5Jf7neoX8uflHRO0gvUz9v/pPnu62+U9Fvq98cdkv61pLdI+qsj57xS/YP/d9W7DCTpkS2u81pJf6T+PrlT/X37Fkm3qbdgfZ/6e+C7Sil/3HXdb0pSKeV5kv6r+nv7H0o6I+mLJP1iKeWVXdf92hxjjHj55O+fb3HcunrBkHhS/TPwJeo1xteov59fL+m/SNoj6WXqn2HPPHRd94z9p34Tduo38Zeov6FXJR2WdE3Sp6nf1J2kTw3nvUXSkfD5nskx70T7XzP5/vbw3RFJbwmf3T7/nZP0yi36vyzpOZPjPw/9eyg5/pvVb7SPHmnz9ZP2vhjfv0fSO5Ixv7bSzq7J728eGfuPqRcobh/pzzsl/e7I2t0z+fxRk8+vx3FfN/n+pYuuFX5fUv8C+UFJf4zfOkknJO3G917bTwzfffbku4/bar0w1+uSvgHff8Kkrc/dos/vkPQLydr9oXrTazav34Tvf1nSvUkbr8Y4OkmfjH1wRtL/E777CfUC257w3WH1L9wjtXn4QP6Ffb0j+e0Vk9/eNkc7O9T7xztJLwrf/wdJ7w2fP3JyzK9V9uMtW1znYUk/lHz/bZLWwufVSXvvkbQUvv++yfdfE77bqf4ZF+/Jt0727n5c57cl/d6Cc3yTejPyf499qRz71ZP+PQ/fv0vheaZeeHvXB2NPfDD+PVtMmpL0U+pvzs9Sb19+WBXNZAS/is/vmfy9a45zv1K9Vvax6iW8t6v3gb08HlRK+XsTs9YF9S/lByc/fcQc1/h0SX/QzedL+xV8/hPNNw6jTP6O+YQ+XdIvd113YoF2a7DN/9/je39+Ob7fcq1KKS8spbytlHJc0tXJv9cqn+u3d3DSd133TvU+iS8LX3+ZpHd3m/2eW+HT1L+83lpK2eF/6iXz8wr+jlLK/1pK+eVSyiPq98fVyflZn3++mzxVEnD936P51v9SN9HkpKmv716c+3GSfrXrukvhuJPqH3ajKKUsxzkoc5rZ58TPJddbnZgL3zcxJV5Vr31J891z2TxKi91L8+AdXddF7djm1amG1nXdFUkPqBeSjVeo12ovYm+9Q71ZflVzoJSyU70WfEDS30JfMvyYeqH+x0spLy69q+X1ksxM9/l/IOl/K6W8sZTyKaXnVjxj8ax54XVdd169CepvqzdnvnWORSMew2ebCOfZNPd2XfffJv/+X/VmlfslfYcPKKX8A/WS239Ub2r6S+ofHvNe44Ckeenv2Vjm2vwT+KYaY1Eu0p+tYBMHr/cwfjdG16qUcoP6B9vLJH2tpE9UL4z8iHrBiKiN882S/kYp5UAp5W71DxiaQ7fCwcnf92v24vW/fernUaWU56gX0m6R9A/Um3Q/Vr3wlK3d2Npk85ONm8jMtNw7hyU9mhy3ldlO6scXx/8Nc5wzL7L5+E71WtlbJH2G+nvuVZPf5rkfPpBnwiLgvF8Z+d57fFn9XvlSDffVt6h/fm/pZ5608xPqORCf1XXdVuZMdV13WtL/od7M+6fq98Or1Jvppdla/KB6U+snqn/uPVZK+akCf/szBc8WH57xY+olsiX1L5ynDV3XdaWUP1evcRqvkvQbXdf9Y38x8YPNi9Pa2pn8VMFO798dOeap7I8fLLdpM1X+Nvw+Lz5ePZHpE7uum46h1OMTa5rSj6n3w7xa/cPjknoz0iI4M/n76cpfKP79Fer9YJ/fdd1UkCil7Km0+3TV7jqp2Us84tAc536ZNocJPRXWASObj78p6Qe7rrMvTZFQ8WxG13XrpZTH1T/z3lg57PRYG6WUol4I/GxJn9N13e+MHY/r/+bk+fVC9Rahe9ULMBck/fHkmA31oRjfW/r4vleoF0LeqqHV5mnHs+2F9+uaOKe7rvvTp7MjE1PNS7SZer9HQ9LGFyenPykpU/3fIenrSh/b98dPSUcTlFJeqF4q/iP1Prga3iHpr5dSDk9MWhme1DAOMsNvT/6+StK/CN9/4eTvWD8y+CVx1V9MSD+fs0gjXdc9UUp5q/oH9Q3q/USLxiL+unoTz11d1/36yHFZnz9cva/vmRTY/nuSXllK2WOz5oS5+AnaIq6y67r3fQj6J2n6MN+tMJ8TZPfcU43aPfxU4+3qrRjv6RYIwwj4t+rvsS+YWKYWwsSkfq8klVL2q+dS/EjWl67rzqg363+CekHkGYdn1Quv65luT5dm96KJX07qWZZ/R9KLJf2TcMzbJf3TUsrr1DPcPkV9rCDxZ5JuKaX8PUn/Tb2T+z3qpbgvUB/Q/gb1/oQPU/8Q//KJWXdRPK+U8nHqCTS3qpe6XqNeMvz8ER+R1DPYXinpXaWUb1VvsrtD0iu6rvuiMJavKKX8TfWa2/nsodd13Z+UUt4m6fUTLexd6rW0r1f/knkPz9kC71IvXHxvKeUb1QcVf91kXPsXbOv7NPPj1cyZu0sp2Vq+v+u6/15K+XZJ/7aU8hHqWX9r6s3Gn6ae3PCf1Jt8rkn6sVLKd6o3HX6Tej/vM8m98Ab1+/bXSin/Wr2p9OvVmzSfTpbmJkysLO+Q9NrShxwcUf+g/V8+BJf/M0mfXEp5pXpz36Nd1z24xTnXg9ep9wW/s5Tyfer3ys3qQ4pu77puEFJiTO6Lr1C/px+cPAeMR7pJwozShzxdlPQDXdd9ZTj/X6kXfs5I+nD1yTYeV0gAUvowplOT406pJwO9SsE3+UzCs+qF9zTje8L/z0p6n3qp6W3h+29Wz4T6R+rt8L+lnt58P9r6IfW+vW+dHH9UPZvx3EQ6eoN6v9QB9Q+Z31ROEZ4H/2zy7+qk33+q3izxw1u9QLuuOzK5Sd6g3ux3g6Tjkn4hHPbt6skBPzT5/bdUp4O/Wv1cfIn6l9OJyfnftOiguq47VUr5PPXmk5+etPXd6n0eW1Hz2da7Syn3Snqi67o/rBx2i3riFPG9kv5+13Wvm5i4v3Lyr1NPJf8N9eEc6rruT0spX6h+n/yiegHha9WbgT5pkT5/MNF13Z9N4rz+lXqLynH16/QK9ezPZxK+XL0W8+3qX8a/pF4Y/c8f5Ov+E/Uvkp9Wr+n9wKQvTym6rru/lPIx6lms365eAD6tXhjeKgTpMyZ/vzzpW+xvUS8QL+OYw+qfe7eq97X/jHp2cLSA/K76+X61ekvPCUk/rOu4pz8UKOMCfkPD//iYaGV/Lun/7Lruh5/u/jwTMSEJvV/Sr3Rd95qnuz8NDdeD9sJr2LaYMMleoF4afYGkFzB0YbuilPJv1JuNT6hPoPBVkj5a0sd2Xffup7NvDQ3Xi2bSbNjOeK168+696s3T7WU3w6p6E9oh9eb031ef3KG97BqetWgaXkNDQ0PDtsAziRnW0NDQ0NDwQUN74TU0NDQ0bAu0F15DQ0NDw7bAQqSV1dXVbu/evc6arZ07d0qSlpZm780dO/Im+6QIOcZ+y37P/I7zHFMDj/XnrF/+bqv24+88dqvxZu1sbGyM9nXselt9n/WpNgdZ35eXl6d/H3vsMV24cGFw0P79+7tDhw7p2rW+tueVK31YoceV9c/7yu3z+7FxLDLHtetfzzHZetTmkMeO7S3+9lSOb5F7Jbsux+E1XV/vKyJ5zeN1/JxYWelLIY7tnX379nUHDhyYrrvb819Junr16qZrsk9j63I9PIatzp1nna5nDWvw3MQ22f7YfUNs1bds3LUxx3t8q3P5OWvTzwN/t7y8rCeeeEKXL1/eckIXeuHt3r1bn/zJnzz9fNddfULxm2+e5S+98cYbN3XGL0UPmoOXpD179mw6x4gDkmabOb5UvdE9MT7Wn31TxLZ54/BYX2fs4V57aLlt9yv+3+3GF0T8Gzckb1y/INbW+pJofKj4bzYOjm+ehzLXKXv5eB3czuHDh/XGN+Yp/w4ePKg3velNOn78uCTp2LG+KPT587PYd+8V44YbbpAk7d/fJ07xw9F/4znsX+2GjWP2OR4rP8c5NfgdP/vcuP58CXOPcK7jHLNP7r/nIHvQ8bq8Dvd/HAOPmedF63MuXeqLK1y+3JNdH3/8cUnSmTN9KlHvXUnau3evJOk5z+lzmB86dEjf8R3TPOybcMstt+h1r3vd9Dlx4UKf8OjBB2eJTU6ePLnpGj6GglX20vUxHjNf1JzrOA+cY87T2IOabfk6cT14jxnum/u0a9euTdeI/+d94zZ9nXjfcX/VnoXZS8tzwLE/+WSfhSy7r/yd18B98x7y93FcN91006ax79u3Tz/zM4M64CmaSbOhoaGhYVtgIQ2v6zpduXJlICFEjasmRRpjEimlGUqXmbmUEjCliEzS4rG1v5lWmEn90lCzHDP9uA23ye+zPlA78O+W7KL0PCYxxnMtPcX+U/vgemUaunH+/Pnq/HRdp7W1takW8MQTfXYiS3+xDzVJ2H2J+8DfWUqllmhk/eb887MRx0SNmlIttXhpaGXg+vD6ETTn8lj/PnZvuI/UCgxL01n/eU9GzXVeZPPq/Xrx4sW5zvc+j4h98fpSa/UxHk/cB+4D9ywtIGwrombxyVCzWPEei2tOM3G0bmRtx/H52Frfsv3G56bns/Z8i21yn4+9Jwy362cRNUw/H+J14nNL6q0F85qlm4bX0NDQ0LAtsLCGd+3atVENgpLW7t19BQ1KE/FtT6mcUozbyjSv2DdpKImM2Zop9df8F9mxlOiJzN5PiZF9jedQM+YcUPLL5sTzWvNRxDF5PWrj9Pdx3TL/Ts13trGxobW1talfx1pFXB9qS4T3xerqrDan/+99Rq2ppilnx1ITyfzOljjdV2sJNcJGBLV0Yx4JmHvSf635ZJptzSfJvkbtyXvF33FOrKHH8dWsAWMEIl/HPtzLly9XrQelFO3atWswb9E6wHuLvtRMm/Ee3Eqz570Y2zdqPIO4ptTWa/f/GGmJf2n9yvzyfN5Qa4tjId+gprVl1gL62zhHmfWD2hqv5/HEtfZe9x5dhPzTNLyGhoaGhm2B9sJraGhoaNgWWDh5dNd1A+dqVGtrDniq4jZBSUPTG00INDVGcwr7UgsXiKo+VXujFq7A/2dt1MyW8f/si8dLEzHPzz7T7JuZGklL9vd0EMf2SQwZi33inK+vr1edxzZpRnJNPDf2gSYK98V7xuEKUk9JlmY092xP1r63OZSmFpt1SDWXZiY9ki0yin8NNG0ZXKf4HX/zPWOqfryfOHaaGkkTj2QMmpgMj8vzHYkuNkt6bT1HNYJNvI7DBy5fvlzdO0tLS9qzZ8/gfol7sWbyp3ktmtlqoVLebzUTYPzOf2vknjgm7zf/ZZhA9uzks682RxnRy3ske55FxHmk+dvX5bOZz7RszB4n58ShaxF8bs4TTxtdBPOaNZuG19DQ0NCwLbCwhldKGUgKWbaMmsPckmgm7VlqtARKqZY013iMr+v2Ld1Y2syo7JToKV3E69ScwzUiQEZhdl/tbKVUGueEJBGPh7RgOpHj/xnMSal3zBlPWrr/Rg3NY/S41tbWqsSDjY0NXbp0aZQYRM3Ha2mJ0AGn/ivNNA5rOm7X0iXJF1moSc1x7n0Y9wHXwePxvPicjLRUI3Vw32WELo/P1+O4o9br89keNTxfN64pyQo1mn+8HucgIyTF68e5iOSf2t6xhscwgswCwz3u+eGaSkMNhJR4Wm3imtbCrng/xrnl/chzMsybWcdzEglI1CB572UWBf/GfVwLocr2KvcXn53xfqplf+G9EklZnkdbdRbJINM0vIaGhoaGbYHrKgBbC5yW6nRtalXRB0B/CP0gfINn1FtqJJbeMv8B++BzrA1SqonHUIqpBctndGT63Wr5MaVZOi1qxL4uJb6oUXoclGrdd1La4/99bC3gNPqKsrRtNZRStLS0NNA2snWx5HbgwAFJfWqp+Df6ACzBU5Pz+tO3l/lwSCnnuDJtjWvq/Z6dU0s3VQtAH0vfxTAEjzPuNx/j37ju7qv3TAzzoCZX01yjZuM59r6jX/HcuXOSNmvS1JCj9k9Ywzt79uymvmVpwpimkNpn3L8MeuZ9McZVoLZZCxcas4gQ9JtzDuL1aA3JeAAeB4PWfS592LGPtHrZolDztcX2uT7UguN+876iVsi5ivvb61WbxzE0Da+hoaGhYVvgujQ8vsEz7cJvX0sXlsotbcZzaOulr8FSWWbPtbRQY+f59yhdWgqklOJzLZFGqSJKJXF8tQD0KK3W/D4elyWgqLlYw7Nk5TYcuM25iNezJGwN1uOhlJ5Jg/bNmD1HFlq8TqbNbsWqohQb+0DNzvPh76nFRTDFmD8zuDj2P/NhSTPWoS0PcW2ZIJlpu/x7lgCa+40SqvdH7A81KjL8sv1HaZn3JBl3cc3o/6U1hxo//y/N1onadZYeysdcuXKlyiJ0QgP6uqKFgj6lWp/iunDdM205ImM1c/3HWIxMiMznHZ9lWTu1ZxaDsaXZc45WL3/P55I02zu+/+l/8/1DC1ecC9+3tH54bmIf+Rv3ZqbF+fzMB7kVmobX0NDQ0LAtsJCGZ1u6JV++7SP81jWjzpqDv3fyYGn2lmd6JLc/lnrMkohRY3hm0qV/o5TGMUQwLVkmyUmbJR//5nFYa/Nf9yf6FxhrRFu3/1obitezr4t+H2t6lPzjuLxelgatUdZ8B/E6W7HN1tfXB+mHLG3GfjJNGH0PmcbFvciURNleraVp8v72Ho3WAbcT9292vYx9Sm1pq+Tl0pBhaVBbj+f4etR2/ddz5nsnStzUUOgb91rEdSP72H3z/rbEH3319DOPwXuHPrVodamlYGOcZhb36b1PLZD+ubj3vf703WVsUMPPQJ9bS+Y8T1Jn95W+y7guvo94rJFZzDiPfFbWGJjS0P9HK5XXP16P1jvPJ/2+8Z6n73HexNFS0/AaGhoaGrYJFtLwlpeXtW/fvqlEl0lnlBD8NrYWR4aYNCsgyywftdi3KAFZA/FvllqpUWaSiPtGyTrLTEBfCiVuSnZR4qbk6GMoaWfsU/poKGFZWoySHX2FlpYYHxUlbvfB7VsitnSe9ZHS7Y4dO0bt6V3XTcfsuY/xXJm2Is3Wy2sd4eKitXhI+gaiVus5Y8we/XQRbpe+1LFMOx4jNQVqo4wDi/2uxX1aQo5zVvPDeTwe34kTJwbjM6ht098UYyGpSVADo88ojjFj6xJOWu9nh58H1hzi+D1Wz7n7mTFg6dv0OfSHue24H+h/93V9rxlRq+K96/uP+yxjBTMJdi3JezyXTMcaczkrOFvLbkVmfizgXIvPpg8xWkdYwNbWKT7fsnuR9/o8aBpeQ0NDQ8O2QHvhNTQ0NDRsCyxs0rz55punarvp79EEw+Bgq9WscB1V78cee6zvDIK7fQxJLdEswfYYsJ0FytqUQJMsHaiRtuwxuj2akjwXRjTV0dxKh32tPl/8zeeSSu218LxLQ7METbSZ2dXwOnk8t912m6SZOSKaQRlaMJbElbRyUuSloWOeoRg+P5o36NwmKYYprKJJ06adSBaSxusvkjREc2SWjMHjYmgLzUb8PvbbY/f4vA9sUsqo5R6rz/H3nk/fd3E+fQxTljGc5OTJk9NzmM7P9yDNjFlC9Sw1HtF1na5cuTIdh68T7zE+i/z8IQEqmk5vvfXWTddxu7WUXKdPn54eS1IH09Nl4SlGrZaez4mEF4/DY/W82VR76NAhSUPzsTTbGx4PU/V5H0T3EkPOasm43Vbc00zy7r74Psueld577qvPsZsrq2c4T4L2GpqG19DQ0NCwLbBwWEJ8o5NUIs0kDzsh7RgnfTyr7u3vLM3ME2BIp7qPrUnv0kyyZZCjpYksmNuSCNuztEEJL0pptbRTDI7OShi5fVL0PUdjpVd4fZIZImqVuk0KsTQcpUGGjezevXtUw9u5c+d0rO5TlpCXZAtqZ5G84vao0VECJTElHuM5rWnREf6NScLd56yKeC1FFQkoWQICkhR4ncyCwarsJFR5DKw6Ls00fM+NP3uNreHHfXDw4MFN7dkq4L9eo6hJeq49jvPnz1cl91KKlpeXp8e6D/Ees1bp+95/SUzLSotRO3c/mXQhElJ4DNdnrDxQrZq8STjxGeN2/Vz1OlgDsmWHKfbid+4/n4kML4vzwxJP3rveKx5n1Ch9rvvIxPOZxYTaH0lRbsvPbGn4PBtLPE40Da+hoaGhYVtgIQ1vx44dOnjw4MBvEinKlgQohTEZaSbNMeEzAyaZ2Di2y9ACFkSMWqglHNKDmcYmS0PExNOWVBmgnQVDeny8Pn2X0kza89xSoqdvIF6PiW392VKSpfbozyJlmkmymf4oHhtTZdU0vGvXrunMmTOpD9egP8c+E89x1m/De8XzRol+LGE2QzBocYjazKlTpyQNtSNq8VEiZYKBWoKFsTIntcKiHkO8n5jYmmFElso9n5kfhn5UattxThgu8uCDD25qy8dGjYy+aWuJGa5du6bTp09P+5slBHjRi160aewsZ0VNPI7Rx3oufY6fC9R2pdm6Uwukjy3ep57LD/uwD9t0LO/L6Cf3b74XrNkxcYP3cHyG1RJZuy23HTXXWniNx+m+ZXuV/mzPOYP+4zzSeuO96Hvm9ttv3zSGeGy8n1oB2IaGhoaGhoCFNLyVlRUdPHhQ7373uyXlzCBLGH6L18rL+60f/2+phamRLC3R/yPNpEZeL2NlGZYWjh07tul7S15ZUmxfkyWE7OMy84g+xTgOsqRqxRZjv90HaxaeAzLiInzkhQ5jAAAgAElEQVRtpjDiPMfAYx9LaTwm9yXo85wHhw8fljSbr6xAJgsC+9hME/dc2sfoz2RERkafwUK49LF67Jm2bqnYbVha9pxEKZ3tkgU4VuqJFgwGRbOvsT3vVUrpLDEUJXwyeQ2f4/mNTDtq077uo48+KmmYfEIa+jP37dtXDT6/evWqTp06NdBUzFCM8JiogWcWJWq+/Es2d1YImCxWHpsVZmag/iOPPDIdp5T7q3yveq3IQvXfaP3wse6r9wjLosW9Q26A94FZubxnsgQb9Nl5DbIk4h4rfd8saRTfMbz2POnpjKbhNTQ0NDRsCyxcHmhpaWmgoUQJwaBEZSnP0mcmkfqvpQlLPmZ7ZZoENR3GGEUGmnHnnXdKmklD/mwNzxJQjLux9GWNzp8t6VKaHiuZw5gqss/i/6kxs9yS23LfIzznngsW2rW2FcfjYxmT5M9RSvfYIxurxrRzWjqyvDLfo+F1YL+jz9hSPv0iNeZb9OExztPSLNm7MYWV55RxppZemf5KGmpATKY8llbL+4qlXGgNyWL3fC8wobqleJ8b59N98rleA7efsQF9T7BkTOZrM9yHyKId88Osr68PUlRFrZ0cAfqGsoTT/r/H6Pkh4zMrHstk615TH+t7w5aZ+H/6Dj0/nq/4zIp7TxoyyL1ejGPLruNzPG9kp0sz1qfP9bHPf/7zJc32hdc8PsfJgSBLOEsN6fOtjXq8Hofnxr5LabZuDz/88HRczYfX0NDQ0NAQsHAc3q5duwZsw/h2rbElyS6LmoCPtWbnYy1V+Fi/5SMrzFIlE/SOxezQp3LHHXdImmkJma+IPiHGio2VC2KsHstk+Ngonfn/7oOlULPZfD1rwbF/PsfamiUsSodRkvT1sphAaSZ9ZgmcvS7nzp0bzYLgMi+xj1Gr87zQB2VYmo4ZMvydJUT7OjxPnhePx/MlzRhg3hu+vqXMjBHLsjOZBUHKNTz6UjwHZD5mPnGyJZmYN8477zVmrzCy2ESP7/3vf/+m6/t7Wz0y1jOzz3CtY3yh5zomlR8r87K0tDSI/cqy/nhMZE/6nOjztpbisfk3r7fny8+lWIqMvm4yrd2PaEWhv8p71uNwf2K8IkvheL+TBZoxYZlhhdmhmFw6fud97fvdlhT31eON4/PY77rrLkmzvXLfffdJmt3PcR8wObbXyePzeOI9aO356NGjkvoSaWNWkoim4TU0NDQ0bAsspOGtr6/riSeemL6p6fPyMdKwVDz9CfGNbOnMEhWLGT700EOSZtJElPCPHDkiaSYpsMgpbezSTDp3e4y3yfxwjGmhpG+QXRTHbDA/nMcZ82GSxWiJ21KUC7/6nOhv9PXuvfdeSTNb90te8hJJM0k207IZ1+VxZwU7rVXHrCljmVZWVlamY3U7UUMic8/z7/56f0Rfisfq2C8zA703yejKiquSwem9Qs0v66P3l6+Xlb9y+8zHSh+iET+Tteb54hxFv4i1cfrLGUPKjC/S0K/D3KTWio8fPz49h/GxlNpZYFUa+gjX19erGt7Vq1f1yCOPDCxLce/Q5+y2mJEkWg18jNebxU7dN7O543PO972/o0+fsbDSjItAv5t9e967mS+frFAyiLO4OK43faBej3jP+ln7h3/4h5v67Hlzf6zxPfDAA9NzPdecR8899500s8QwXpY5YyOYBebcuXNzMzWbhtfQ0NDQsC3QXngNDQ0NDdsCC5k0NzY29OSTT07Va6uo0WTHatE2fdhha/NUNAV+1Ed9lKSZSmzznFV8m+buueceSZvNhSwZZDXe5kqb82KgrNV0m/hssrB51H2LZlcGknp8HhfNVfFcmyGYQJtlVSJZwaZZz4lNSZ4T98fnRFONnd8+luVhbGaOAcfuP02aNKXF0BCbFDy3NO8Sy8vLU1OM+xvP8bX9lwlkMxMcSx0xRIZJZW0Kjr8xwQGvkyW79dx6P9vM7r0b++h54jjcFskeWcIDpmliH6O5zcfaXESTpteSY4l98B6ppfeL68Z9XTNHZWFF3r9Xr16tmjTX19d15swZ3X333ZvGGolacc6k2XqQiBL3g8kVHr/NczZxslJ4RmLzWH3P3X///ZJm8xbH5DUz2cJz6fvH/YjX8fPF97/n1M+UWhKLeG2buD1e7rNIRHvve98raeYiIOHI17EZNj7n3Ef32ccwOUY02bpdm0h9rufT+zDeTz7f4zp37tzAbVRD0/AaGhoaGrYFFtLwSilaWloaFObM3r7WhCyJWJJzCIC1LGkmjbkdEg4+5mM+RtJMaoqakCUCSy0s/GrJIRJQTE1n+Qwmk47XYZiFUSOzRInDmoP76j5ZAqdDOM6J233pS18qaSZ5ZeQIw+vzER/xEZvmwvPn60TpkynTYkLoOJ5IGGJg64033jhKD+66bhAuMqYJGbUkyLG/DmFhyRVKl5E44eswXMNjyNKqeaxOVsASWXHPGNYG7Lwn8cjwmkb6O4PuGZjr8UQij8dM7cxrzHCIrGgoCWQsXhw1JWqqbtfj8RzFlFlxz0j9nNcIT8vLyzpw4MD0On7uRPKD++O5pnZLIoU0ew5YE/HYSO7wfMW1sFbmtfS8WTPJEh0wsYHnyVYBXz+S1wxqdD7Gz0qmWIzj8z1GrSxLxu7x+BlVC7/wGsT7y9fzWvgYf+/rRusAQ2ZsdTJ5xn3Mysm530888UQrD9TQ0NDQ0BBxXanFLLVYUom2dFKSoyYnDdMaSTMJgFqabc4s+RG1Aia1paZFaqzHENthORjSeWM7DAT29SyJZPRnS4YMXidtPJNYmSzYmgznOV7PWhj9jSxemmnmTKNE316WXsn9v+GGG6olbhyWwEK9WfkUX6OmxcbPLPtTS8ycJfU2WALJ+9pzGqV0X5sBzhxD/J5aGfezfdOUhKWhtMzxuu2sj0ztxPR+3GOxj55HBilTS4lgOiiuRdxvDF8aC0vYvXu3XvziF0/3g+cp9oHWGs4BUw5KM/++7136Q3nfxHvMx9IP77nNaPIMyLdm575xfaRh0VZ/5vp7DFnhaZbe4f0fw3J8vp9jPsYaPu/beC/6GF/HzxQWy419ZAFjWgesOce9wcTgFy5cGE14EdE0vIaGhoaGbYGFNLyu63Tt2rWpdMEgXGkoRdjG7M/0eUmbS7VLM4nAb3BKUVHLsETHlFhMshulM/fJUhEluqwUPUuH2IbPQrAeQ8YkdbtkZ3k8USpkWqhaUDY12dgHSz0sFkmtMZ7D8h8el7+PUjXXdCw1lJMWWOrLNH0mtzUYqB99AEwTVwvyN6IvlyV22I+s/Ag1YV4vS7JNhiBTS5ndxtRfsf+1gqbcs/E3+oq4tu577Ct/YxFh/x73AQPpWcSTSYVju7Eo7VgB3KWlpalmZz923Ce28Hj+6a8ktyCC9xjnKdvXZNzW/MFR8/B6+743O9zHer7inqI/233xeJiAPD7nWJzYv5HJHH249F9a+6yxteMzhGW9qL1lz373yXNBHoWvF+/jGHDu6449eyKahtfQ0NDQsC2wMEtzZWVlKlVbqopSE2OpqL0w5igea1gyoB3eiOfWWJNMHpsVjbX2QgnEUkXGsKJkSkkuK2dhicft+bpMHh3ZeZ5jphbyeDyvHn/U8GK5ntg+S/JEKZ0+G4N+mTj3PjamLqox7TY2NnT58uWBlpPFc7FsDe3zUROgz4TSOYvURg2P0j7XMCtySY2S2lSWlo6asNtgwVT3MYvDY6o3FjbN2K41LY3xclGjoLWFzMtMQyK71doB/U1Zgus49treWV9f19mzZwdxkfGerqXC4+9R2yT7l6xWWomyYqc+xvdA1Do4ZvvsrOF5Ls2IZGmj2DfuN4+djNXM0uNniDXjGg9Amq2d9yJ9hGS7ZmtWS9HIvsfrcN95XF7HLL4we05vhabhNTQ0NDRsCyzsw1tbW5u+uWm/jrCkQOmIGlj8zaDviVJE/ExpgpIei6xKwwwxlhCofcbr0DfpsbPwa+bjoARCCZu+g9gH+jXps3Qfo+ZFSao291HS8m+MPbKfhEmLszFvVYRxY2Nj2n5WmoRaKzWGTJsx6DvJMt7UziWYCSXz5dKX5vnx79HPzKTHXkMf6z5lWqj3JH0n3ENxf9Pfy4TKTOA+luicGi3ZyrH/jIH0eG0lyLJhZNoTce3aNZ09e3baLjkE0mwdrInUmL2x3+5XrdwZNb64d8jktXWGmUEi09uanc81m5r+t2j1YGYq34/UMNlnacjw9djtL6OfTppZVdyOj3HMKBm+8TlO5mYWIxzPjaBFhnyH+Kzic3Ne/53UNLyGhoaGhm2C9sJraGhoaNgWWJi0snPnzoEZJZpg6PBlUuesLhmDkWN70pAIE80SJADQzOq+ZiQCH+vPVpszujodsDQLsZ5cTEPEczMTML+3KYHO6oxIEa8RjyEtmAHWcXysjVWrmRXNLXbQ1wgvERsbG1pbWxsk5s7Mxhwzae+ZCYMmTI5xrG81E6rXK5qnaWIk+cLnRHMbv6OpkcSnuFdJs/e+osk5Cw2i+ZPmKIa4xPHQ7Mq+xjVgiAwD2rNwA157zCy1sbGxiYSSBXcz3ZTHwVR/sS82N3pPep1JJqN5LbbPgHyGiUQimo9hkLyfO/4+7lWaXbOEDXGcmcmWrhqTV5wUJM4jQ8F8/3tOeN14Pf5GwlO2Bkw/l1VulzY/T91fm3vPnz/fUos1NDQ0NDRELKzh7dixY0CfjSmzKBWRaEAHevzOUgRTcBmZdFlL6swgyFjxnM5VS2HUJLJgR59LCYSScNRc3L6lcWp6GcGCCZ9JVmG/4vVqJB9KQVHSoqZqqdd9zzQXUpOvXbu2ZYkXEgPiPHqsDPL3NVnVOva3ZlHg32zMtdJO/j4m5LWkaU2CJXDYllTXYmjtyPYdy7M4NRYTgMd7xtfjfcVE1xm5wOtB6Zz7P1oUqEVTgyW5KSImsq7tHT93TPpgyE4cE8lEJMBlGh6TK7itsWQZtXJhTJ4Q90ckMkkzbYrp3OJ6cM8zdIVzGj+7XRNOmOzfia4jPA731fuKz2TuB2m4D0ggpNYd4Xa8piz7FZ97Xp/4jNyKMDft41xHNTQ0NDQ0PMuxcFjC+vr6KD2cfhemnWJam3hszcfABLbxbU6/h3+z9ERpVxoWqKwFSEZY+6BkxZRLmS2dfh6WkHHbGbWckguPzXyi9JlQQ8q04prE6j5bSsxSSkU/6Vjg+ZUrV6Z+P9Ofo0RKyZoaXqY9M3SAe4caX+ZzqJ1raTP6YegjYkhB5hejT5ga39j95DlgaSz3w1J6loSbEjb9cFn6K84b/cBjoIbGezHT4LK0Y8TS0pJWV1cHhWuj9sTQFYZtZIHn7h9TYXG9+PyRZvNP7c+aXXY9w/uK1P8xzYdcBfoVs3Xyd0zg4HswS53G+57aJ/kHWSgV7yMje+4wQQDLEFH7jtfx2t50003TROBboWl4DQ0NDQ3bAgtpeGZL+a3PRMDSUGr1Z2p80SbMYG1Kuvwc3/YMPmTSUSeKjmCarBrTM0rpTGfE4okcQwwAZeFS941B2FlaoFpC3ZoGHa/D8bFga7weAzyzYo3SZr8JGbEx7RyxvLys/fv3T/0wWbopplHjOmUsTfpD6UPj5ziflEjp47TPI465lnaMcx39NUxOXNO0OM7YHjVJt2mfXvTHMHkz060Z2Zz4WAZ305IRQZ+K9xLLw8S9QYvJWOHg5eVl3XjjjdNjs3JbDCxnIHOWRovPjiyJg5QHWXOvMCCcwdHSUDtjogUj8g18LP2hhr93W7FfTGFoViNTKmbB4wY1MKYtHPPpG9SU4/xaW6+xwjPmPv3KBw4cGN0/m/oy11ENDQ0NDQ3PclxXeSC/sZkwVRrGMFFqzbQZ/59FFLNURLHNCGtclsot3Wb2cUqtjPvL/D3UtCxhW+KqFVeMx3Jcjod5znOeI2mzZEdmE2OFWPol8/8xMStjq7L5pV/ByMp0MBZsrIjn0tKSdu7cOe0bNb04ZmqZLCgapTlqHmTaxevzXGr09Dl5T0VfEVNXkbXoOY9r6fWnJlEr8RT9JPTN0KfnOYl+xhMnTkiaWTfIph7ziW6Vei3zUVMzqiWrzrT/rGBuhh07dui5z32uJOk973mPpM18AP/f6zNPu4zno9bOPZNZFpjMndeL68IYSmol1HbiNZnMmaW+xtI70ofrNk6dOiUpT6zv5Pe+tzknTFOXgQzpjGXtefPfOF9S/r7wsYcPH572oZUHamhoaGhoCFhIw1taWtLu3bun/gK/jV2YUZrZiV3Ukn4e2rHj/8nSM2qFK6Wh5uHsAZSqox/G/6+VjrEEEa9DPwyL0jKmKUpN1IQY/+eyIdn1mPGArMMsAwJZf9Q62UYcO9lfY2VhmHR3LA7PLE361jL2LK/JOc4YW5k/Ko6Hx0tDv473EgtnZnuHyXtrJWYiaoxHfp8VD3Z71DCptWXjoSbHmMuo1ZFJV/PZxHOYKJkMVn+O2nzmR66h6zpdvnx5us9c3ub48ePTY6xR+6+tTrX7M/YvK8sUQT8Z/x/P5fPGlox4Hfr5zKLkM0uaaX28X7gvaPmRZvvKfXUf/YxmaStp5hNmzKP7SJ9axvAlM558jrj/vZ9ZWJn3SNR6bbnw3Jw8eXKupPBS0/AaGhoaGrYJ2guvoaGhoWFbYGHSytWrV6dByHZsRpOmzSgmZLCOExPLut34HVMgMcFolnDYfaKqnVVHdh8NVti2yhzJOFaxmayXAa4262Tp0WiWsPklMzHSHGATA1MYZcmRGfxP0yYD0OP4fC6vkxF5GD5AM09EKUXLy8uDMI4sQJ80d5poM8ITTaV0mGfmO+8Jm5ZJUsnqBrqPdLZ773i/ZwHHrKie1UGUNu8d/98mZpucaPaNZikmLqYZkoSrOJ+1cJexdGQ2R9F0RXNoBM3Tu3fvHq14fvHixel4sgBm36t+DvgvE8OPpQdjCAhNnllKO9bDG0usT+Ieg7ozkx+Dx7mWpPrHMALvZ5tQbQK0SdNteU/F9kjgMRmQQezRTM39TPdGlqKNzyQ+N/2OyUyWR48eldTPcSOtNDQ0NDQ0BCyk4a2vr+vcuXMD4oYJKtIwULEmMUYNr5b6KqsAHY+PYDJTOtmjJGLpj8Gi/j6T0kk08bmUWkz1zYKHGWhuCc8SV5RiWCrHbTiFjuc5C5YlSSFK/+wbQemZSXczzTxqCjUp3QmAPS5L3HG/1CrOM5wjkntIFmFoC9OfZWmUWK2ciWvj9WiF8HUsPXtfxD3K1FR0yFP7tBQdj/Ve8TiZtDom16Wm5f7bSkD6e5wTVhXn/suClWkNYN8ZYhNRK5UVYdKK19pjj9qA1/DRRx+VNHxGZOVjOMbauliDjXubKbhqoQzxutZWGDLhvpsMGFMPeq2YqszPN4/BaxytbX4WuS9+TlOLysJSSNhy3zzezILh75hwms/iuA+oCTNtWEZuct/8NyY+2QpNw2toaGho2BZYOLXYhQsXNhXekzann2LKIINSRSbZUZOrBWiyT/G69Pv4cwxSdf/9nc+1pGBpIkoO9B/USvwYUSvw2Jk6jVpppvX6L6nE1DTifPM69PNl0icD9DmPWdorI/NBZrCWF4/NiqvSBzBW7Jbt1ApjZmEVDCFhWISvE7VQ7wlL+Ly+fR3Z3NLfyz5RY5Zm+85/GS6SpWsy6GeitpvdX9m6xGN9/dhHzptB33sG+7EvXbpULeLppPXcO7HftJ7wmpkPj75HnjsWVF0rm0NtI/bRGp7b95pae8qKVTM4/JZbbpE0s0b5OeCx+PhsHLYO+XntufCzJV6nFk5GxDli4nkmWMh8uWyHBbYzy5KPiYWOx6xWEU3Da2hoaGjYFliYpbmxsTEICM78VZTWyLzLpMpaWij6qaIkSVu2JRFrn5nURL+U2zOrKWN2+v9MP2Upw3Z3lhiJfWCZIM+RJbwoLTKxrD9Ta/M5UVtgQKnPoXQepeCMsRevn2kDLKs0Jsm7xIvnmGnEYjvUXijtRTA5NJPtjiWerjFs6WOJ16W/j2uarT/T3LGvlG4ji9i/eY+YUUcmaZTAaX3IxhHbjv6YWkJ1akhxv5GZaNQCuWPfmOw5g9nh1kTcl8gKrrGymaB7rAQPUw66/azEmDVT+pjIgI2gBsnyZP7sRBTSTCtkSjnvKTJKo4bJ/X3s2DFJQ9+tU3TF9pkykck/ssBzpvfjuPjeiP8nw7uWhi+2R6vePGgaXkNDQ0PDtsDCqcV27do1lQzJUIvIkhpnv7vdCEphY+mt6At03xyXY8nbtm9pZu92e7al2/5tqSZKdJTkPC5L3NRcM3+c23NfLMm7r1kiZbfDckT0d2WxVGRwMR1WBKUwsvOoMXF+pF6SHEsevW/fvkEquLgP3D9KivPE2NT8k1y3jF0YGY7SZt9AbEOarffJkyc39Y1pozKmnf9aOicjzf3I/CLcK/T3xT66L5b2s1i9OCfxHiWztyY9ZzGcZJtyL8W24l739WrPio2NDV28eFF33323pHzvWEOg1kStIl6DffDeYTovaszxehxbFrNn+PnCmL15StuwpBDZyBnvoDb/3kM+x/7A2G/vUV+Pfc3864yt5RzwPovtjflvY1/jOLJYwK3QNLyGhoaGhm2BhVmaa2trgySnGWvOb3dKlUx2Kg3jamrJorOYDDLtWCbI2lwmqTJ2x+d6fCx+Gq9Dv5UlFEsx8XoHDx6UNCxGS80lS4pNnwD9clmhWEpL9L9lPjz6SbMiuDwnyxAxpuGtrq5O59SaalZAkr48rl1WxJVSLMdMLUoaxv25b14vS9GxuCr9LJbWfT0WR47XJGuxlqg7wvPk9jwO+mEyDY9xUG6DFpp4/5KlO0+2DMbY8phMg2GM265du6p7x2XJDPvy4v1CC0ut6GgcK/1VfL6wrehjpxboNpjsPa4pNTuem7GdvZ9sFXK7vg5jbmMfmfXJmpz9j24rlrIiQ5nXpy8xjo/Zc8jJcD/iGmxVhJk+SmkYNzlmWSKahtfQ0NDQsC2wcKaVxx9/fFDmZoxhlfl53JbBHHLM0MDP0ZZOzYfHWsqIeTHdJ0uX1gaz8bLf9B+Q/WWpM84JfSq+no+JNnRej2woapYZA6/GuMyYVUatCCklsHgdZi/ZypZeShmwWeNaUiNg8cexcjY1dmHNAhCP8brceuutkqRDhw5t6mPGTKWmz7yIMXaPsXTMy8r1ivNITZXaxlgGEfqZMsYb+2rQysJ9EPcWf+N4yCyOx9qSUUrZUsOzpm0NPHIHmJGGOUjnKUvGZxV9eNEvW8vdS60xsg9d6Nn7zNdnyadoHfA16UdkjF3GpyCT+K677tp0fcYDSsNya7xfydKM+8D95l4lolbI0kx8nnlvZs8sa7Atl2ZDQ0NDQwPQXngNDQ0NDdsCC5NWLl++PAjCzqrs0qRYcyLH/9McyLRgTBAsDVMeWdU2ASFTvamW2zzhY7IyNwwaJZ3W59K5HI91n0xpdzJfmjylYbA4QwpIMokm1Fp6sBp9PJsTBjRn5gma9a5evTpa8TzunYxswbHR6Z2ZzrmvOFbPX5ZaihRskgh8/cyUxZR2seq758JwH2yeqYVKZOnbbrvtNkkzM96JEyc2jScrD0WyikFiA0kmsS81c1RGIqilnWJ5ney+jSbiGjW9lKKVlZWpuY3lbaRhAgrPP6+T0ehJ0GKoj+/L6HogmcxtMXwoXs/9ftGLXiRp9ty0KdDkuWjSJDmmFqrDpAYRNmG6LZoy47OKz3Y+37zPx9IJkkDm/c9A/qwdEreyMC+7hKIZd57QDqlpeA0NDQ0N2wQLpxa7cuXKVEOx1BnBhKtM/ZQFgMb2pWFogyWCjLpKjZHlZ4yohZL8Uis0GqUNah+UCkmAiPTgWO5FmklUDF7PiACUltjXLA0ag19Z7qYmScfxUDugdhj/775evnx5tO2NjY2plE5SRPyOmk8tBCQey7HVwjgiKC2z4GtGImHSXjrX3WZcf68D03KRiODrxGS+lsp9rink1OyyeTRqWnemMddScXGtY5sMd+G9kdH6SQgaSx7t65HgENe0lgaMVPnMEsJ9x6Bur0HU9NkHf7bVxnsokki8dm7He8mEuiyUy/Pk8TFtIC1oMcSAc8OSRlnaRa+rNVVaLEh8ysKU+KzifsyKFTMlIIPYs8LNftbecsstTcNraGhoaGiIWNiH9+STT07f9n7DRqmCgeWUIjOfmrFVaQ9LSxmVnZoXJb4YemDpheUxrH1kpYvcnv09trP7r/vutuL4LPWxr27L0kmWUqrmh6Ffa0zzqvkds1CGrFBqPCcL9o2S6Rg9uJQy0D4zqZ57yOfME9JCbaMmQcZ2qelR8o+Svf9v64bX0GvsOYn+Hu8R72PvFbfB8lRRo/Rc+FwnL2DKuQiOhxI39yGTQ8Tr1rTssXWulZJaJAXUWLu+T6OvnekAqZFkxW45D9ToxwqXMkzJa8w247OEvAIWnmZQdxwjEyXb/+a+2YrkZNPxN2t0R48e3dTHTEtjOj2mmKtZuLI+Gj6Hpc3imOnzpHUgggHz+/fvbxpeQ0NDQ0NDxEIangt40m6d+cf85qYml9lka2Vh6A8hmy5ej9clqzHTCumzqaVkiv2ln8J9sX2cZYni9fzX17G2QO0k9p/+y1oZjYz5RE3PfRqT7Mmy5VxFjYxpu8ZYmr4uWXQxfRuZhzUtNvaB2njNB5lpa1xv940+m+h7sgbv3yxRU8KPTDtL4ywlRN9dZvVwe9b+eA8w4YFU96HR3ziWMGIr/2l2z/MztYFMWo8JrrPxu51du3ZNrTRmQke/Ndl8NV9QvAatJWQFs3xYTEtHFrXnlFpivB4tK2Sdm02ZFRw2fC6TO9taEPe954vMUSaPztiu3t8smcU5y0rD1Ril2bOfmjJZ6VnBYd+fUasdKy4b0TS8hoaGhoZtgYU1vJWVldF0PZQamajYUlnU0qgp0gfgN7qlmSjNUkqhRmKpJkqhLJtSYxFF7cFSOiVdpq9QM5wAACAASURBVNVieft4TI19mNnDPWZKyb4OfWBR2mXffC7Lc2T+jMx/GX+PktaYHy47/8KFC9X4RaleeoRadVbixVoY02nxelFboxRuqdZtsE1pWLDSx3hPMWGvNJPcva9sBfCxmZZuUHsiGzgyZHkO4/tYtsV7JvN/bOX3zfYOmbC1JMzS0H86hqWlJe3evXuqmdh3EzWhra5NbTr2h74n/6V/Pt5jfgax+C3XMq4pyzTRz2j/bDZPWWmdOL6Mne4++lzvbx9D9nbsP60dnl+mX8uYt/RRuv2srBMZsnxm0Scb2/Xfljy6oaGhoaEBWLgA7Orq6lTSIutMmkkRtPXTbxQlu5qE6LbYZpQyfA5ZPvTPZRKCEZOQxr7G61jicAJbamtkkmYabI3pROkmnl/LXEMpJ2q9TErLOcl8N5RUqW1kWpy1nJjYuiaxd12njY2NgSSWMUUpJZPdFa9B/xvbnScWjLFbtWTm0myezMqkFJsVTqVUbL9fLf4zjq9mUaC/KSvC7PW3pkLtfSzJLzU6jiGzYPBcZqPJwMLDGcwdoL8+2ztM4sxjI6OcjG6DVpose46fgSww6/3F+Elp9ozyMV4XJrqOcZgsrcMkzu7rQw89JGmzb9Xte6/6HBaRjfB6sAyV26IvNO4DJ11nBiYmEY/7hc98ZlrJmNnuU9SY57EySU3Da2hoaGjYJmgvvIaGhoaGbYGFSSs7d+4c1JOLDlWr46xuS9Nf5swlpZemzKzmk02MpG9bFfb1okpMhzNJJFkaKhIcsnpusW9ZDTU6sjMihVGj+NZowZHeb5MBzbxuw3TluAYkDLGichYUy9pcpZRq0mH3g6axCPePqb2YYi5zepPYQlNWZr6jSZnVxY1IDfdvdMz7c0YEoCnH6+0+MWwh9pFpoWqB3xnhpRZ2U6sZJw1DVZgAOqt9SBNmLcwoS+vFFIAZ/Nxxf0n2iNesJaDIwhL4G+8T3mvZfVpL15el1aJ52qZGEq38TIvHuo8+Ngt/kTbPp+fbqQuZjjBL5uy9cfr06U3tMmWig+VjLT33kW4WEmviHvMxNNV7jW2Wj+vGe7yRVhoaGhoaGoCFSSu7d++eSgamV2eU+FqyY2Os1AsD26l5xetZarAz2p8toTAtlVQPiKW2EGnPTN7L1EGs9htB6Y8Jtkkbl4bleTznJCtkhJ+MqCMNiS5evzgOSqyktkcpl1J1KaUaPOy9w2DeMbICpb0seTQlRKZiotUgWgdI26ZGTMKVNEztVdvncZ5I6abmWiPpxL5lCc1jn+M94f+bWOFxMIUZCRbSsCo718l9jQH8rLpdK/US15ra9c6dO6t7x8eR+JYlk2CoFNcn9iHbT9Iw+JpadjbGGvEpC21ieAqJaFkKMwfb0+rl584Ywcr7wO1GOr+0eX87mNvjscWOWq77EUlAJGx5H8bnqLSZJMSAff/1XHPfxXZt1VpbW2saXkNDQ0NDQ8RCGt7KyoruuOOOqRRw5MgRSZt9HEybRDt4llS6liyYfossrREleAbTWjKKUgY1Kn5msl9pJvm435YuGJhJ6U2aSXaWhC0BUZrKEkDb/m6buSUrlviIc+J5owRHCnUWGsL0P6TuR82FgeJjqcVWVlZ0+PDhgbYTNdNHHnlk0zm1xNmZPzbzJ8b+cr2koRbotrx2/CxJDz/8sKSZZEvrg9uKkq9/cx+8H5g2iqEh0mwvUrthcHRMIu3+0idFTYZzFMfDNGi0GkTNhX4lzkVWzod+zTHfb9d1m7SrTDMx3I7nlmOPe56aAjVwam3xHvP60iLCYHb76aTZunutaGHw3owWID7PGB5Av3O8/+yrr1l66P+TZuvivjDMiskfoqbP51itrFtcayYG4Pshu+fpw1tfX28aXkNDQ0NDQ8TCLM2lpaWptmHJLkrNDz74oKQ8MbG0+a087QSkZEst9BFlfh9LKWQ6+XsmzI3t1KQCBoRKMwnH0jPLkbD8SJTSagGzZIdG5pvnr5bol2miojZkCTJrN44/fs80a0wMbYk2K+3hdbt48WI1AJRMO0uGUUq3NlvbO7EtomZR8HUs8Uc/KfeV93GtuKc0k7hpfeA6xPWndOz9RYsGE+hKs/UnW9egb1ca7kWf67mIjF6CRWkNlofKipTSB04JP2Npxnuxdj8uLS1pz549Az9P1LyZiJ1B1hxH7B/T9dHyE7UYg/cnrTdZ8grPj/c52+K8xf5yvnwMuQPx3qBFgQnP7duL1yP7mynZ6LuOe4lpHOkT9/gyXyifibWEG9IwCH9e7U5qGl5DQ0NDwzbBdcXh1QolSkNfCiXSjFUYfUCxPTLF3NapU6em51KTq6W+yWJ2yKjz9/b7Zal37rnnHkkz/xvjiSy9mM0nzTQH/0YtyFJo7CN9aJaW6PuwhJVpIbSPM+FwloSZ5WC8BmMp06ImVJO2lpeXtX///kGMXewDY/SoAbNUiTTUBqm9jyUppnbOwsb+7P0gDVOUsY1M0rZkzX3nOad1IotTYpou7qXMP8Z9xiTsTGYcx0zth/dZBP06tVRjWR/jvq3tHT93yCSOPnaywD1vjDnMSktRqyUDO9PwyJK0v8xjsPYU/WSef+8v9pEM5vh/W9VYPoexb2Nz7PlyKaEsLo6xwWT2Ms44izO0Rsn4xixhPFnubIuM0niOsWfPnlEfcETT8BoaGhoatgWuK3n0WFyZpRVK3mT7ZTE0PJZxHH7rP/roo9NjWeCRzDdfj9/HdskQyjI5WJNivBWzzViyy/xjnif6ULJkrpxHtx9ZX9IwQXTsI7NN0A8QQWmXmVfo1+D/3UYtlmp5eVk33XTTVBImqzVem32irzAiKxnk60lD7T0rHlzLMuPvM2an45Po66A2F7+j/5pacxb/yeTK9BUx80s8h/5MapRZaSGyGmltyeLLfD61UUrdcf14zFjyX2t47rc1iOhjr5VRygoNG14XxqfSL0pGZmyXa+f738iSVVNrZrxf1FyZrYbMYrdvi1MErVteH5/j/R0ZvszC5GPpQ2YGrXgd+iTJrs94AOQ52M/oe8H9koY+45tuuqlpeA0NDQ0NDRELaXgbGxtaW1sbSEtRIrG0QimMpU8yaclaGKVLs5osScb8bZYILC2ZuWWJxH3NYtyY+YASVpTWyIai/Zt+hSiReByMpaFfIWo7vvbRo0clDTMQWFrLNGb6rRjnQ604gmxQxgZFSYq2+TFbuosHe8xZQUuv/4kTJyQNi6wyviyO0ZIg4yL9ezZWxqHZ78o+Ru2Jvk6Wdsr8vsxHyu8NFsqUZvuJflf6tzMNifvO46JFI2pHZDmSaZdphYz7NMiQzPqWlWvKsLS0NJ0vS/9jbFaW6/HnjB1O9jQ5Ct6XURMyaC1hZpJMW/Pc0nfnvma+/FrOWN7/cT7pY6flh/5naXhPM+OJP1PDzeaE+z7zUVLTzwr1xjbiXLQCsA0NDQ0NDRW0F15DQ0NDw7bAQiZNqVe3WfYhmjJoDrKq6nNIVZWGBAbSpq22M52W+xOvU3NeZ4GyNfMdUw3FdqnS0yyShRhwXLfddtum9n1sNKHafMcwBFKnSYePIM09qzZvMPSDDm/P1Vji5qWlpVHTQtd1A7N1XBemWvPYGaSehZjQfMPAXB4vDU067huJJ/GcWhXsjHJt0NzoOfIakwiVzSETNJM6H01n7i8r0rOv/j4GcLOkEAPN/TfOK9OOMeA8Sx/GfTZGeOq6Tmtra9P9YbNhHDPTjTE1lhGrifOe5fOASSRi/3yvnjx5ctM5HvPx48c3nRvbY3V2r6HbzCq5Mz2hz/HfrCwV15sEm4wMxucAXQIMJ4qkHN4TJAMxlVpshyZaBsDHdfP/Gd4xD5qG19DQ0NCwLbBw4Pny8vJUssooxUwfQ2kiC2CmdMJAXINEFGkm4TDdGYkbWcJhUvApHUaJjtIg+0QiQCQvWHKz5nDo0CFJM0mIwaXSTOuwNENyBKX2SJIxrBH7uj6WVH1pKN16HAy6zUIavB/GirsabC8SAbz+JiWQNOJz4zkMZWCoAYlJ0UHPIFo62bNxkaxEjSebH2pu/JwlyDXcHpMDc72yAG6mAzP5y3vTezme62P5l/2IWiHJL7VxRssC03jt2bMntTxEWFNgSTBpuFcYisEkDLEdai1M0J2VQTt27JikGamMWrrPiSEmTENG8lp2X7pPPtfrwDRxmbWN31FLy5Ik+H7xbySOkdAT9w6tDrWUivG5znAxJo3OwspYCu7q1aujpaUimobX0NDQ0LAtsLAPb3l5eSoxZJR4+p6cBiwW64u/S0NqPyVDSxmmjUepwr8dPnxY0rCUR+YXYWApbc8GqbFS3X7M4rRR4nAqH6b/odYW+0g/kvtG6nTm/2NBUfpSKKXF9intMtwiS74bQwO2CiBmkuW4dzw2r3NMMCDN9lCUYlkgl+VSKKVHDZ3hGZ4Pa8tMFyXN1oV+GGudGUWf2kZNsxuzmHifMVCXbUpDnxpLDFHLzlKZ0WJgyT8rR2RslWIsanDUqvft2zca0rK6ujrQTG0pid+58DOTN2flbNwHz5fn0nPMZ1mcE/vuGPhfsxbFvnguqZVwvWIfmTKPfu5s7zAtF5PyZ+cwmTPLKpGzEMFzDT7f4z5gQg8fwwQe0arHwPmWPLqhoaGhoQFYSMNzIcYay0iavZltX33ggQckDTWSKAWQAWgJiNJEZuP2m9+SADWTTMPzsZa+mKCZCVSlYUFZtsHA9Dg+SnL0w/hzlgyXfh2ymhiwKQ2DurMUWfH6PD+2S80y+iToPxsLHC6lqJQy7b+vF/0wls6tEVNT8blxHPQV05dCi0LmJ2MCAGsv3odxXdxvS+s1n/EYk5jsYxbSjZo3NWu2n/kuqA3yep5PWkFiH2j1YFuZBsvx8V6IvlBqa2NJC5zS0LB1xb7e2B5Z1D7Geyv6gmjVoKbg770PYlo/3+/0k1KLjutjlqn/+l6qpVKMfXT7/o3WgSxhOJOt07KQsZ5rZbYMsuGjVcxrRB8477m4zm7Hz1XvEZ9ra0+W3s8aePPhNTQ0NDQ0AAunFrt06dL0bcoku9IwSa8lE6b8yhhZtDWT0ZlJHfSLsYwO+yEN40QsZVjbIIszXpvMJhbXzFihlHyZCDiLcaMmROmMvrIoPZPRxxgXI0uzROmc/o2o7ZhVeubMGUm9NDam5S0vLw/SDGVpjbwOlvoiI1DaLO2R1UW/RS1+TRpKz1yfzOfA3zwO95mFMqXh/q0l5qaWKg19Z9RcM1Yo2bL0WZMdzH0R+8a5yeK9qF1wDzC9YITvm71794768Hbt2jXQGOM+oEZnbcx9ygoAk2lIX7rXyXMdUxoyETTXLrP0MO6TFibPcfQV+nnGpNQGfaGZVYpJ2KnZxnuCxYP5rGcbmf+Xz0CmioxzUktzZq6E90e8nzwnsYxX0/AaGhoaGhoCrit5tN+sWYkISu4s82BpPSsR4b9k2NEHkjH7WNqHiZOjdEmfCT9nsU6Mh6HUznJBWXkg+gip7USJlfF8TMxL9l6cE0qu9IVSoo19YFFc99lzFH0gntuoqWwlaTFWJ/oryNSylMe4rijF0k9ALSabH4M+Lfq6qF3HvtX2DMcnDaVUxntxL8Xr0WLiOad0Hs+hn5GS9hg7uKbdeB4Zg5u1Qy2HWkKE29sq8fiOHTsGWUWi5s1SWPStZeXBGAvIZ0htfdzfCGrNtADFPpKLwHsmMhK9Jx1DWbPsjFlMyGegFScrLUaLFrXQzNLEwtO8Tpa5yP1l+yy/lZXMiiXhtorhnI5vrqMaGhoaGhqe5WgvvIaGhoaGbYEPKHm0EdVJmnxspjPV24Ho0XxHcxQp/jYf0NQVj6H6btBcJeWmqtgWa55JM9NIzalrMCA0O5bmB5qRYl8MBm+SFh376nNJvuEcRcIDzU80V2YmGjvXY7qjrcxSpOLHcfo3kwNshiJRJJJYMnOTNJtb9zHrPxOacy5ogoxjpdmT52SOee67GoEr3l80u9EslaWy41xw79R+l2bmohopJksswH1FApTvdZOQpGFQN1OlEV3XDUxlMfyGpIesliHBunSeF5rD3UY0NXJOObcZUYyEJhJOsnpxvs6tt9666Tq8z7Lga4YuMbwnIzzVklbUzOIRNDXSxE1Tu1Sfe9b3i/uDRKExwhPRNLyGhoaGhm2BhZNHR4kloxn7TfvQQw9JmtFp/eY2hd0Si1RPZ+NzLK0xODGeS6mZ0kyUgGo0ZGo5WSkZOuQZAGyJJUrpJEOwxAwDNWOfPHaSZehYz0IoDErlGYnA7fk7atk8Tpqtvyn5Y2nFHDyckUcMS24MriVhJut3RsCQ6uWDpNncWdvgPvRaxjaZRJeSfJYg16DDn8dkkjeThLONzFnP5NGsvk0rTNx3PIakMI8/pn2jZYSEBhIT4jkx5WBt/5RStLS0NNDWIlXfz5OHH3540zGkvWeat8EwJY+RFihppoEwMUOWtILn1BJc89722ONvvN+ZHi8LIjeY6JxEtTh23lcM98qe/Qar2dNiFuedRCa/HwzPp4P1I5xMYN++fY200tDQ0NDQELGwD29paWmQriv6AOxf85vadFp/9ps488NEm6w0LOLp46J2yKBK0luzoqeUlkl79/WjpMXEsvTZMEwgSkBZ4uXYlscX7dT0QVCjo+8gnksJkhqkperMv8G0ZOxr1FwtnVnzGpPSfT36XKOEx4S7PoZp4+I5DDupabNGXFNq4+6bJdOM/l4rsVILU4jHMhVfLRFvHAN9KqS9c43jb7wXqC167mJAtfcICw57LsY0WGoU3F/xOeGkBd478yQAZtL1mGTZ7dHv6ueMn0sxXIiaMOnzbosWgNiO59IaEJ8HcS2Zys33IX2GmXZY06LpB459ZKq6WjKOrLSU9wb9pdTwMutHrXgsfZfS0Prg/cAk7DEFIRMpbGxszJ1Auml4DQ0NDQ3bAtflwyNTJytY6Le67ayUYiJji0wcv60tAZE5GCVSJjul3yKTtKLPIoLjisGONWaV/zKoPEpNlhCZrmmsP54LS2dMqJ2VheE4KLFSws/8afRjuu9uI5aFueeeeyRtZoHVJK2lpSXt2bNnwMaKmgJTvpGBSClaGhZtpY+D2k7GLmOwuueafuF4bbIxa8H90jD4nfvcoFQdx0MWIyXs+DvTXFGz8DyyqGjsq8FAemp60lAjYfHgzHdjK03sYy1pwdLSkm644YZB4uI45mw/xWvzuRTHZlDz4b0X9x3vLZY/y0rXsJQQrR0MdI+/8V6lT3IsPaHHQx9elpSjlqKRBYGtZcXxkVVPXoP/xnVze9RGa4kW4m9OalJ7nmdoGl5DQ0NDw7bAwhre8vLywOcV41OYbNhShn15tsU6Hk+S7rjjDklD6ZKaHpme0jClEH0rmY+jFpfi8fgcFsHM+kZfGrUFaSYt1QqA+tgsDRGLRVLDZOHJ+H9fj1pIxuwkM9HXpYYR4yc5b1EKJ5aWlrRz586BdJ4l2TYYf2mJLq4LpXKy8jjm2H9qQP7MfZhplLWk3mT8xu98HaaJY3moKDUzLR2TR3MN4rFkYTI9WJYmjGO2hM1Yqsiaq8XhkZ0XNUH6abuuG9XwVldXB9panEcmFHbyaGoBURuwlukx0mpDK0sWH+ffPB+2aNX89tJsr9haQv9vfFbVilPX4jPjPc29w8/c5/EYzjHZ6FnxWBZS9l7xmvj7eF0/Z/iMNzKrWJZGrcXhNTQ0NDQ0BCyk4V25ckXHjh0b+EuiX4f2WxfwO378eH/BJGEqS7jUEvRaWotSgGNx6LfwMRnjiUwkSgdkwsWxGmQzkjUVJclaFoZaQdA4dn4mSzCLx6IExJIuPif2kczUWnHKmOXG31mqvfnmm9PsDbFfZCzGfjMGkBJ95rckK5ZsXe/HzKdCNis1bu/ruIcoxbrPnossiw81Ke5zSvZZ0nL6hiitx3mnD5JrSu0688fVEo9nZWjov/b47Kf3sZFp52tHS1BNw9vY2NCTTz45KFGV+Y+sKWQxZrFv8XzuRWYIoaUk64PH5nnLirlS4yaDPGPA2prhOWQcaM1XHa9TK4NlxDkiC517xPcTWevSbO6t0VGzd5vxfVFbH/rxI7vWz4csCf5WaBpeQ0NDQ8O2QHvhNTQ0NDRsCyxk0lxaWtLu3bunarZNGEePHp01CMrtc5/7XEnSe9/7XkkzNfT5z3/+9Jz7779f0sws4L+mxNvcRudyvJ5/YxV2BojH862e07TJ2nbxfJoL6cylqSv+Rgc2CTcZiYRmF5r3MvMrwxBIqMjMPTTJ0XnNAFFJuvPOOze1E02WhNND0ZwS15IUaJq2s3p4NLWxPl6NsBPHyrVk8HBGo6Yp3X30WkYTI9NNcc8Y7ns0l5NaTgIKQ16koUmT5rfM6W/QjMx+ZMgIDLEtz2cMRfK9F9d0jPAUK54bWX09kkg8l1nFc4bBMFzHzyE/7+L13R4JID6HLhBpmACCn7OE9DTZs+Ycw7JiH7lnSNLL1pr7mSZT1naMpkavRySGSbN9xr0bj63V4fMcZW6FjLC1FZqG19DQ0NCwLXBdFc9JTDAxRZpJQ3wzv/SlL5U0I69E8oMl0lp1Ymo5UfNiuibSt3mcNHQOM1Gurxf7wfGwT6Qwx+vV0oT5s6WmzOFck54p7UapsJYyjUHEUZOoEQ/chsNKMrq9Jbtz585VNYGu67SxsTFIfhy1WlaN9r6wtJ6VkPHeO3ny5KZzMwp0rQ3OJaXceI41KgbMkpAQJV/u0Vqqr0wrIHmIczSWHookFY6TZVyk2XqQjEOtNCNJMXjYIClDmt1b8V4Yo5bv2LFjeu/53LjXSKIwgYLJCqKG5/AmP4uY8s1jzdaF2itJclmyYz+3GGBOslKWpNp9YUmrWrX5CCalJnEsak9MUkBNnOOPld9J7qFlJiMS8hiWNssIdrYUxHuwhSU0NDQ0NDQELKThra+v67HHHpu+dRncGWHJhLTSF77whZI2S94OAH3f+94naSadWUqyJGeJP5MUTXX1dW0bzlI9GZTgKQFHvx8D2Em5pZ8mJsf2OKhpMXg09pFSUi0dFSUi9luaSZZM1ZZpobXisQ49iHN05MgRSbPEvXfddVe1/E/Xdbp27drAvxjHY2nxxIkT6dgtrUeJ29KeS7lQOq+VfpKGJZF8LunbsY/0qdE/67XMAvRrtHqmRorXqyXzpoYX5yRbX2mY1Jd+mjhm+nmo7cR9QN8rKfIspSUNQz5uvPHGLUu8kBqfFcpl6iu36X2ShbTQklArkJr5p5kge8xP6vYYXsVk9vEeonbJ506WwIH9pTVlTCOnNs4wGx/rNcgsPrR2USsds7bRB58VuPZ4IueDRZxraBpeQ0NDQ8O2QFkkaK+UckrS0S0PbNjOuLvrulv5Zds7DXOg7Z2G60W6d4iFXngNDQ0NDQ3PVjSTZkNDQ0PDtkB74TU0NDQ0bAu0F15DQ0NDw7ZAe+E1NDQ0NGwLLBSHt3///u7QoUODUjURjp9gnBULpkaQOLPV5zHUjn0q2vhA8VS0W5ubedoeO4a/MYYny/PHa5dS9Pjjj+vSpUuDgKWbb765u/3229PinYZ/Y2wRs798IIhtcIz8O4Z5MzvE9mprxTJB82DsHuF1an/nObd2vRhLxfWpxdNlc+/4qpWVFZ07d04XL14cTP7q6mp3ww03DNqNfWJsaxZ3mY1j3t/mPTe7T2rHzrPf+Nsi90Dtnl7kmXE9uJ7xMduVkb0vmENz7LlDLPTCO3jwoL7ru75rmjTYaZ1iqi8HDjrFmIMOGcyb1fziA4/fjz10eczYTV77jelt4k3NReNNzgWL42NApj+z1lgEA1g5Fw5WzRJBMz1Q1qf4fWyXKdRqSawjYsX2H/3RHx38LvVV7X/yJ39ymqLsoYceGozd++jUqVOSZsHJTA8WA2VZ6ZzrUEtKK82Ck/mwZLBtnCemU+NDJFtTJq5moLE/Z8H4XN/aPo9ry0ruvG7tbzyWbTGVWqzz5iQLPtcBwU50UEvsIM2CsJ/3vOfpzW9+8+B3qU8u8Zmf+ZnTJBOsESfN0oMdPHhw07WZvCA+QPng5F4fe+7UahkulMgYic2zvcP6l9yTnNMsdR6fXWNpF2upAWtV2bM5YfX1MQWJiUFqiSNiv/yccFKGS5cu6W1ve1vab6KZNBsaGhoatgUW0vCk/m3NStpRQqRJk5Ipv4/n18yhlKaiVFPTAg1WwI7H1jCmRnOcNUkkqyJMrZBliTLpkxIPk1WPmQ2YBo3XydJRseo3pbIsaXBsb8xMsrS0NC2rQy0kjq1mLnTbUeOjhFgra5L1i9eracZxDrh2lGK5l6V6Mm9qU247sw4w8S/3ddw7TO1FLYGaTDY31JA5vgjPBcfOtGiZZh4rto+5I65cuTKo7s4k1bG/vD+NTJvxdWsJsrN9SavJIuZBakt8dsR7jBYkanhcj/iZ9z37nj0z+FvNssWUarFvY+kD2Z9aEn4mx8766vVaxL3QNLyGhoaGhm2BhTS8UopWVlZG7db00fEvk95KM78fk+jWpPMxH15N48qkikxjjJ/jdSkx0g5ODTCeSw1vHrs//R5j5JEaqK2NOZMp3TLRK4tjxv973TY2NqqS7sbGhi5dujRImJz5j2gVoNac+bj8HbUZkiOyMkr0ndR8OrF97jdqT3G/0d/KPUQpPmp4lNLpo8kIPbUk5dRcxko08VxrV5TipZkPj1ov/c1ZUWT74x5//PGq/6vr+tJSTvJsZNaGmu92zIrCsXM/ZP5rjrFmccmINdxfmWbHPnLda1phHBOTOBNjmhET2mf+7No5vK+M2rNTGvqZ/WzJyEdsZyuLXUTT8BoaGhoatgXaC6+hoaGhYVtgYZPm8vLyqFmtZsq0CTNSSQ2bKlgnjGaBmiM6HkMzQUZHJ9GAzn2a0sbar5mYMnOo1XaSL8aIDrU4nLE1qFGY6dCPZIxa6ESNNCENTSUZJTpiY2NjUME4zlONnu952Ev70gAAIABJREFUywgCNXo2qdE0bWX9roU0xHNo6qNZPKOW14gTJKC4zWgKqlW2HzPzk1jAMXueXdMsuhI4x7WwjrhXXfvPYSQcL0kM8f/uy9raWtU0de3aNZ05c2ZqEs1MdKwMzpp/Y64Nn2MyHtcnm/OtQovGwhNqcYrzhD/UyHNZ2zXi0di4eEwtrCN7PtWeSbWYSGn2DKy1OxbSEk2b85KGmobX0NDQ0LAtsJCG13Wd1tfXB9pTlOwZzGqNzs5pf47B6gxcJUW1RuvOYEmPUm2UCn0MqyITUZqipEuH/BjxgMf6r7XcrGo1x1yTfjOKMeeHc0LpN/7GPpP4EsFQgK7rqpKWCU81Qkpsj1qg5yXTnlmB2VK6tSWOeSzkpEbYyLSCmCGkdmwcuzSUXqmpeJ0iMYhWCM4ff9+qvWy8WWgI//qYrOq8/29Nz589vsw6UAukz9B1ndbW1qbtZ/uXe7xG1Inrz3ZqVbbHEl4wpIVWjiyEppYkYSyjUM1CMUZA8pyQPMKkEtnzj5YLEscyDY/zR9JXliTD8PyRzJaRjTKS4bwZaJqG19DQ0NCwLbBw4PnGxsZAi4lSjTU4BxifPn1a0kwyZKqi+H+mH8tCGHi9GtWeUo01AGkmifrYWiqpzHdTC+Kk5jAWPOy5oLabSc01abzmh8zgY8eovpT6xtKsGdTwxiStUopWV1cH7cQxe6yW8rzuWUiB4TRWN910k6SZ1u7xcH7GUi+5bwyPyY51u9ZimGosS/VVg9eF2mK8jlHb1zHNFlOk+Rz30fvPfYxr4L1In67nxL/He9LX9n6wNcd9d/sxrKCmuWaw5YCad9SQ/X+nH3NqMQZoe7/EczxPWZIKKQ8b4LOCzyzuZWmYBo+hQNneZHKCmp8ssxr4/15/f+b8ZRYMg37TzDLDc2s+anIYJE1TDTLdnp+N2T3Pa6+urjYNr6GhoaGhIeK6fHgMEozSnv1xZmxZmqQNeEyboT9sLD0U3+zUOi3dZBIp2x/L1E17PwNP6evKUpnV0qxl1zNoZ2fCWUtgUSuopXHzWjBZbdZujf2VpS6yxnzt2rVRX8z6+vqo9k4N2NoLJVJfT5olH6ZPzRL+WPosakCUzqmZS/XkCGRYRmndY/QcWnqlhO81iNYI+t+43h5/1Fxq6ejcFn3H8R6ydsZ70m1Yw4s+eO6ZRx55RNLsWRCZmIbPd9Ln3bt3j1oHSilVv6k02xPW8DxWz6Xnzb9Lm+cs9r+W+ivz4ZFFSN973Du05Piv9wPvDWk4hzUtNEvM7Pny885/PQe0EsV+0w/HKhT+PUu7R38qLSeRoW9wfGNzz3tw586dc6cXaxpeQ0NDQ8O2wMI+vPX19YGmkPkA6Hcbk0gshdE+TH9FFrvFsiVEFifjc+jroL8k09IocdQYV9GWbqnF43Sf/NkSXpRcyIqkn9NtWFqrpQ+SZmvi9rPErwY1FsbGZam5Iptyq3gY7x37c+LeoY/D62It4NZbb5U002qk2fjpd/V8uP2MpUe/hMF9GDUu99vjoFaQSb61FFvsG/2B0rDMDf9aS4mai9uhD8199XgyH56/Y6Jm7tm435hMnkmjM9+Nj/Ua7927t8qW9vWp6cd5ch+oybmEmfeMP/N8achApI86g/eD26JVJdP0PT9MoD2mAW3FXsw0HGpYtLZlWmGN7crrkZMhDZ9B3ru0OETNOvqepSHbNUvcTS1wZWWl+fAaGhoaGhoiFtbwpCFrKUp0lnj8FqbPwW/iKF1tVQLHb3dLFbZrx+98DjVLI0pp7AulmkxL2SoerpZ4OF6PEhczbES/GaXZmm09i6WpZWPxOLOyTpTCyXbNxs0537FjR1XS6rpO165dG8RxZSw299MS4h133CFpJhlGDdXnMEuG96T3iscVtTWDSY+5hmP+AV93bC1rPiGPz+e4b1ELsabic6i9HThwYNCnWgwdpWcmfZbq1hVbCWhZkGb3svvtNfH1zdiOe4Ns2rFsGUtLS9q1a9f0WLcTfbm2Ahw+fDjtE2MC45joSxvzdRu0+Pj6Y5lB3H/GK5KV7PmS6rFtvMc9vjjHPtbt+77iM2Us0T0zZRFx7zDu09dlBquoCfoeIAeCPv54D5ofEvvcMq00NDQ0NDQEtBdeQ0NDQ8O2wMJhCbHmmU0CpjJLwyq0NMFkiYv9HZ3Rvg6DeqPKbxMqKdYkW0TTGc1z7nMtFU/8rkZOoHM/mmx9jvtKU4nHGZ25NWcxkdX083e+HgObx+pSsV6dkaVsY62sMTKMQYJSZk6zyefgwYOSpFtuuaXab+8Fn8N9YLOd58IB6tLMxFRLUu02ohmUpmuOJyMCkNxDUo777r9ZMl+bzHh9B+5m+5ukCCaF8JycPXt2eq7boWmOCb3jOH0dmqc8nixJteE5v3jx4mj6vD179kzXzuvmfSFJt912m6QZOcXHxPal3B3i73z9M2fObLp+lnyB4Ui+d30s0xdKM/MzE1+QJJMRw+iG8Fr6menfY3A/Qwn8l23F57fX1/3nPcJ9ENeUaf24VzwXmSna6+S9YoKa1yLut7iG0ngdTqJpeA0NDQ0N2wLXlVqMzt0oVVh6tbRHR3P2JrakUUt5QwdqlJp8TAyEjW1kn91fSwqWWixBMmAz9p8Ucjp5GRwrDZMgU6PNqMWcA5JIeG6WADhL+BzHEPtoqZ+SVq1cTPzN312+fLkqpbviOecxS65LzffEiROb+hjH5b1Ix7jh9p3iLku9RNSIV9JsXiylkizgPkaN2wQPS9KeL0u3DB6PhBC363H6L7WBKKWz3Najjz4qaRYQ7nvFfY9aNsNPvBaktMfx+TtaZrwmJhlEbYAB9WMa3o4dO3TgwIHp/Pg6nj9pth6+p+N8SENNT5rtCa4LrUYee9wHLGtD7SWziDBEwnuJRKos3Z5Bur4/W0uP4/O13Td/9v3kcdlKIA0TXNQ0p6zvXh9aSpigIlpZ3G/veYbwGFHrdTsxfKiFJTQ0NDQ0NARcV2oxS24ZBddvedrzmaIoK5CZpQyKv2f+P/9GWj2TxkaJkvZ9S4VMvZNdhyEUtaKlUUJhUmymocrozzXfZ82XmPnj6CvwOfR3xetRuuX1o/2d0tgYfX99fV1PPPHEVMr3/oj+WErnllYtiVJqj/1kWjL65Xxu9JPaB0StnJaLuA8YQmA/o+fYEmu0evg6tcKilOLjPqAv0nPivWTtKfqd/N3DDz+8aW4syTMwPErH3IvWSujLifc8wxDcN+8pz4k1Kmkm5fu+fPzxx6sFhP3cYShGXEuvmfcTafSev7jf6P+k/41Jr6PviMmhmb4rs2hZs7K/8fbbb5c0e974+vE6HofnkKXEvA99Tgxap4blcXkdPP6oUdaK4Po6TEsW96774OvSkpDNo+fn0KFDkmb3F5NxZM8q7+tz5841H15DQ0NDQ0PEQhre8vKy9u7dO5AYoi+Eb1oGaGa2YUsVZPmRkcSUPBlqAeJRA7J2QQmEKXiiz4EalhHt33EsUaNkQUz+zcr10IdnydTSO8/NJLtayRVKstLMH8IEw5bGsgKnTOuWBXUbXdfpypUr07k/derUpvHEa1KLcR98vcxPUWMOU4vKmILuk9cpS6pskH3HfUZNU5ppM9aOvYesHXIt473BZNTU7JkCShpK0kxOwPR0WRFejsP7g6ncYrsG1yQLZncfPQcXLlyo+vAMMiLjWrqf1mqZkILM1axdt0dtKmMhR7+1NCzj4zWNPACWXqKFyZaA6CskR8DPAa57dn/Sl8b7K3tW0f/L9fd80homDeeWJbo4hngd/+a1ZdKC2EcmCj99+nTT8BoaGhoaGiIW0vBKKdq9e/cg9VLU8MjiIssv8/sxMSrZf5S8o/TM9DhM7ZQVqbUU4X7bT+E+WTuIGhJLeFh6OX78+Kbruq0sLiqyk2KbGaOLSaFr5ZUyqYlrwETXtRIj0pAxa60ti0XyPHlc58+fr0rp165d09mzZweSW+a3ibZ5aTaXnq/oy/M60NbvNuzvccqpqIW639ybni8m7I6/Wdq3P8RaovsWfXjer44tch/st/D6e24i+9DtmmHJOFf/Hn3GLKPE+9Tj9dxE/5/9TGQu1gqRSsOUWdQovCdiGrQsRVotjnNpaUl79+6drpfvjTjH9GFZi2FMWFx/Wp9q2jP9WtJsv1kbo1bt+bMGm/XR7Fn6/6KGZ0an/X6+LhPRZ758Phvo0/O44/5231hCzevPuNcs+TufP96b3u/xueP+MhaSaSvjs9P3ke+b8+fPzxUDLDUNr6GhoaFhm2BhDW9lZWVQViTaV8lEpI/Jb/ss1sRvftuyWZCTGqA0k3gsMVp7o/8gaoWWjiw1POc5z5E09BVSqpVmkg8zXxgsSxP7QM2ByaQjGIdCyYcxhFHLpo2efoDMn8EyHZSMfWz0ubkPTu583333VZl2jsOjxhB9AA899JCkof+A/Y1MUZ9vqY/xeP7dGl6cV5YvYZJd+2ejBkQfoft85513Ssrj8BhzxnI6ZP7GtbDF4P7775c0mzevg9uwBijN5s1j9z1hbcN9tPYQNYr77rtPkvQnf/Inkmb+LO6hLOGwr+ux896MSbF9bc/j3r17qyzflZUVHTp0aOC7i35L7jvyCzK/Ndfb7VnLZSahCLfrufQzhYm7oxbK+FjPrcfl+fFelmZ7wmv5ghe8QNLsGcXSX/aNxzlx/72vyNLN4kw9F+6/z6HlKVqWfF9ynbxn3Nd4/9KvzWejr2NGqzR79vq+3L9//2gJp4im4TU0NDQ0bAsspOFZSqdkFLUZSkv0qWQsTUsN1uwsKR45cmTTufSfuE/STAKxhMIyRNEG7O8sFdAnkBW2ZamNrAhlRNRc6LdkSZtsTqxduB3Pidvy99ayos+Q2RKobfv7Md8UpW3GKsX+W7sYs6Pv2bNHL3vZy3Ty5ElJM606Kw9kvyjzoGYZYlhmxn+9D+iTjP4xllaxBuRjrFVl+T45B9YW7dPLcqlaK6OGRwZclJrdru8r71FK9rGPHo+PcbvWRr3Wvm70id59992bjvE94LmwBhH3jvdijcnsvmcZZMbKTxnLy8u66aabpmPM/HHct8za5N/jPHGMx44d23SuNRVmZJE2++biGL12zA4lzbQZr4uPjXtSyufJzy8ylfk3WrK8V6xN0/pRKwUVx0P/pa05vN9iXz3nZAlnzGZmjvJ+9nhisWeD7PqzZ89uyfA1mobX0NDQ0LAt0F54DQ0NDQ3bAgubNM+fPz9IkBpJF0zTZBWcjuZoliIRg4lQraZngc1Wk90XmztopozByjZHsOwQ05NF0MxJ+i5p+9GkRYovTXVW+bO0XVbbbU6pJQ+OZAya0Gi6HStl43lk+iumX5Nm5gaPY6zi+a5du/TCF75wkHIpkmD4m+fcZjSblqJ52oHGTJv2/Oc/f1MbpJFLs73pObZpyethKngkOtjs9cADD0ia7Ukmgs7Sg7mPNLv7L0360uxeqKWhM8EhzjvJXr6ux84SQB5LHKsJAZ7Hl7zkJZKkd7/73ZLykACuPaujZ0Hf0TRWI60sLS1pdXV1OhdZogre7yyrkyWT8HfeX74vvQ42v8d+GEzBR2KS93U0tdHUzJCSeB8ZTMHn6/ocpvOK/fB17D7wX5u2vcZxTnxth5B4z/g6TLQR70WSD1mSydfxfSUN00by/cHnT/wuliNqyaMbGhoaGhoCFg5LWF1dnUpTlhCihmepyW950qez8g8MMK45V5l0ObbDNzwd8xEMnOd1xjQ9apIseujxZ5Rp95WprLJ0aCy14uuQrJCV6eB8sYRIloSbWoDb8xwxaF0aai6llKqktbS0pF27dg0SKcd+ez6syZkoYamS4RaxP9TkPQ6P8Z577pG0WaP0PvZ6cH+5j9FxzsBmkqU8viz9GTVqagX+3f2JsFXCGqYJFaStS8OSNaR8+34zOShK+J4fn5MVTmXffR3v71oKs0j68H0Z067VNDyXJPO8+HrxueO581hoQWDaQP3/7Z3Zkh3VlYZXlUpCYOxwBGYQONw4wpd+/yfxA9C2ZMDNZDAISTX0heOr89eXa2fVIaIv3Gf9NzWczJ17zLPGf9WWTMJnmLGb+KJqey6sdTC+fFfRF5eWMjF4PsfvG/riYC3exbkPHFDl0mYOnsrPbHViX5twOwOsaN/0YMyz91DVQetkXH5/2FKYc9ERkNyH0fAGg8FgcBI4SsM7Pz+vJ0+ebOyrKbki5Tlhca8oqW37SA/c47DnbMPf7C7943I62Q4/rUF0xUmRmp2gDSy9Zx9XfXFiaPbRUqdDsa1xpWTkzyw9efwJF6t16kT2kWsY615awtnZWV1cXGyky72CldY6TTBbtS2miRaxokhKn4OlY2soXWi5i8Km3zXnIP/PPNvnbd8N6R2ZeAyQ0vkM7bdLjzFNk88ce8r7MvvGfOLfMglA1zf7pp2K1JUhsiWjAxoeWlNngWFurTV7j6YWiZ/KqRGpOVRtNaMci8/0ikg726ffTnFiP+Zz0Aqd3M9Pxov1Ju91UVz2DvNo0ux8jostc+b20stMg8jccEY7Ig/as6XM1oEE7fDz8ePHo+ENBoPBYJA4ugDszc3NLnEtEokLr9pPlpKQCaBdfmiPgsvJ1KtSK+m7cRKqI0ndr6ptqQ3/n+eh2aaU6MhU2uD5JnfO9lzQ1JJkVwrI0aCOCmT8nabMTyf5ghV1mPvQffbDDz/catN7a4lkarJZ+ptaGpKnfWguyeSCo/mZ6ZSczJ3Jyk68Rnq1FtMlRZsaD8nbGkZScNFf+3+5x/RUVQdp2dYWl7sBue+YE0c17pWA8v6iz6xF52deFWzucHl5WV9//fXttY4SrzqsnYseu930cTnilWvpp+cg9/6K7tD72hpn1ba0DmvnqPGqLb0df5vyrfPH8Wz676jglVaa42DvmNChs3RZ2+U5zKOjoqsO88f/vI6OwvcYGd8kng8Gg8FgEDhaw/v55583PomUSOxzsqTV+f1MuEz7lhQ6e66lCkczufxE1UFKsY+Gfjh/LdsD9sdYiurIo2nP0VhuI/vi+bNGuzc3q6K7jmCs2kqq/O2+pc9tVYaow9XVVX3//fe3eXNdIVFLvmgI9sOlpM2YnJ9kKbYr6ur+Ol/I/pN8DnsIDc+FclPidK6kfThI7bSZuU74mdhPaKo8h/XIvDhr//7JmnqOqg7rwX7qSuPkGLIvpvHip/uc7fG8vdJSNzc39ebNm9s5RvrPfpvWylGUXaSlyz9Z4+GM+0zkPbZkWSNJzYRr6T/zwh6i70kEji+N/9kqRZvOsaza0n+habk8UK6lie4B+8znK9fUucMr+rguZ9TanyPo873jMX/zzTfjwxsMBoPBIHG0hnd5ebnUyKq20r4Llnb+OJcMsmZibSYlO0v9tq13PgJLxy6M6SjUqm0ZC0cOWtPMkjLOs1vNSUpn1pCt2e35PGyTd5TenjZoO78j11LbMbvMW2+9teyXS0ulHR+g2dFfCmRaY0gp3f42F3M1gXL6HtxXr481parDukOyzPPwrXW+DVtCnO9nMvbcB/YdO9cJpJ+xK3qcz7d2lVK6z4C1QvvZsx1HAzOfJsfOaxnHZ599tvQP39zc1MuXLze+ttxD3tOdRme4ZFk+r+owp11EIuvAujtaF+R+4B4XzPXeyXlw+S+utebDPeknZVzMv69hv3VzZO3PZ93vsKptdLjjNvbeWd5fnqNcI/rdWUTuw2h4g8FgMDgJzBfeYDAYDE4CR5k0q/6tcjrJOlVwm/ZMZLsXRg9sEnHCZl5vU5xptRzOnX2zmRKnuJ3V+T9MWivKLZvf8jP6alMCbXQh8zY/edyducUBBjzf4f2dWdlmL5tZulqESdS7Cjx49OhR/frXv94k8WZ7mJBcidtmtDTbcA/XmjTY89bRqdkEzN88L1NMqLzsoCXvoc50atOO+8YapIOedngeZl4CekxTV7U9C3zmICMHCCRsSqNN5rubR68956urtG0T5OXl5W7gwcXFxSZwLPvgObXprQuosuuCa00I3QWgOP3Jz3eqRo7ZqRMOIstzaWIJm0XZm04JcTv5fFwHDl6pOqyRE/Ztbvb7Pe/xO9n3dH0Cfg8xzx05PvP17bff7qZEJUbDGwwGg8FJ4GgN79GjRxsne0oI1ji60Ne8Ln93wMtKe+skUv/P0kRK3E52XGlRXRVpS0UObLA2mp+5hAdSIJJROr5NYOy5cBBDl0RuDWylOedzAO1aauuS8d3XDpeXl/XNN9/cjhktJpPIV2TKrF2XTEx71tZW1bfzXpcicQCSrQQ5fq5lzSgls5c6w7lxYJU1wNQou2rhVQcKtT//+c9VVfWXv/zl9jOXn0FjeUiyt4kibLHpAroAn3FuXG4pNTTWLVOA7iMet5aR58XE805DcWXtvNZ72+dlb55o1xpYF2DF8xws5L8zhcpBS9ai2eddoBJ9ZD2srZPykmfa6Qcmx7B1KMfnIMZValoHzwXvBaebVR004iRD3yPESIyGNxgMBoOTwNHk0U+fPr2lVyI0u/PbOLx979vdWssqWd3h4vlsS9Yrra1q66OzxLtHTtv5dbo2sj9ONLc0iPTehb+vNEhrkp103JH25v87bceSIhKeqdOqtuH2e2v8+vXrev78+W0YOgnoWXrHlFigS38ATnY16bal+PT7WDqnfTQHrs0SKIwf7cXpEHspHyaNtv+n27M8e5XKgDbwpz/96fYeiKVNeG7/eacFd36k7JOfX7VNt3DKCfu/m5skX1j58G5ubur6+npzBvI94P3rxHmnnOTv3gfef13CtNfOIf+2guVzHENgwvu0LAGfS1trOl8b7XmvsmfQ8J49e3Z7D+eSdl1ayBpeau3uw8rq1fk1mSen3XR7h3cjpbK++uqr0fAGg8FgMEj8Ig0Puzt0N1maxNFxlrBXJKtVWx/dQ2zA9v8hcaCBdeSjfraf2yVHr0rGOALStERVBwnOlFJcwxzlPdasVlRie9q1+w46Dc9RWSufYVfuhP6//fbbbSQW7b18+XJD2EyxV+7PZxs8O/0G9rf5b346uq1q62ugb2jcrEFXmNcFRZ2o3a2Lx+XSKNYEu+cg+dpXlc9DYrfvzlGOpgjMa1aE7iZLz99N6GDaqJx7NGV+vn79enfdnzx5srE65HisPXpNu3eINV1rIvatdlYU0/Whtbk8VcI+fOYNv2znM16dT//MfeB3oX3SvIcoLpxjxorn/5ukI/u6otDbI9i2j9rRr+yd9Neyv/aI6FcYDW8wGAwGJ4GjNLzr6+v6+eefb6UWpICkOXKUkiPvrOntfWaNrpPS+J8LzmJ75mdqayaNtWRpCqN8jiMtHVHKPSnZrWiAkLwoB5OasvsKHJ3pZ2QfbBe3JNTl+1gzYl67yD6Pdc+HB9gzjLmjxFrlK3b+JUuTlvRXhLZ5rcvX0CdTM2UfXRDVPpXcU0jSK7/PQzQ8/C7sZ6Ry8vK6YsWZe5p9tN8xn+dcTfu3rDHnPfTRe7abE/bVixcvNu0ZZ2dnd6I0aR8fTtVBq7VG5fdM56+0FtVF5+Y4Es7P5Yx3BZN5Tzq3kns6qjP76PzOsm+6K73Dulij7MbjyFr6ZOtAl5drH7TfB3ze+dGdR8se7aJd0YTR8J4+fbpLXJ8YDW8wGAwGJ4Gj8/DOz883UhORPVVbNgH7NjotzT60lU0ddLlgAFswPzvtxtFyZs1AEkpJy1FgZqtwVGpqti4Z5LlAYklpkPlb+Ru7SFLD0YAeS/e/rgRPtpGSlP1ZFAjucHl5Wd9+++1tO/juujGvIm+7/WDfnQtJ2qeXGoD9BawD44HNJCXhJAXPzxy122mF7G8X+nRxWop7Vh2kc5NhE2FHkdy///3vt/dY+/RZYFxuM8dujd7+rq6kDFqbI/q6HDHiADLydiWl39zc1KtXr27bxTqQmgLRrC46u4r4rbo/v3fPisLe4X/Wbu0Pzv7aL4um0kWS+n/WylcWpvzM72DmvtvfgD1J/12OqDvnqwjyVdRm/r5qlzXISGlyXjknT58+fZB1qWo0vMFgMBicCOYLbzAYDAYngaNMmmdnZ/Xo0aNb9RHHOSpy1UH1xGSFqm9zRVe1Op9TtU1uNJ1X1cFEZdJmE+Z2odemo0J97+r8dSHc+feqDmD+7qRUk/fmHDlpmHtsyuiIoFdO4z213yHYDnPu2lyFzO+BVBb6n0TQmAH5+Yc//OFO+w5eqTqYBx0k5erpXJdOffqPKY7PMBfSRprsMf+tAg0YTwaM2LxvMG/8zD7aHN6lZmRfu74xJ7///e+rahsu3lWt9tmzaTATz7v0jby3u4ffP/nkk6r693tiZdIkWI72/vrXv1ZV1aeffnp7jUkLGJOJmjvCabsJHMDVmflX9HCubZfPS9Nx1eFdyfx16VB2Abmvdv/kOtkMDXgeZzHPNOeEfcxZ9Pw60CfBZybh7ky2K/JorqGvOXd2K91HPJ4YDW8wGAwGJ4FflJaAFIOUlkmBqxDfdMRX9WVmgLUYh72nhrdKTnfie0qPphuyltZJtaa16jSGHFfeiwZsrQbtl/lL7dEJ7Nxjjc+UWolVpXg7sbO/Dv22ZpHzaOLaVWkgnvns2bPbMHprrNkOmgkSKO0yB10IvrV1S8SdJuxkdJMUIIF3ZL6sqQOQOBsZrEBgCdIy1zIH/L/T8FxeaxW80NHtcW9qqFWHgIQuRcjn1yk8XvOq+0vz0GbOI3NOX968ebMbtPL69etNGH9WuoaizhqQNf0uUdrBFtaIOuJ0B0N5nuhbpxWyvg4Eoc8dHRn/42yg+azKYGV7fkeyV1iPzvLAPmYuTMbQWdt8xlalhbqARZNycC/j7SjTuLYLwlthNLzBYDAYnASOTku4urraEMmm5GPqKycWgrzH/gFLeg75z3udHrAq+ZNShcmjLXEhOaR92pKNy9JYWkwp0QnNtml7zvIz+uTCs7TZ2e5N4bMqBJrjW0m13Rqze8ayAAAgAElEQVSvrrm+vl7a0h8/flwffvjh7di95tkHa+VohR1NnDVQ+1j3/JgrwmyXRun2W44r+4ZknL5Jf2Y/M1oImn6GYONPtMWEvtJ2riV9pP8u2urE/tx3nkdbSpzMXHU4L/5JnzrNzeW2zs/Plxre1dVVfffdd/XRRx/d6X/6BH2WrG2iFeYzHMrvUjR7Jc6YU/vh0Eg6IgQ0eVtRAHsmS2b5ncf828LQPY99xVoxPqds5Fl0gjtzw/ztkaSvaM9WlG35HL/v9mjxTKj+UP9d1Wh4g8FgMDgR/KICsKtEcT6v2hILmxD6TidEX2StwpJfJ3Fba7M/KBOBXTrEibJIaylBmjzVWoh9HymRWCtDWuL5XZkWU5nx03brLpHfn4G9YpL2fa2K/ObcO2pyz4fHvfZfdjRKLmDqOU+YAos++e+9wrwuYMvYO0IA+85Mhm1trWrr92Nd7Lslsjn3nROY3Uf7eLMPXMMcMK+2aHTz6rPd0e2BVfKwI4k7f1ZqLvdJ6j7LXWka98G+3I7CjHvcX1tCcl3Yv2gb9M3vsNTWbOnhb9aD/ZBrSR8gPHA0sPd3vkN4ji0j/G0KvaqtJulrViXV8neXQfLnqdna3+c9y99J7ODYix9++OHed89tHx501WAwGAwG/+E4Og8vtYZVvlfV1sdg0tOHkn3mPXtRZc4Jc0mMlB4txbicSVduAonKtFBIeCu7fNXWH2JJz5pX1Ta/0NFLK19L1VYCoq9IknsSN31ypGxH0WYtYC8f5ubmpi4vL28jEYna7XyP9AGtxn3Isa7ygbw3u3mytEo+HvuB5xEtWnWQtB3hxvrgb8z9zby7sOeKJi7HYkna0a17JMUra4CtBrkP7MdyBOOeD495M82Wc6qyj+nPXEnpkEejcXN+co4577bEmKg7139V1JR+26ebxY/R1m0FcF5oV2IMywV9cRRvnjGiPRkz4+QaaNa64sG2lDHntjB0dGTW8LzPu3Pu82lNr8sLXJU/8t+5R+2n3ystZYyGNxgMBoOTwFEaHlI66AojukwFnyH57NlaHY1pqbK710wXSCBcy3NTk+AerkVaQ+IxAXWOi75xD9Iskh5SYPpFkOjoi9tiTjNXEWnPJLV7EU/gPh9oJw2ucpBWJZqqDpJWzvleEc+33357Q+qcUj/PYg6tldkH1WHlW+0KZFqSd9/ZDzB7VFV99tlnVXUoc/T+++9X1YExBHTzBDMRa8vzkOK5J7Un+8BXEnieS5ewoo/OobN/q3sO11riTp+K/dbWjKxlVW3zR/eKeEIezT7DqpL+Mfvs6cvKn027+XOVa8j/OeNVh/PPGOkLawsxc8YOOMKb9wKRuI4wzz6wlmhpnBHnOuYc29rk0m1YK3Itec4qD9Pv1z2N0hqe32EJW2hWxNNV2/P/UP9d1Wh4g8FgMDgRHB2leW+DKqqJBGT/UedTAys+P5esr7obOVW1ZRNxAc2835FdLmiaWppt55YqLEEmv6gZNazdOG8q23NfOuaY7HvXt5U22NnuwWoe93Jo7ou0u7i42PhY0i9i3kjm0H7MLjLMUh9ryvw5J61qK8Fb60DzSskeHx1ahiVTpPaODYZ7/vjHP1bVNqcOX2Hu1VXEo7WFXHPmic/QCszO0RWAdXQ1YD9YC8o5sP/F+YbZJs9mbl+9erWU1K+vr+vly5cb/2FGwprNg352Oa6+x9qEo4XZo3mmGZOZdfjpCPCqwzuE/+G7c2HWHIu1JucvulBqng1Hn/Ic+s48Zskra8q2AqyKZnusOR7/v7t3xcbSRZQztxllPAVgB4PBYDAIzBfeYDAYDE4CRwetZAjoXsCE1VhTiyVWias2OXTJlZg1HNjiMj1ZPsUBNB6HaXS6PtoRSz8wOaTZ1akSK/q1LgHUTn079ztnv4N/bBboqMVsnlxVf8458bPfeuut3RJE7J9sv6NTc/V1J79nv+1kx4ziZOEupcEVv/nJuDBpkhBetabBw+zFzy6Qi59UJ+daU04REFO1DcKwaQkTWoZqM08ETjh1YS+oyQEnq7JXXdVqm/0dAJPPoV3m9je/+U2bFE4/r66uNonyHbn7yizapSXYRO60GD5nndIcbsJ57k0TbfYrYUKFVemxbjze10516YKXAH1lf2Ged9mifE5HFp5tJWzCXJ3frnSav1NsFu9IOezOeghGwxsMBoPBSeAXpSUgVVCSI6UMS4T+5vY3ev7PUqRJYrsQZms+1mKQLtJh7oRLkwRbik44EdLO0o4s2857/98UV9nuip7JkldKXNYonNi8J306YdtSeo7B7d7nPL6+vt7MRY6ZdXbAhCXELgDBFGvWmrv+s+5I5Z5jJPvUJNjzq6LBSMtdgIYLiaIRIXE7MCSf7QAua34ZtOMgFQctMJ9dAIKlcBN6dykcXYmi/LsLeOL+DMpaWQdubm7uBER1a3lfOk2XluKALGu3e9rUyhqFtt4FWDkYBgsC6SpJKQZc0Nhn1ykTGVjjQsAm3OgIL5zG4aR7v6tyzf3us/WlsxJZgzXNX2eZ4Z6k15uglcFgMBgMAkenJZAEWrUtpFp1PwF0l6xuydfh4p39HaxoaxyunhoXkh0S0CoEtqMhWpGrWsPobNz0ZZVUmTZ82rFv0loIf2eItrVcS00dWbDH7IKqXWK6tbQ9SQs/DP4Lt5+wlOnCvCkhrhKynbTeJbA63cXSc+cfs5/FWpILg2afCAM3LRnniDFksjJSv32D1lhy3n3WnHYBrOF07dpvuudTcSqLCeO7ZPxsd2/vXF5ebkjfcy1Xvm37XHO/+YzZZ4fW1BGde9/ap2dqwKrDnKLZ8ZN0FVN/VW3JyW0FYw7oY2qhjIP2nXKyV/ILeI54jgvTZl9Xhaf3/Pv3+V7zPLEurFfGZ9yH0fAGg8FgcBL4ReWBbJPNb3kXVbWvq/NTdMmFVQcpIim+qvqCsysanU6KcWkXYG2q8xVaal4Vp82xrMbnqLmUYlbljlw81v3Ldujjai46rcDS2B5tj/u/p+FdX1/XDz/8sEnUzeutLVtaZuwpxa4Isd1Gp2V4TZk3S+udtobEbR9eR6jOZy646kKsloyzjwbj5t5ur9p3tyIryDU2GYM1vU5atxblvcu9aWWhT+mr2fPDXF1d3T67i84zwcUqerGL0nUbKwqszk+ONs4+YIymEaw6nMcsa1N1sDShieU5tdZnH77PYEdLBuz7dBHr7JutUIyHvrpAa7afPv2q7b7uCC+ssfq9mutJZG9X8us+jIY3GAwGg5PA0eWBzs/PN5FjnbRn6XmvLJBt/fYT7PnFVpGP/rzzM678VJ2Py1Kln7MXxWb/mDU6a8X5uyM5VzlOnV9rld8IUgJ0IVVLt474rNqWQjk/P19K6WdnZ/XkyZNbba2LSMPnsMrHQorOvCFrvp5jFzvt+ufSLl3kK4AkGJ+p8/C6XCo/0zmpe5Fv7gPzZqqppCPrNO+81sVDE86/cn5mNz6fT+9J1py8wO6evQhfqMUYY0dV1vkysw+rfLK8xz5N58l1e9+lt6wZdSWMXOIJza6LdkWz4V5bi7gHAurEKmLdlot873gO2EPOFWW/d0WkV5HlXXS131WrfDz8nfm/1HqnPNBgMBgMBoGjNLzr6+s7UiGSdseiYj8C6EpgWAOyDdhSVMcQYgnfEYrZb7MjrAiZU/KxX8KFEPekmJXPxqV/UmI10avzyTyWvfIqzrvpfCErnw1w5F+2Q7/3ygMRaWf/Qa6l/UPWFOz3yWevrACsu/1M2Z7z0tBIHHVWddjzKw2S8XR+RrRDR53aL9xFB/uMedypMdty4chpa2k5n3xmxhCf286i4HI71pxy71IKK4vD3lcAlhwz1if7wHzbMkKb/D/3vCO57e+1v7xjMbFFyywtnT92FVGaJOUGGpWtYHusI1hEfE5dGLrLj3R0Jn+vijJXbfeIrS17lpOVdu/3bbaPlWXIoweDwWAwEOYLbzAYDAYngaPTEq6urjbULpn0vHJCrlTxqq1ZbhXg0lHhWOU2sWwXbGHzIyYSB27kPauwbJtOu+Ropz/QBv/v6kZhorLpxKa5rtKx59zjBp0pwyYaz2eaFtz+Xmj59fV1/fjjj5uk7iTZdnV6Bxp0CaY2mzg826aejtSZNugLqRPdPnAqDu0xHtp6/vz57T0Oy7+v8ni3ljaVe9y5lvR/VUPvIeZ35jrXJz/POoZ2SWD25fn0J9eCdjOtZGXSfPToUb377rv1xRdf3Pl/zhPtcW665PSqu6Zh70UHpzh5PM/nKmiIe3kndiZ+B4uY6jDXBTOn18pBU06Pyf7bhGhzZZduYfMrz+Na1rRr1/vaQYCdW6RzOeR4HJyY7d+X0nLnngddNRgMBoPBfziOJo++vr6+/YZGystw41XS8yqIpWrrvL8vlDilAQetmJjXz8g+WOK2pJrOZWuSdsRaisl7cWRbgt2ryuz/OYBjRdmWY/U1Xosu/N1h6ZYOc17t1N+jDnrz5k19+eWXt5IoJMw5ZieRAwc95D0OmAAOye6c7Ggc/LSG1UmVpnBiD6FZOPS/aquZMj7Tku2RY9NHa7C2TlQdzqUDXVbWkATzhERvAu09OionCzvgJefe+zbJoY3z8/P61a9+dTseW1uqDlolgUHA2lQXROLkff625pWWLI/D1cy5J8Pp33///ao6JJPTN85CF5hGkrVTGdCwTC7dnSfggDHKVOWZdroQfWXstmRkMKDf7T57nQbvQDqfPY87x5WV4vfePYnR8AaDwWBwEjg68fzi4uJWuvW3cFWfmJqwJlHVhzpXbRMXkSZSarKvqfNpVN0NE3fBSvs66CMJoXvjcNisi4jmZ/wkiZM+WxutOkiqlpIeQvllzdhzYq0477Ek7xJKXSmRTIZd9ev169f1/Pnz+uSTT6qql5ZXyeOrNc7+OqTcibOdXxOp2Mm9hMyDDz/88PZ3pHH6z0/WFok45wlpHA0Fv4zporqzgTRLX60tdj41wvdNzWYigo66z5qKte5O611ZH5xuk+8J33N1dbXU8M7OzurRo0ebFJDcQyv/v/3k3f60FYV9aOqtPfJop0F0VGZOc2Fd2FO8O9I/hlbItVgYnNrkmIWcE1u9aIvn5Dx6LmjPJX+cGF512IPWplflybIdWzfoK3PSEbinNjo+vMFgMBgMAkdreI8fP94Uu0ztyX6Brqx71V0p3XQ5qyRoNC5K01dtS7ogYZu8uqP6ciSSfYUpiSDhWMJ19CRzkdKgfTYua9FJn19//XVVbSUg+0NcYibvsWZn6W2v/JFJXe3nyt9zDVYaHuTRSG5oOV3ElhPy7U/M8jlo+15LS+VdZCJzlu3lc+kHBTrzd0uZtI8/O+nPeKYpvdDELAF3mpDPBG04WT7BWbC1w5pdPu++feCI1rzWc+4k5XyO/UvvvPPO0g9zfn5e77777u0ZpGButrFKlDadVu43axUmOFj59qq2Sdw+a2hiqT1xraOQ7fdLzYXfP/7446qq+tvf/nbnWpdtyvcT75CVBsteTW2V/eQSQo4GBamN8u5jzKv3eEes7++JvejMTDin/6PhDQaDwWAQODpK882bN7cSA9/gSYljah/gb+6UYpD8LPk4srMrs2OpEu3PPoeu+KTzkmi3K6diuiEkOP5vzS61XvpkDRIJa49Q2xGQaCO2w+ec2O9jCdw5d/k/YImxy5Pp/DorP8yjR4/qt7/97ZLQNmE6MEvvqXERxcY9rIujzToaPNaDz1gP+oQEmT48k+d6f3V+MReSZY68dp3fxzlhJnzm3lwDNDv64uhGr0Heu4og3aOuA5xj9hnjRgvP/e/ownfeeWdJGl717/llXLSXGiNtuyyQtaiOPNqanK0ondWCveEcPq7tyig5RxBNlT51uak8B78ye9X7j72U47MvzXPe+dToo3NiHYHbaePO+7MPryvL5r2P1YN1NM1k1UHDSyvL3t5JjIY3GAwGg5PA0eTRL1++3NjFU6pC20MT6aKxqu5KCJY0bTe25pcSgpkvMlqtaiuRVx2kCCRgSxP83TGR8JNxrnLGOqnZmhySnO3lea19d/TNhXSzry47tLKhZ388Dtqnj13BR/5Hn54+fbpbsPTTTz/d5MN1eUPOYbJ1IPttQnFL5fSfNc97nfODFG1WidRCkbC9V9EOO9+NGTVWRVY7P4zLwrhILp9neSDadR6Zz1OX4+Q1XfmbEva9W9tgjrpowNSeV1I6/l8+R9NDu6867BW0DPu2QGpP1oRNur0iM0+sCOG7tWR+XFoI0EZGh/Pesq/e74WOaQXQf9bbjDj57rAFwVqp1yi1X8dvuHg16Fi26JvLoHFt5leyv7o80vswGt5gMBgMTgJH+/BevXq1iUjqGEn46Yg7+5ES/na39L7iW6vq2SmqDlJA+nTMlmF/nH2GVVsJxMwXfn5XrsPlWZB4nc9WtWXSsN16rwDsKvKp890Ba6HMDfciDaaE51yZV69eLTW8i4uL+uCDDzZaWkqzSG5Ic84n69aFHCYi0hgj99p/mmNnTl28k3v4O/PyVlGgPJ/xpVZI+6sSVsCfV9Um57XzaVTdtWB8/vnnVXXYO8+ePauqrS+v425kPVZllbo9ZK3Alp+OP5e15lxeX1/vRtpdXFxszk2O2ZYIc3U65zb7ydz6feZo3Y6HdVVGy9GbVYf3jKNzsRZ1sQPWxvnJ3LofuadsDeCcuhBt7lXuYX2cQ2prXEYjA2t0tijl57ZGOWLW74Sqw/rnHt3LS06MhjcYDAaDk8B84Q0Gg8HgJHC0SfPy8nJDTZQquImlTbnTdkJVyZ2o6vD3DJKxc9i0PV2gC2YwnmdqJxNRV23NAasEVzuI81oT87pCcI6LvqHSO4l3VUIpQbsO5GEtHMKd7TFOJ+V3JNUPBdR0VYdxZRAB7b333ntVtaXG6oKJoF7CFEcbjNkJ2tln1tRJ25ieusAarzvrYPqurkyLw88x55iOrgsMcvg2bdpMWbUNTsFk5gCYLnTeRAN2QTioJfvmckuA+UszrIPa9pKH2Teuup3pUA7IsHmSOc20lFWldmBi+NwnDrBirilhZOLsrn27eUyikZ+5krqDWUzynf1fBa10Jb/8Tvc7yqXhck3drk35e98BfudzD2udLin66D36EIyGNxgMBoOTwNFpCT/99NOGzDeTbO1cR1q29Jba06qsBJKCJdMupcGhz2gQJkXO+/0cxmGppuuLtRsT5ObnaB8mP7aWlhIkUr/Dgj3ujjrN9E8OP3f5lrzHocSe871AnvvChG9ubjYURTmulSZsrSolRbR1NAYnrpoSjc9zPlgr79XuebRn+inC67tAENNzmaDZlHMkJOf/rGHbspASMP/j54okvQv5dpCZwb5MrcA0WyYVcAHc7P/q7wSUhgBtJoMtVkFkDrDrEs+dyuKAML9jqrYk68wxZ70rCeZzsmq/055t7WIdVoT73fhsuermgrl1u5n2kiC1o+pwlq05ryjV/HvVYbxJSFB1V1PuqOumPNBgMBgMBoGjNLyrq6v617/+tUlsTWnAEjXSMxJ4JznSHt/qSBn2HzkhNIEkYM1hz18FVmkCCSeyWjJZpQJUbcPerdk58bXqLjFqwtLnHpmv/S1O+u/C3z3nHmdqrp1fbwVKvCARdpRiaACMGS2dpGJrDPn7Rx99dOfaVbJ69pU5Y7+l9pdtd3vnd7/7XVVtNQeXJcpnrqwcpvrqrrEGQ1v0uSvbRHv2GXsPpfZkqdwE3l26gqm5gMnAU8Pjnnw/rKT0s7OzevLkySbMPq0Dq71okozUFJxCYo3e6TxpEbHlw/44xpr3OGUL2CqQWpPTUFa+9b1YCftWvcYuFJztO5XANIW5d/xu9PvGZBZ5zSrdyiWasi/goSkJVaPhDQaDweBEcLQP7/vvv99QL6UU4yRqpCiklr3oQksNXUkX+uHn4YewRLcnxZogF3Q2biRsR/s5qtF0UYlVkVr79LJdw1qiaYLyd/sonTTd+dxMHgy8ntmHLqG0w8XFxa1Uzj1ZXsR+EfevI651dC4S4YoQYM+PtIpIgzYsPzMRrwtxJrwO1g4cLYn2mL8zJ4zXfp+Umk3u7vF4b3b+OFtIHEHYFeR0SRef+fT123Lx008/7UrqGR1uH1jVYf5N+MB+6CjfVsn83vsugly1LTwM3FZ+brIC++G7GAVrPLaCdHR77ovp/Bx93JWWoi/2+4LO2uISah11WdVdsgnmyRGdK8KDqt4XviKtN0bDGwwGg8FJ4CgN7/Lysr777rtNqYi0iyPV2V7taMm93AkTJTsiLaU4k7ZaWrbdmnF07TmyKqVm+y5sp7ZEkprFqkgk4O/OHg5MHWQpNCU856dYcu402FXE2IrSqOogGSah8kpKx4fnsaY246K31oi977r/oY25JI39wF37jl5kbVMr5J7OV1d10CA6CitbHdxmR0flvtg3zrpkpKU1B58J9nXnq7ZvyDlcXe6tfXerEka5v+k/5/bVq1dLKf3m5uZOceGO9Brt0do0/SSKtiv5tSrEamL2tG6YrNyWJdD5qp1L637ku8RWDVMl+nn596ro9h79mZ9nDXKPCNrP8fvV+cAJ53Y/JHI187aHWmwwGAwGg8DRTCtZHsj5UVUHCdsks2gBnb/KErDtupb80hfg3A+TqVoTq1pLKWaZSInkPgLr7jl+nvtoyT6lQWuBlnhcVHFPcnUkYef3sW/N5Wg6qdq+lJ9//vnBtnQXWa065J85anWl7WZ/uBZJHsJnr1euvZk7PKc8N/0+9gk78rGLWLQ/0Vqi1zql9FWOqv1luZbOJ/M9zt3LObHG4HXnni5HFYmbcTo6s4tydKRyB5hWmDcTXFcd1tDng/cOloROA7I2aN9q57/2mfae6UpLOZLTUaDWYBN+R9ha0J1PsLJ67bE0eT+vtOE9Td/zxh5Nv73XwAWPmc+MUbBl5vXr1+PDGwwGg8EgMV94g8FgMDgJ/CLyaEJ8rXZWHUxJBK9A8IpZiAT0jqaH9kyc7LDnruL5KkG7SxOwic9OfieeZjtd7bqqrZkqzRIrk4LNE50py8Ekds52ptaOCimfyz0dOTbjcMXrLvl6RTDcAbOUzeBJieVUC5vR6EOaN2wCwXz28ccfV9WWEqlLnbDJkf3Hc9PsalMczyVopEusd/qOzfo2/aSJ0yarjjQgr6vauhocaEWffa6yTw5WYS44x7kGTllgDugTZz7Xwud1L2gFarFu/d1vEwA49SjfHbxfcF0wD3Y5dDRhdk84sb0jG3Bi9qr+XkedaCrDFRF1vosdtOS+Ol3BY6zq0w/yunxH+r3jazoTqhPq3VfWKN9vTn6fxPPBYDAYDISjE8+zqnUXtGLyUaQ6vsEh+00n+4p8GGkShzTO6pRIkFb3QnvdR0sElrAs5eYzLYU5EID+5PP5n52tKyqefN6KfsoE0DmfYEXB00mf1uRclmavWnome++VeHn8+PFG4845RprDKuDgCsbY7R32nRPBoRx78eLFnfFl+/7b0npHXLtKMQG5Rx2s4qABS7e5D7wXnSzdaddOCXKZJZ7bJS1b6qddtLbufFmT4DleC9JOck46WiuDtATOP1pnBj9Y8wZO0E6LAvczt1999dWdawnA8/uh6vBu8rl38E0XTGarzR65sveE19+UXF06VFcGKv/uEt2duuUAG6dWVB32sdcd+ruudJrLuLEf/K7MdXNC++PHj3cDcO6M+UFXDQaDwWDwH46jNLyqf3+jryTIqoOk7bImSHfPnj278/9sx5qHiVg7u7GlZlOAdXRUK9+WNcyu6KBDb23vd0HQvNfSnyWvzhbtMVs76JLI7R9BIrI02Pkonfxt/2aGgjPm9K3uUaK9fv16Qz+Ufh38YOwhlwrpEmXpg/vP2hGOTr/zeU6Q9fOcepDXmnLJPs5cD7djzcrWibzXPilrAV2IOZqLyx0xJ3vUevzPxXH5+Y9//OPO5zl2NCJbflxoOX9PLW2Fy8vL+uqrr241MNBZKFxSamXNqdqui8nKfW+mpzhNYOUf66xEPkvdOcqx573uE+2beCPH6jPphPdss7NuZVvARVizr8DvKFuN8jPmflUMOeeEfZDfD6PhDQaDwWAQOFrDu76+3vgA0g7v4oyODCO5uIsMskSCTfghZSyApXVTAOXv95Xr6aKyVoVfVySy2a41qy5Kyvfbzm6Jfy+i1NK/E+xTo3Uyb1I+ZZtdQrUjJTtgGcAf20UIsr5oZWgTPJM+Zb+9ZisfLgnp+Aertj4H+1I7qdFjtI+oi5ql3y7I6wTnzq+5KrXiNc058bXeo/YL5xpYsvfcdMTN1uSAyQu6z5K6bhVt9+bNm3rx4sXtu6Ubs/1itEvUOJalDvTfmr0L53bvH+8RR2AnVmWUvFf3zrKT1/cI263B+4yYiLrrm32G3gd7hVdZLyeVd/5tj4P3kaOvE+yrbq5XGA1vMBgMBieBozW8qu23cUoFROSsyFzxseS3Mt/enW+pahst1xVxNNVPXmOs7OyrHKccx6rQ4kNLzOe1zjlJadFRZ9bomM9OujH9z0oCynV0eSNr8V0eoPfB5eXlvRQ/1qoTzC2+IGz1SOldIVH2W+czyf4yDvLzqqq++OKLO+Pocpk8zpXWxBwjdabW5Gg853t533dRetZgVuvj/mb7juS15J+/r/xLjCHp/Tx256SyRunv8X768ccflxre1dVVff/995t5TA2P/jBG9ghzgW8o++1r/P/OxwVWcQCrdcr+rgoCd+TojiuwNmjrUH7uPMxVyZ98nvvm987evvMc2DrURTabLs7WFfuSc8yZCTDk0YPBYDAYBI7S8JC09sC3N1KSfSpIgdkOEr2LTlpTIZInJRJrL/Z9ddFNzmGyn8JlQfIzk9M6h7ArhdL5v9yn7E+OyywWKzaSzkdpScjSYfpcbKO3n8nX5f0ZrXufpLWnzdCeSaPZKzB25DhW82JfR5enhF/v+fPnVbW1EvCL/40AAARKSURBVHSMNS5KvCrim+thTcFSuy0LnbbmqDWzsti3XLWVtO1DsSbWjXlFyk5eXtVhfYgKva+wcjeOPesAEb72j+V7wBqHfVz07YMPPti0vyrx4/I2e+8QR9zu5TjSHvuYvnXjdyknt+vI6z0LiyM+XXA5r7G/z5Yt78eq7fvbTExdtDrtoMlxrSN/sfLk2LNMUEea3WE0vMFgMBicBOYLbzAYDAYngaPJo6+vrzfmqAw7RrUmSdNmQkwjaU4jVNx0OaaN6gIefI9V7i54xWawVW2ujo7MAQ2Mw2bRhMfhvltFz2evwoJtTkwz2aoauk0YHSGrx+uQ7DRFuzbafcmfZ2dnG6LkLiTeicqubZb32NRjE/MqkbZqSz/2+eef33n+Q8h8V2kwObcOR18l9Xs/5D2ukeYK5Pk8r79NTU6w72jpWFuTTDCWPFcmmaBPnGtM0el+MPHAXtAXpPWgq51nE69dKl0KhvcI1/DuspuiO9t+l9htkOfKpky/Rx08lfd7jp1Y77qg+dkq7aELEvQ9x6RS2Q1C3z3PmcD/5ZdftuPAhNkRXjg9ZcijB4PBYDAQjg5a+ec//7lxZHYhypYaV6VKqg7f2C4vYundgShVBwmAe+x07xylllocnmvnddVWk+tCuvPvrsK6abCcQJuSmLUxO8NXyeV5rbVShxTvObgt2Xfjsoa8lzx8fX1dP/744601oKuC/d5771XVdg+xttybmrKDKiwJO9S70w5Mduv9lmOypmWtqSOAtvQKHJDSkfzeR1JtbS7hgBoHEXSJwNbgWAMnZ+f5tpZjrdREwFVbjWuPHoq9k5pBVU8E7jQENNU9km2uoS/5PstxpIba0cAlXBIq+8tzmWOn1OxZPVZWAgd8dX1ZkVUkheKqDNkqFS0tS9YOV4QKeTZYp1W6EqlJOfdYBVaUjXsYDW8wGAwGJ4GjfXhdCGh+K/NtjhSOVGapudMUXKwTSQspgjZT2qB9+6m60GX30dKzw8VTOluVyVgl5ua9ps+xdtYVZLUmx0+Tq3pM2TeHSltD7opTeuwOpc+1dmHMvSKelHjxHHQUbA4Dt3+kmyf3z7Z/tMRc41VKgZ+bie74pVaUSG4rr3HovKX2zj8GVv4+/t/dsyqxwvM4b50/zuNhDuhj+nKtQbhobKch2V91fn6+tA5AS7eXxmOiYp7psj25z02NaCJ4vztybmwxsLbe+eP23puJvMfaEc8zwYE13Lx2VRzbY8nnWQv0O2vPN+495Hdmphj4Glu/OG9pHfEZ6LTaFUbDGwwGg8FJ4Ow+Kqg7F5+d/U9V/ff/XXcG/w/wXzc3N+/7n7N3Bg/A7J3BL0W7d4yjvvAGg8FgMPhPxZg0B4PBYHASmC+8wWAwGJwE5gtvMBgMBieB+cIbDAaDwUlgvvAGg8FgcBKYL7zBYDAYnATmC28wGAwGJ4H5whsMBoPBSWC+8AaDwWBwEvhfE99VaIuZNJwAAAAASUVORK5CYII=\n", + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAbwAAAE9CAYAAABwXNeiAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4yLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvOIA7rQAAIABJREFUeJzsvXm4ZedV3vl+99Zwq0qlklRWlUqzJ8A2j2m6IYHQhOEh4BiHqZkSIDHgZk7T6ZBAHGYcAnQzJTGGxgTHxJjHzGPADO0QMCakoZEN2MaSSkNVSSpJVVKpBlXVvbv/2Oc9e93fXt++55RlS8r93uep59Y5Z+9vf9Peew3vWqt0XaeGhoaGhob/3rHydHegoaGhoaHhg4H2wmtoaGho2BZoL7yGhoaGhm2B9sJraGhoaNgWaC+8hoaGhoZtgfbCa2hoaGjYFnhGv/BKKa8spXSzfx+S/P4J4fdPCd+/oZRy9AqvebSU8obw+RPDNfzvgVLKb5RS/sYVXuOzSin/xxWe++2zPuzY4rjb0ecnZ/3+3VLK/15K2Z+cs2nsC/bnlaWUL6t835VSbl+mvWciZvvp/qe7H8sgrP8rn+6+ZJjNKe+r7N8nPkXX+5lSyrufirZm7X1DKeUzku+/p5Ry4am6zvuLUspzZnP9aCnliVLKb5VSXrTguQ9U1uRlH+h+f6Aw+dB8BuGMpC+R9C34/h/NfuPD+7sk/fAVXuuzJT2efP+/SfoTSUXSzZK+UdLvlFI+ouu6u5e8xmdJ+hRJP3CFfVwG/1rSr6hf60OS/rak75T09aWUT+u67r3h2NrYp/DKWdv/Ht//uqSPlXTiCvrc8P7jhPr5v/Pp7kgF3yXpR8PnV0n6ckn/s6T18P1fPkXX+2ZJ+56itiTpGyT9mvp7K+K1kn7hKbzOFaOUsirpN9Tf91+t/ln5zZLeVkp5add1Dy7QzK+of4ZE/NVT2tEPIp4tL7xfkPTFpZRv7WaR8qWUPZI+V9LPq3/oztF13RXf5F3X/Vnlp7/quu4d/lBK+TNJfy3pZZJed6XX+yDgrthvSb9QSnmtpLdL+tlSyv/gOZ0Y+9Louu6kpJNPVXtPJWYPgtJ13eWnuy+LopSyU9LlbsFMEV3XPSnpHVse+DRhdo/O79OgNfzxIutSStk9G+Oi13vf8r1cHl3X3Sfpvg/GtRbA50r6aEl/q+u6P5KkUsofSzoq6Z9K+ucLtHESz49nNZ7RJs2An5J0m3rpz/hs9f3/eR5Mk2Yw73xlKeU7SyknSimnSym/Wkq5GecuatazJrQznHt9KeXHSinvLaWcK6XcV0r56VLKTbFv6jXTm4KJ4Cja+JHZuU/O/v5UKWU3rv/cUsqvz8wU95RSvrWUstB6dl3315JeI+mlkj55auyllOfOrv/ArD93lVJ+ePbb2yR9gqSPC2N52+y3kUmzlLKzlPKa2XUuzv6+ZvYw9zHLrNUXllJ+r5RycjYPf1ZK+Ucc76y9f1VK+aZSyt2SLkr66Fkfvj45/ttn63ftIvMZzvuKUsqfl1IulFIeLqX8RCnlOhzzdaWUP5qZmE6XUt5RSvl0HOM5+JpSyveVUo5LelLSNWFeP6aU8qZSyuOllOOllH9TSllL2nhl+O4NpZT7SykfWUr5L7Mx/nUp5auSsXzKbD4vlFLeV0p5Fe+rDxZKKS+bjeXvzfrwiKR7Zr992GwejpZSzpdS7iyl/NtSytVoY5NJc3ZeV0r50lLKv57t71OllF8qpRzZoj8PSDos6cvDvv/R2W+bTJqllLXZ798y23/3lVLOllJ+uZRyXSnlSCnlF2breE8p5Z8k13vBrP8Pz9bj/+WeqeAz1Au8f+Qvuq57RL3W95kLnL8QSm/effds/h8tpfzXUsornqr2n0o8W15490j6ffVmTeMfSvpFSU8s0c6/kPQCSV8m6evVm3z+44LnrpRSdswe2s9VbzI9J+lXwzHXSbowu87LJP0zSS+U9IfhYfRd6jfcydn1P1b9y1uzB+zbJX2BenPny9VLYTsl7UJ/flHS76k3j/6SpO9Q/yJdFL8x+/txtQNm4/yv6s2g3zob03dIes7skK+R9GeS7ghj+ZqJa/4HSd8k6Y2SXiHpDepNw/8hOXaRtXqepJ+T9EXq5+FXJb0+e4CrtwJ8unpT1KdLukv9vH0Fxryq3rT2lq7rTk2MZRNKKd+j3pz1O+ofNP9M/Xz9p1mbxu2SXi/p89Sv83+T9Gsl94v8S0kfMuvjZ6vfW8ZPqdeQPke9heFr1c/ZVrha0k+rn8vPVG+mf10p5ZPCWF6s3iT9hKQvlPRq9WvwyaPWPrj4UfVz8Pc1rNtN6tfy69XP93erX1+aGmv4Nkk3qt8f36BegHvDFue8XNKjs2t433/vFue8StLHSPpKSf9EvUvjDZJ+Wf099jmSflfSD5RSohD6PEl/LOnD1LtVPlO9mfdXSimftsU1XyLpXcn3fyHpBaUUPlMyfO7sRXahlPL2RDj7cvVz/kb18/Il6u+r68ZNPQPQdd0z9p/6TdhpePCdkrQm6Yiky5L+jqRPnB3zKeG8N0g6Gj7fPjvmbWj/G2bf3xi+OyrpDeGz2+e/05JevkX/VyXdMjv+s9G/+5Pjv1O9/+IjJ9r89ll7X4rv3ynprcmYX1VpZ/fs99dNjP2N6h96N070522S/mBi7W6fff7w2edvx3HfPPv+pcuuFX5fUW+i/3FJf47fOknHJe3B917bjw/ffcbsu4/Zar0w1+uSvhXff9ysrc/aos9vlfTLydr9qXrTazav34Hvf03Se5M2XolxdJI+CfvgEUn/d/jup9ULZHvDd0fUv2yO1ubh/fkX9vWO5LeXzX578wLt7FD/MukkvSh8/zOS3h0+f9jsmN+q7MfrtrjOA5Jen3z/PZIuhM9rs/beKWklfP8js++/IXy3S/0zLt6Tb5rt3QO4zu9LescWfbxX4X4O33/d7NrXb3H+6yR9saSPl/T5kv5wdt7nhWNeL+ntH4g98YH492zR8CTpZ9XfnH9PvUT/gHqJaBn8Bj6/c/b31gXO/Vr19vCPVi/J/KZ6H9gnxINKKV89M2s9of6lfO/spw9d4BqfKulPusV8ab+Oz+/SYuMwyuzvlE/oUyX9Wtd1x5dot4a/PftLLc2fPwHfb7lWpZQXllLeXEo5JunS7N+rlM/1b3Zddz5+0XXd29RLy18Zvv5KSXd0y/kt/o76l9ebZlaAHaVn0f6xeqKAx65Syv9USvm1UsqD6vfHpdn5WZ9/qZs9VRJw/d+pxdb/XNd1/48/dL0f7L0492Mk/UbXdefCcSfUWx8mUUpZjXNQFjSzL4hfTK63NjMXvmdmSrwk6bdnPy9yz2XzKC13Ly2Ct3ZdtxE+27z6W/6i67qLku5WLyQbL1NvuTiLvfVW9Wb5NX2A0HXdV3dd9x+7rvsvXde9Rb2AeId6jc74E0l/s5Tyg6WUTy49t+IZi2fNC6/rujPqVeUvUW/OfBM20CJ4FJ/t9F5k07y367r/Nvv3n9SbVe6S9H0+oJTyj9VLbr+j3kTxN9Q/PBa9xkFJi9Lfs7Ess/l9U02xKJfpz1awiYPXewC/G5NrVUq5Sv2D7SPUm0k/Xr0w8u/VC0ZEbZyvU2+2OVhKuU39A+ZHK8fWcGj2930aXrz+t1/9PKqUcot6Ie06Sf9Y0t+a9fk3la/d1Npk85ONm8jMtNw7RyQ9lBy3CKvvd7V5/N+6wDmLIpuP71evlb1B0t9Vf8994ey3Re6H9+eZsAw47xcnvvceX1W/V75C4331Xeqf31N+5lOV36+TtCHpscW7L3Vdd0k9Z+IFZfBv/7h6U+vHq3/uPVpK+dkCf/szBc8WlqbxRvUS2Yr6F87Thq7rulLKX6nXOI0vlPS7Xdf9U38x84MtiofV+yQ+GLAt/g8mjnkq++MHyw3aTJW/Ab8vio9VT2T6+K7r5mMo9fjEmqb0RvW061eqfzicU29GWgaPzP5+qvIXin9/maQDkj6/67q5IFFK2Vtp9+mq3XVCw0s84vAC536lNocJPRXWASObjy+Q9ONd182p86WU5yTHPevQdd16KeUx9c+8H6wc9vBEE3+hXgAgXizpfTON8oq7N+vjhnrf9WtLKQfV7/HvV38P0WrztOPZ9sL7bUlvkXS667q/eDo7MjPVvESbqfd7NY5j+9Lk9CclZar/WyV9c+lj+/78KeloglLKC9VLxX+m3gdXw1slfU4p5cjMpJXhSY3jIDP8/uzvF0r6V+H7L5r9nepHBr8kLvmLmdS5FPus67rHSylvUv+gvkq9n2jZWMTfVi8x39p13W9PHJf1+UPU+/qeSYHt75D08lLKXps1Z8zFj9MWcZVd173ng9A/SVIppai/jy7hp+yee6pRu4efavymeivGO7slwjBm+BVJf7+U8je7rvtjaX6PvFzSjy3bkRnJ5fMk/XXXdaf5e9czQN9USvk49YLIMw7Pqhde13Xrevo0uxfN/HKSdL16s+qLtTmW5TclfWMp5dXqmVefrD4WhvhLSdeVUr5aPUvvQtd171Qvxf0D9QHtr1HvT3iO+of4V83MusvieaWUj1FPoLlevdT15eolw8+f8BFJPYPt5ZLeXkr5bvUmu5skvazrui8OY/maUsoXqNfczmQPva7r3lVKebOkb59pYW9Xr6V9i/qXzDt5zhZ4u3rh4rWllG9TH1T8zbNxHViyrR/R4MermTP3lFKytXxf13X/XynleyX9u1LKh0r6z+oJHreo98+9fuY3+x31frs3llK+X73p8DvU+3mfSe6F16jft79VSvm/1JtKv0W9SXNZN8IHDDMry1slvar0IQdH1T9o/8cPwuX/UtInlVJert78+1DXdfducc6V4NXqfcFvK6X8iPq9cq36kKIbu67LGMnGz6one/1MKeUb1fuT/6X6vfn9Pqj0IU9nJf1Y13VfO/vulerJP7+lXhg7ot50+RJJ/0s49w3qhf53zP5+mHqhdu6bfCbhWfXCe5rxb8L/T0l6j6R/0HXdm8P33ynpGvW04zX1D75PU+/ri3i9et/ed8+Ov0c9m/H0TDp6jXq/1EH1D5nf02DzXxb/Yvbv0qzff6Her/ITW71Au647OntZvka92e8qScfUU6mN71VPDnj97Pf/rN65neGV6ufiy9S/nI7Pzv+OZQfVdd3JUspnq79xf27W1g+r909825Jt3VFKea+kx7uu+9PKYdepf4AQr5X0dV3XvXpm4v7a2b9OfQDy76pPUKCu6/6ilPJF6vfJr6gXEL5JvRnoE5fp8wcSXdf95Yx+/n+qt6gcU79OL1PP/nwm4ask/Tv1/dtQT/D4h+oZhR9I/HP1wtHPqdf0fmzWl6cUXdfdVUr5KPUs1u9VLwA/rF4Y/sktzl0vpfxd9ffIj6lngf6hpE/suu6BcGhRLxDH8Jk71Yc5fb/6F+xZ9UL8p3Rd93vhuD9QP9+vVG/pOS7pJ3QF9/QHA2VawG9o+O8fM63sryT9r13X/cTT3Z9nImYkofdJ+vWu67786e5PQ8OVoL3wGrYtZkyyF6iXRl8g6QUMXdiuKKX8W/Vm4+PqA7O/XtJHSvroruvueDr71tBwpWgmzYbtjFepN+++V715ur3sBqypN6EdVm9OtzmrvewanrVoGl5DQ0NDw7bAM4kZ1tDQ0NDQ8AFDe+E1NDQ0NGwLtBdeQ0NDQ8O2wFKklbW1tW7fvn3Okq1du/rqEisrw3tzx468yT4pQo6p37LfM7/jIsfUwGP9OeuXv9uq/fg7j91qvFk7Gxsbk32dut5W32d9qs1B1vfV1dX530cffVRPPPHE6KADBw50hw8f1uXLfW3Pixf7sEKPK+uf95Xb5/dT41hmjmvXv5JjsvWozSGPndpb/O2pHN8y90p2XY7Da7q+3hcu95rH6/g5sXNnXwpxau/s37+/O3jw4Hzd3Z7/StKlS5c2XZN9mlqXK+ExbHXuIut0JWtYg+cmtsn2p+4bYqu+ZeOujTne41udy89Zm34e+LvV1VU9/vjjOn/+/JYTutQLb8+ePfqkT5qXzdKtt/YJxa+9dshPevXVV2/qjF+KHjQHL0l79+7ddI4RByQNmzm+VL3RPTE+1p99U8S2eePwWF9n6uFee2i5bfcr/t/txhdE/Bs3JG9cvyAuXOhLovGh4r/ZODi+RR7KXKfs5eN1cDtHjhzRD/5gnvLv0KFD+qEf+iEdO3ZMknTffX1R6DNnhth37xXjqquukiQdONAnTvHD0X/jOexf7YaNY/Y5His/xzk1+B0/+9y4/nwJc49wruMcs0/uv+cge9DxurwO938cA49Z5EXrc86d64srnD/fk10fe6zPTfzII30qUe9dSdq3b58k6ZZb+hzmhw8f1vd93zwP+yZcd911evWrXz1/TjzxRJ/w6N57h8QmJ06c2HQNH0PBKnvp+hiPmS9qznWcB84x52nqQc22fJ24HrzHDPfNfdq9e/ema8T/875xm75OvO+4v2rPwuyl5Tng2J98ss+Ilt1X/s5r4L55D/n7OK5rrrlm09j379+vn//5UR3wFM2k2dDQ0NCwLbCUhtd1nS5evDiSEKLGVZMijSmJlNIMpcvMXEoJmFJEJmnx2NrfTCvMpH5prFlOmX7chtvk91kfqB34d0t2UXqekhjjuZaeYv+pfXC9Mg3dOHPmTHV+uq7ThQsX5lrA44/3+Zkt/cU+1CRh9yXuA39nKZVaopH1m/PPz0YcEzVqSrXU4qWxlYHrw+tH0JzLY/371L3hPlIrMCxNZ/3nPRk110WRzav369mzZxc63/s8IvbF60ut1cd4PHEfuA/cs7SAsK2ImsUnQ81ixXssrjnNxNG6kbUdx+dja33L9hufm57P2vMttsl9PvWeMNyun0XUMP18iNeJzy2ptxYsapZuGl5DQ0NDw7bA0hre5cuXJzUISlp79vQVNChNxLc9pXJKMW4r07xi36SxJDJla6bUX/NfZMdSoicyez8lRvY1nkPNmHNAyS+bE89rzUcRx+T1qI3T38d1y/w7Nd/ZxsaGLly4MPfrWKuI60NtifC+WFsbanP6/95n1JpqmnJ2LDWRzO9sidN9tZZQI2xEUEs3FpGAuSf915pPptnWfJLsa9SevFf8HefEGnocX80aMEUg8nXswz1//nzVelBK0e7du0fzFq0DvLfoS820Ge/BrTR73ouxfaPGM4hrSm29dv9PkZb4l9avzC/P5w21tjgW8g1qWltmLaC/jXOUWT+orfF6Hk9ca+9179FlyD9Nw2toaGho2BZoL7yGhoaGhm2BpZNHd103cq5GtbbmgKcqbhOUNDa90YRAU2M0p7AvtXCBqOpTtTdq4Qr8f9ZGzWwZ/8++eLw0EfP87DPNvpmpkbRkf08HcWyfxJCp2CfO+fr6etV5bJNmJNfEc2MfaKJwX7xnHK4g9ZRkaaC5Z3uy9r3NoTS12KxDqrk0mPRItsgo/jXQtGVwneJ3/M33jKn68X7i2GlqJE08kjFoYjI8Ls93JLrYLOm19RzVCDbxOg4fOH/+fHXvrKysaO/evaP7Je7Fmsmf5rVoZquFSnm/1UyA8Tv/rZF74pi83/yXYQLZs5PPvtocZUQv75HseRYR55Hmb1+Xz2Y+07Ixe5ycE4euRfC5uUg8bXQRLGrWbBpeQ0NDQ8O2wNIaXillJClk2TJqDnNLopm0Z6nREiilWtJc4zG+rtu3dGNpM6OyU6KndBGvU3MO14gAGYXZfbWzlVJpnBOSRDwe0oLpRI7/ZzAnpd4pZzxp6f4bNTSP0eO6cOFClXiwsbGhc+fOTRKDqPl4LS0ROuDUf6VB47Cm43YtXZJ8kYWa1Bzn3odxH3AdPB7Pi8/JSEs1Ugf3XUbo8vh8PY47ar0+n+1Rw/N145qSrFCj+cfrcQ4yQlK8fpyLSP6p7R1reAwjyCww3OOeH66pNNZASImn1SauaS3sivdjnFvejzwnw6KZdTwnkYBEDZL3XmZR8G/cx7UQqmyvcn/x2Rnvp1r2F94rkZTlebRVZ5kMMk3Da2hoaGjYFriiArC1wGmpTtemVhV9APSH0A/CN3hGvaVGYukt8x+wDz7H2iClmngMpZhasHxGR6bfrZYfUxrSaVEj9nUp8UWN0uOgVOu+k9Ie/+9jawGn0VeUpW2roZSilZWVkbaRrYslt4MHD0rqU0vFv9EHYAmempzXn769zIdDSjnHlWlrXFPv9+ycWrqpWgD6VPouhiF4nHG/+Rj/xnV3X71nYpgHNbma5ho1G8+x9x39iqdPn5a0WZOmhhy1f8Ia3qlTpzb1LUsTxjSF1D7j/mXQM++LKa4Ctc1auNCURYSg35xzEK9Ha0jGA/A4GLTuc+nDjn2k1csWhZqvLbbP9aEWHPeb9xW1Qs5V3N9er9o8TqFpeA0NDQ0N2wJXpOHxDZ5pF377WrqwVG5pM55DWy99DZbKMnuupYUaO8+/R+nSUiClFJ9riTRKFVEqieOrBaBHabXm9/G4LAFFzcUaniUrt+HAbc5FvJ4lYWuwHg+l9EwatG/G7Dmy0OJ1Mm12K1YVpdjYB2p2ng9/Ty0uginG/JnBxbH/mQ9LGliHtjzEtWWCZKbt8u9ZAmjuN0qo3h+xP9SoyPDL9h+lZd6TZNzFNaP/l9Ycavz8vzSsE7XrLD2Uj7l48WKVReiEBvR1RQsFfUq1PsV14bpn2nJExmrm+k+xGJkQmc87PsuydmrPLAZjS8NzjlYvf8/nkjTsHd//9L/5/qGFK86F71taPzw3sY/8jXsz0+J8fuaD3ApNw2toaGho2BZYSsOzLd2SL9/2EX7rmlFnzcHfO3mwNLzlmR7J7U+lHrMkYtQYnpl06d8opXEMEUxLlkly0mbJx795HNba/Nf9if4FxhrR1u2/1obi9ezrot/Hmh4l/zgur5elQWuUNd9BvM5WbLP19fVR+iFLm7GfTBNG30OmcXEvMiVRtldraZq8v71Ho3XA7cT9m10vY59SW9oqebk0Zlga1NbjOb4etV3/9Zz53okSNzUU+sa9FnHdyD5237y/LfFHXz39zFPw3qFPLVpdainYGKeZxX1671MLpH8u7n2vP313GRvU8DPQ59aSOS+S1Nl9pe8yrovvIx5rZBYzziOflTUGpjT2/9FK5fWP16P1zvNJv2+85+l7XDRxtNQ0vIaGhoaGbYKlNLzV1VXt379/LtFl0hklBL+NrcWRISYNBWSZ5aMW+xYlIGsg/s1SKzXKTBJx3yhZZ5kJ6EuhxE3JLkrclBx9DCXtjH1KHw0lLEuLUbKjr9DSEuOjosTtPrh9S8SWzrM+UrrdsWPHpD2967r5mD33MZ4r01akYb281hEuLlqLh6RvIGq1njPG7NFPF+F26UudyrTjMVJToDbKOLDY71rcpyXkOGc1P5zH4/EdP358ND6D2jb9TTEWkpoENTD6jOIYM7Yu4aT1fnb4eWDNIY7fY/Wcu58ZA5a+TZ9Df5jbjvuB/ndf1/eaEbUq3ru+/7jPMlYwk2DXkrzHc8l0rDGXs4KztexWZObHAs61+Gz6EKN1hAVsbZ3i8y27F3mvL4Km4TU0NDQ0bAu0F15DQ0NDw7bA0ibNa6+9dq62m/4eTTAMDrZazQrXUfV+9NFH+84guNvHkNQSzRJsjwHbWaCsTQk0ydKBGmnLHqPboynJc2FEUx3NrXTY1+rzxd98LqnUXgvPuzQ2S9BEm5ldDa+Tx3PDDTdIGswR0QzK0IKpJK6klZMiL40d8wzF8PnRvEHnNkkxTGEVTZo27USykDRdf5GkIZojs2QMHhdDW2g24vex3x67x+d9YJNSRi33WH2Ov/d8+r6L8+ljmLKM4SQnTpyYn8N0fr4HaWbMEqpnqfGIrut08eLF+Th8nXiP8Vnk5w8JUNF0ev3112+6jtutpeR6+OGH58eS1MH0dFl4ilGrpedzIuHF4/BYPW821R4+fFjS2HwsDXvD42GqPu+D6F5iyFktGbfbinuaSd7dF99n2bPSe8999Tl2c2X1DBdJ0F5D0/AaGhoaGrYFlg5LiG90kkqkQfKwE9KOcdLHs+re/s7SzCIBhnSq+9ia9C4Nki2DHC1NZMHclkTYnqUNSnhRSqulnWJwdFbCyO2Tou85miq9wuuTzBBRq9RtUoil4SgNMmxkz549kxrerl275mN1n7KEvCRbUDuL5BW3R42OEiiJKfEYz2lNi47wb0wS7j5nVcRrKapIQMkSEJCkwOtkFgxWZSehymNg1XFp0PA9N/7sNbaGH/fBoUOHNrVnq4D/eo2iJum59jjOnDlTldxLKVpdXZ0f6z7Ee8xape97/yUxLSstRu3c/WTShUhI4TFcn6nyQLVq8ibhxGeM2/Vz1etgDciWHabYi9+5/3wmMrwszg9LPHnveq94nFGj9LnuIxPPZxYTan8kRbktP7Ol8fNsKvE40TS8hoaGhoZtgaU0vB07dujQoUMjv0mkKFsSoBTGZKSZNMeEzwyYZGLj2C5DC1gQMWqhlnBID2YamywNERNPW1JlgHYWDOnx8fr0XUqDtOe5pURP30C8HhPb+rOlJEvt0Z9FyjSTZDP9UTw2psqqaXiXL1/WI488kvpwDfpz7DPxHGf9NrxXPG+U6KcSZjMEgxaHqM2cPHlS0lg7ohYfJVImGKglWJgqc1IrLOoxxPuJia0ZRmSp3POZ+WHoR6W2HeeE4SL33nvvprZ8bNTI6Ju2lpjh8uXLevjhh+f9zRICvOhFL9o0dpazoiYex+hjPZc+x88FarvSsO7UAulji/ep5/I5z3nOpmN5X0Y/uX/zvWDNjokbvIfjM6yWyNptue2oudbCazxO9y3bq/Rne84Z9B/nkdYb70XfMzfeeOOmMcRj4/3UCsA2NDQ0NDQELKXh7dy5U4cOHdIdd9whKWcGWcLwW7xWXt5v/fh/Sy1MjWRpif4faZAaeb2MlWVYWrjvvvs2fW/JK0uK7WuyhJB9XGYe0acYx0GWVK3YYuy3+2DNwnNARlyEr80URpznGHjsYymNx+S+BH2ei+DIkSOShvnKCmSyILCPzTRxz6V9jP5MRmRk9BkshEsfq8eeaeuWit2GpWXPSZTS2S5ZgFOlnmjBYFA0+xrb816llM4x275WAAAgAElEQVQSQ1HCJ5PX8Dme38i0ozbt6z700EOSxsknpLE/c//+/dXg80uXLunkyZMjTcUMxQiPiRp4ZlGi5su/ZHNnhYDJYuWxWWFmBuo/+OCD83FKub/K96rXiixU/43WDx/rvnqPsCxa3DvkBngfmJXLeyZLsEGfndcgSyLusdL3zZJG8R3Day+Sns5oGl5DQ0NDw7bA0uWBVlZWRhpKlBAMSlSW8ix9ZhKp/1qasORjtlemSVDTYYxRZKAZN998s6RBGvJna3iWgGLcjaUva3T+bEmX0vRUyRzGVJF9Fv9PjZnlltyW+x7hOfdcsNCuta04Hh/LmCR/jlK6xx7ZWDWmndPSkeWV+R4NrwP7HX3GlvLpF6kx36IPj3GelmbJ3o0prDynjDO19Mr0V9JYA2Iy5am0Wt5XLOVCa0gWu+d7gQnVLcX73Dif7pPP9Rq4/YwN6HuCJWMyX5vhPkQW7ZQfZn19fZSiKmrt5AjQN5QlnPb/PUbPDxmfWfFYJlv3mvpY3xu2zMT/03fo+fF8xWdW3HvSmEHu9WIcW3Ydn+N5IztdGlifPtfHPv/5z5c07AuveXyOkwNBlnCWGtLnWxv1eD0Oz419l9Kwbg888MB8XM2H19DQ0NDQELB0HN7u3btHbMP4dq2xJckui5qAj7Vm52MtVfhYv+UjK8xSJRP0TsXs0Kdy0003SRq0hMxXRJ8QY8WmygUxVo9lMnxslM78f/fBUqjZbL6eteDYP59jbc0SFqXDKEn6ellMoDRIn1kCZ6/L6dOnJ7MguMxL7GPU6jwv9EEZlqZjhgx/ZwnRvg7Pk+fF4/F8SQMDzHvD17eUmTFiWXYmsyBIuYZHX4rngMzHzCdOtiQT88Z5573G7BVGFpvo8b3vfe/bdH1/b6tHxnpm9hmudYwv9FzHpPJTZV5WVlZGsV9Z1h+PiexJnxN93tZSPDb/5vX2fPm5FEuR0ddNprX7Ea0o9Fd5z3oc7k+MV2QpHO93skAzJiwzrDA7FJNLx++8r32/25Livnq8cXwe+6233ipp2Ct33nmnpOF+jvuAybG9Th6fxxPvQWvP99xzj6S+RNqUlSSiaXgNDQ0NDdsCS2l46+vrevzxx+dvavq8fIw0LhVPf0J8I1s6s0TFYob333+/pEGaiBL+0aNHJQ2SAouc0sYuDdK522O8TeaHY0wLJX2D7KI4ZoP54TzOmA+TLEZL3JaiXPjV50R/o6/33ve+V9Jg637JS14iaZBkMy2bcV0ed1aw01p1zJoylWll586d87G6naghkbnn+Xd/vT+iL8VjdeyXmYHem2R0ZcVVyeD0XqHml/XR+8vXy8pfuX3mY6UP0YifyVrzfHGOol/E2jj95YwhZcYXaezXYW5Sa8XHjh2bn8P4WErtLLAqjX2E6+vrVQ3v0qVLevDBB0eWpbh36HN2W8xIEq0GPsbrzWKn7pvZ3PE55/ve39Gnz1hYaeAi0O9m3573bubLJyuUDOIsLo7rTR+o1yPes37W/umf/ummPnve3B9rfHfffff8XM8159Fzz30nDZYYxssyZ2wEs8CcPn16YaZm0/AaGhoaGrYF2guvoaGhoWFbYCmT5sbGhp588sm5em0VNZrsWC3apg87bG2eiqbAD//wD5c0qMQ2z1nFt2nu9ttvl7TZXMiSQVbjba60OS8GylpNt4nPJgubR923aHZlIKnH53HRXBXPtRmCCbRZViWSFWya9ZzYlOQ5cX98TjTV2PntY1kexmbmGHDs/tOkSVNaDA2xScFzS/Musbq6OjfFuL/xHF/bf5lANjPBsdQRQ2SYVNam4PgbExzwOlmyW8+t97PN7N67sY+eJ47DbZHskSU8YJom9jGa23yszUU0aXotOZbYB++RWnq/uG7c1zVzVBZW5P176dKlqklzfX1djzzyiG677bZNY41ErThn0rAeJKLE/WByhcdv85xNnKwUnpHYPFbfc3fddZekYd7imLxmJlt4Ln3/uB/xOn6++P73nPqZUktiEa9tE7fHy30WiWjvfve7JQ0uAhKOfB2bYeNzzn10n30Mk2NEk63btYnU53o+vQ/j/eTzPa7Tp0+P3EY1NA2voaGhoWFbYCkNr5SilZWVUWHO7O1rTciSiCU5hwBYy5IGacztkHDwUR/1UZIGqSlqQpYILLWw8Kslh0hAMTWd5TOYTDpeh2EWRo3MEiUOaw7uq/tkCZwO4TgnbvelL32ppEHyysgRhtfnQz/0QzfNhefP14nSJ1OmxYTQcTyRMMTA1quvvnqSHtx13ShcZEoTMmpJkGN/HcLCkiuULiNxwtdhuIbHkKVV81idrIAlsuKeMawN2HlP4pHhNY30dwbdMzDX44lEHo+Z2pnXmOEQWdFQEshYvDhqStRU3a7H4zmKKbPinpH6Oa8RnlZXV3Xw4MH5dfzcieQH98dzTe2WRAppeA5YE/HYSO7wfMW1sFbmtfS8WTPJEh0wsYHnyVYBXz+S1wxqdD7Gz0qmWIzj8z1GrSxLxu7x+BlVC7/wGsT7y9fzWvgYf+/rRusAQ2ZsdTJ5xn3Mysm5348//ngrD9TQ0NDQ0BBxRanFLLVYUom2dFKSoyYnjdMaSYMEQC3NNmeW/IhaAZPaUtMiNdZjiO2wHAzpvLEdBgL7epZEMvqzJUMGr5M2nkmsTBZsTYbzHK9nLYz+RhYvzTRzplGiby9Lr+T+X3XVVdUSNw5LYKHerHyKr1HTYuNnlv2pJWbOknobLIHkfe05jVK6r80AZ44hfk+tjPvZvmlKwtJYWuZ43XbWR6Z2Yno/7rHYR88jg5SppUQwHRTXIu43hi9NhSXs2bNHL37xi+f7wfMU+0BrDeeAKQelwb/ve5f+UN438R7zsfTDe24zmjwD8q3ZuW9cH2lctNWfuf4eQ1Z4mqV3eP/HsByf7+eYj7GGz/s23os+xtfxM4XFcmMfWcCY1gFrznFvMDH4E088MZnwIqJpeA0NDQ0N2wJLaXhd1+ny5ctz6YJBuNJYirCN2Z/p85I2l2qXBonAb3BKUVHLsETHlFhMshulM/fJUhEluqwUPUuH2IbPQrAeQ8YkdbtkZ3k8USpkWqhaUDY12dgHSz0sFkmtMZ7D8h8el7+PUjXXdCo1lJMWWOrLNH0mtzUYqB99AEwTVwvyN6IvlyV22I+s/Ag1YV4vS7JNhiBTS5ndxtRfsf+1gqbcs/E3+oq4tu577Ct/YxFh/x73AQPpWcSTSYVju7Eo7VQB3JWVlblmZz923Ce28Hj+6a8ktyCC9xjnKdvXZNzW/MFR8/B6+743O9zHer7inqI/233xeJiAPD7nWJzYv5HJHH249F9a+6yxteMzhGW9qL1lz373yXNBHoWvF+/jGHDu6049eyKahtfQ0NDQsC2wNEtz586dc6naUlWUmhhLRe2FMUfxWMOSAe3wRjy3xppk8tisaKy1F0oglioyhhUlU0pyWTkLSzxuz9dl8ujIzvMcM7WQx+N59fijhhfL9cT2WZInSun02Rj0y8S597ExdVGNabexsaHz58+PtJwsnotla2ifj5oAfSaUzlmkNmp4lPa5hlmRS2qU1KaytHTUhN0GC6a6j1kcHlO9sbBpxnataWmMl4saBa0tZF5mGhLZrdYO6G/KElzHsdf2zvr6uk6dOjWKi4z3dC0VHn+P2ibZv2S10kqUFTv1Mb4HotbBMdtnZw3Pc2lGJEsbxb5xv3nsZKxmlh4/Q6wZ13gA0rB23ov0EZLtmq1ZLUUj+x6vw33ncXkds/jC7Dm9FZqG19DQ0NCwLbC0D+/ChQvzNzft1xGWFCgdUQOLvxn0PVGKiJ8pTVDSY5FVaZwhxhICtc94HfomPXYWfs18HJRAKGHTdxD7QL8mfZbuY9S8KEnV5j5KWv6NsUf2kzBpcTbmrYowbmxszNvPSpNQa6XGkGkzBn0nWcab2rkEM6Fkvlz60jw//j36mZn02GvoY92nTAv1nqTvhHso7m/6e5lQmQncpxKdU6MlWzn2nzGQHq+tBFk2jEx7Ii5fvqxTp07N2yWHQBrWwZpIjdkb++1+1cqdUeOLe4dMXltnmBkkMr2t2flcs6npf4tWD2am8v1IDZN9lsYMX4/d/jL66aTBquJ2fIxjRsnwjc9xMjezGOF4bgQtMuQ7xGcVn5uL+u+kpuE1NDQ0NGwTtBdeQ0NDQ8O2wNKklV27do3MKNEEQ4cvkzpndckYjBzbk8ZEmGiWIAGAZlb3NSMR+Fh/ttqc0dXpgKVZiPXkYhoinpuZgPm9TQl0VmdEiniNeAxpwQywjuNjbaxazaxobrGDvkZ4idjY2NCFCxdGibkzszHHTNp7ZsKgCZNjnOpbzYTq9YrmaZoYSb7wOdHcxu9oaiTxKe5V0uy9r2hyzkKDaP6kOYohLnE8NLuyr3ENGCLDgPYs3IDXnjJLbWxsbCKhZMHdTDflcTDVX+yLzY3ek15nksloXovtMyCfYSKRiOZjGCTv546/j3uVZtcsYUMcZ2aypavG5BUnBYnzyFAw3/+eE143Xo+/kfCUrQHTz2WV26XNz1P31+beM2fOtNRiDQ0NDQ0NEUtreDt27BjRZ2PKLEpFJBrQgR6/sxTBFFxGJl3WkjozCDJWPKdz1VIYNYks2NHnUgKhJBw1F7dvaZyaXkawYMJnklXYr3i9GsmHUlCUtKipWup13zPNhdTky5cvb1nihcSAOI8eK4P8fU1WtY79rVkU+Dcbc620k7+PCXktaVqTYAkctiXVtRhaO7J9x/IsTo3FBODxnvH1eF8x0XVGLvB6UDrn/o8WBWrR1GBJboqIiaxre8fPHZM+GLITx0QyEQlwmYbH5ApuaypZRq1cGJMnxP0RiUzSoE0xnVtcD+55hq5wTuNnt2vCCZP9O9F1hMfhvnpf8ZnM/SCN9wEJhNS6I9yO15Rlv+Jzz+sTn5FbEebmfVzoqIaGhoaGhmc5lg5LWF9fn6SH0+/CtFNMaxOPrfkYmMA2vs3p9/Bvlp4o7UrjApW1AMkIax+UrJhyKbOl08/DEjJuO6OWU3LhsZlPlD4TakiZVlyTWN1nS4lZSqnoJ50KPL948eLc72f6c5RIKVlTw8u0Z4YOcO9Q48t8DrVzLW1GPwx9RAwpyPxi9AlT45u6nzwHLI3lflhKz5JwU8KmHy5Lf8V5ox94CtTQeC9mGlyWdoxYWVnR2traqHBt1J4YusKwjSzw3P1jKiyuF58/0jD/1P6s2WXXM7yvSP2f0nzIVaBfMVsnf8cEDr4Hs9RpvO+pfZJ/kIVS8T4ysucOEwSwDBG173gdr+0111wzTwS+FZqG19DQ0NCwLbCUhme2lN/6TAQsjaVWf6bGF23CDNampMvP8W3P4EMmHXWi6AimyaoxPaOUznRGLJ7IMcQAUBYudd8YhJ2lBaol1K1p0PE6HB8LtsbrMcAzK9YobfabkBEb084Rq6urOnDgwNwPk6WbYho1rlPG0qQ/lD40fo7zSYmUPk77POKYa2nHONfRX8PkxDVNi+OM7VGTdJv26UV/DJM3M92akc2Jj2VwNy0ZEfSpeC+xPEzcG7SYTBUOXl1d1dVXXz0/Niu3xcByBjJnabT47MiSOEh5kDX3CgPCGRwtjbUzJlowIt/Ax9Ifavh7txX7xRSGZjUypWIWPG5QA2PawimfvkFNOc6vtfUaKzxj7tOvfPDgwcn9s6kvCx3V0NDQ0NDwLMcVlQfyG5sJU6VxDBOl1kyb8f9ZRDFLRRTbjLDGZanc0m1mH6fUyri/zN9DTcsStiWuWnHFeCzH5XiYW265RdJmyY7MJsYKsfRL5v9jYlbGVmXzS7+CkZXpYCzYVBHPlZUV7dq1a943anpxzNQyWVA0SnPUPMi0i9fnudTo6XPynoq+IqauImvRcx7X0utPTaJW4in6SeiboU/PcxL9jMePH5c0WDfIpp7yiW6Vei3zUVMzqiWrzrT/rGBuhh07dui5z32uJOmd73ynpM18AP/f67NIu4zno9bOPZNZFpjMndeL68IYSmol1HbiNZnMmaW+ptI70ofrNk6ePCkpT6zv5Pe+tzknTFOXgQzpjGXtefPfOF9S/r7wsUeOHJn3oZUHamhoaGhoCFhKw1tZWdGePXvm/gK/jV2YURrsxC5qST8P7djx/2TpGbXCldJY83D2AErV0Q/j/9dKx1iCiNehH4ZFaRnTFKUmakKM/3PZkOx6zHhA1mGWAYGsP2qdbCOOneyvqbIwTLo7FYdnliZ9axl7ltfkHGeMrcwfFcfD46WxX8d7iYUzs73D5L21EjMRNcYjv8+KB7s9apjU2rLxUJNjzGXU6sikq/ls4jlMlEwGqz9HbT7zI9fQdZ3Onz8/32cub3Ps2LH5Mdao/ddWp9r9GfuXlWWKoJ+M/4/n8nljS0a8Dv18ZlHymSUNWh/vF+4LWn6kYV+5r+6jn9EsbSUNPmHGPLqP9KllDF8y48nniPvf+5mFlXmPRK3XlgvPzYkTJxZKCi81Da+hoaGhYZugvfAaGhoaGrYFliatXLp0aR6EbMdmNGnajGJCBus4MbGs243fMQUSE4xmCYfdJ6raWXVk99FghW2rzJGMYxWbyXoZ4GqzTpYejWYJm18yEyPNATYxMIVRlhyZwf80bTIAPY7P5/I6GZGH4QM080SUUrS6ujoK48gC9Elzp4k2IzzRVEqHeWa+856waZkklaxuoPtIZ7v3jvd7FnDMiupZHURp897x/21itsmJZt9olmLiYpohSbiK81kLd5lKR2ZzFE1XNIdG0Dy9Z8+eyYrnZ8+enY8nC2D2verngP8yMfxUejCGgNDkmaW0Yz28qcT6JO4xqDsz+TF4nGtJqn8MI/B+tgnVJkCbNN2W91RsjwQekwEZxB7N1NzPdG9kKdr4TOJz0++YzGR5zz33SOrnuJFWGhoaGhoaApbS8NbX13X69OkRccMEFWkcqFiTGKOGV0t9lVWAjsdHMJkpnexRErH0x2BRf59J6SSa+FxKLab6ZsHDDDS3hGeJK0oxLJXjNpxCx/OcBcuSpBClf/aNoPTMpLuZZh41hZqU7gTAHpcl7rhfahXnGc4RyT0kizC0henPsjRKrFbOxLXxerRC+DqWnr0v4h5laio65Kl9WoqOx3qveJxMWh2T61LTcv9tJSD9Pc4Jq4pz/2XByrQGsO8MsYmolcqKMGnFa+2xR23Aa/jQQw9JGj8jsvIxHGNtXazBxr3NFFy1UIZ4XWsrDJlw300GjKkHvVZMVebnm8fgNY7WNj+L3Bc/p6lFZWEpJGy5bx5vZsHwd0w4zWdx3AfUhJk2LCM3uW/+GxOfbIWm4TU0NDQ0bAssnVrsiSee2FR4T9qcfoopgwxKFZlkR02uFqDJPsXr0u/jzzFI1f33dz7XkoKliSg50H9QK/FjRK3AY2fqNGqlmdbrv6QSU9OI883r0M+XSZ8M0Oc8ZmmvjMwHmcFaXjw2K65KH8BUsVu2UyuMmYVVMISEYRG+TtRCvScs4fP69nVkc0t/L/tEjVka9p3/MlwkS9dk0M9EbTe7v7J1icf6+rGPnDeDvvcM9mOfO3euWsTTSeu5d2K/aT3hNTMfHn2PPHcqqLpWNofaRuyjNTy37zW19pQVq2Zw+HXXXSdpsEb5OeCx+PhsHLYO+XntufCzJV6nFk5GxDli4nkmWMh8uWyHBbYzy5KPiYWOp6xWEU3Da2hoaGjYFliapbmxsTEKCM78VZTWyLzLpMpaWij6qaIkSVu2JRFrn5nURL+U2zOrKWN2+v9MP2Upw3Z3lhiJfWCZIM+RJbwoLTKxrD9Ta/M5UVtgQKnPoXQepeCMsRevn2kDLKs0Jcm7xIvnmGnEYjvUXijtRTA5NJPtTiWerjFs6WOJ16W/j2uarT/T3LGvlG4ji9i/eY+YUUcmaZTAaX3IxhHbjv6YWkJ1akhxv5GZaNQCuWPfmOw5g9nh1kTcl8gKrrGymaB7qgQPUw66/azEmDVT+pjIgI2gBsnyZP7sRBTSoBUypZz3FBmlUcPk/r7vvvskjX23TtEV22fKRCb/yALPmd6P4+J7I/6fDO9aGr7YHq16i6BpeA0NDQ0N2wJLpxbbvXv3XDIkQy0iS2qc/e52IyiFTaW3oi/QfXNcjiVv276lwd7t9mxLt/3bUk2U6CjJeVyWuKm5Zv44t+e+WJJ3X7NEym6H5Yjo78piqcjgYjqsCEphZOdRY+L8SL0kOZU8ev/+/aNUcHEfuH+UFBeJsan5J7luGbswMhylzb6B2IY0rPeJEyc29Y1pozKmnf9aOicjzf3I/CLcK/T3xT66L5b2s1i9OCfxHiWztyY9ZzGcZJtyL8W24l739WrPio2NDZ09e1a33XabpHzvWEOg1kStIl6DffDeYTovaszxehxbFrNn+PnCmL1FStuwpBDZyBnvoDb/3kM+x/7A2G/vUV+Pfc3864yt5RzwPovtTflvY1/jOLJYwK3QNLyGhoaGhm2BpVmaFy5cGCU5zVhzfrtTqmSyU2kcV1NLFp3FZJBpxzJB1uYySZWxOz7X42Px03gd+q0soViKidc7dOiQpHExWmouWVJs+gTol8sKxVJaov8t8+HRT5oVweU5WYaIKQ1vbW1tPqfWVLMCkvTlce2yIq6UYjlmalHSOO7PffN6WYqOxVXpZ7G07uuxOHK8JlmLtUTdEZ4nt+dx0A+TaXiMg3IbtNDE+5cs3UWyZTDGlsdkGgxj3Hbv3l3dOy5LZtiXF+8XWlhqRUfjWOmv4vOFbUUfO7VAt8Fk73FNqdnx3Izt7P1kq5Db9XUYcxv7yKxP1uTsf3RbsZQVGcq8Pn2JcXzMnkNOhvsR12CrIsz0UUrjuMkpyxLRNLyGhoaGhm2BpTOtPPbYY6MyN1MMq8zP47YM5pBjhgZ+jrZ0aj481lJGzIvpPlm6tDaYjZf9pv+A7C9LnXFO6FPx9XxMtKHzemRDUbPMGHg1xmXGrDJqRUgpgcXrMHvJVrb0UsqIzRrXkhoBiz9OlbOpsQtrFoB4jNfl+uuvlyQdPnx4Ux8zZio1feZFjLF7jKVjXlauV5xHaqrUNqYyiNDPlDHe2FeDVhbug7i3+BvHQ2ZxPNaWjFLKlhqeNW1r4JE7wIw0zEG6SFkyPqvow4t+2VruXmqNkX3oQs/eZ74+Sz5F64CvST8iY+wyPgWZxLfeeuum6zMeUBqXW+P9SpZm3AfuN/cqEbVClmbi88x7M3tmWYNtuTQbGhoaGhqA9sJraGhoaNgWWJq0cv78+VEQdlZllybFmhM5/p/mQKYFY4JgaZzyyKq2CQiZ6k213OYJH5OVuWHQKOm0PpfO5Xis+2RKu5P50uQpjYPFGVJAkkk0odbSg9Xo49mcMKA5M0/QrHfp0qXJiudx72RkC46NTu/MdM59xbF6/rLUUqRgk0Tg62emLKa0i1XfPReG+2DzTC1UIkvfdsMNN0gazHjHjx/fNJ6sPBTJKgaJDSSZxL7UzFEZiaCWdorldbL7NpqIa9T0Uop27tw5N7exvI00TkDh+ed1Mho9CVoM9fF9GV0PJJO5LYYPxeu53y960YskDc9NmwJNnosmTZJjaqE6TGoQYROm26IpMz6r+Gzn8837fCqdIAlk3v8M5M/aIXErC/OySyiacRcJ7ZCahtfQ0NDQsE2wdGqxixcvzjUUS50RTLjK1E9ZAGhsXxqHNlgiyKir1BhZfsaIWijJL7VCo1HaoPZBqZAEiEgPjuVepEGiYvB6RgSgtMS+ZmnQGPzKcjc1STqOh9oBtcP4f/f1/Pnzk21vbGzMpXSSIuJ31HxqISDxWI6tFsYRQWmZBV8zEgmT9tK57jbj+nsdmJaLRARfJybztVTuc00hp2aXzaNR07ozjbmWiotrHdtkuAvvjYzWT0LQVPJoX48Eh7imtTRgpMpnlhDuOwZ1ew2ips8++LOtNt5DkUTitXM73ksm1GWhXJ4nj49pA2lBiyEGnBuWNMrSLnpdranSYkHiUxamxGcV92NWrJgpARnEnhVu9rP2uuuuaxpeQ0NDQ0NDxNI+vCeffHL+tvcbNkoVDCynFJn51IytSntYWsqo7NS8KPHF0ANLLyyPYe0jK13k9uzvsZ3df913txXHZ6mPfXVblk6ylFI1Pwz9WlOaV83vmIUyZIVS4zlZsG+UTKfowaWUkfaZSfXcQz5nkZAWahs1CTK2S02Pkn+U7P1/Wze8hl5jz0n093iPeB97r7gNlqeKGqXnwuc6eQFTzkVwPJS4uQ+ZHCJet6ZlT61zrZTUMimgptr1fRp97UwHSI0kK3bLeaBGP1W4lGFKXmO2GZ8l5BWw8DSDuuMYmSjZ/jf3zVYkJ5uOv1mju+eeezb1MdPSmE6PKeZqFq6sj4bPYWmzOGb6PGkdiGDA/IEDB5qG19DQ0NDQELGUhucCnrRbZ/4xv7mpyWU22VpZGPpDyKaL1+N1yWrMtEL6bGopmWJ/6adwX2wfZ1mieD3/9XWsLVA7if2n/7JWRiNjPlHTc5+mJHuybDlXUSNj2q4plqavSxZdTN9G5mFNi419oDZe80Fm2hrX232jzyb6nqzB+zdL1JTwI9PO0jhLCdF3l1k93J61P94DTHgg1X1o9DdOJYzYyn+a3fP8TG0gk9Zjguts/G5n9+7dcyuNmdDRb002X80XFK9BawlZwSwfFtPSkUXtOaWWGK9HywpZ52ZTZgWHDZ/L5M62FsR97/kic5TJozO2q/c3S2ZxzrLScDVGafbsp6ZMVnpWcNj3Z9Rqp4rLRjQNr6GhoaFhW2BpDW/nzp2T6XooNTJRsaWyqKVRU6QPwG90SzNRmqWUQo3EUk2UQlk2pcYiitqDpXRKukyrxfL28Zga+zCzh3vMlJJ9HfrAorTLvvlclufI/BmZ/zL+HiWtKT9cdv4TTzxRjV+U6qVHqFVnJV6shTGdFq8XtTVK4ZZq3QbblMYFK32M9xQT9kqD5MSQfHsAACAASURBVO59ZSuAj820dIPaE9nAkSHLcxjfx7It3jOZ/2Mrv2+2d8iErSVhlsb+0ymsrKxoz549c83EvpuoCW11bWrTsT/0Pfkv/fPxHvMziMVvuZZxTVmmiX5G+2ezecpK68TxZex099Hnen/7GLK3Y/9p7fD8Mv1axrylj9LtZ2WdyJDlM4s+2diu/7bk0Q0NDQ0NDcDSBWDX1tbmkhZZZ9IgRdDWT79RlOxqEqLbYptRyvA5ZPnQP5dJCEZMQhr7Gq9jicMJbKmtkUmaabA1phOlm3h+LXMNpZyo9TIpLeck891QUqW2kWlx1nJiYuuaxN51nTY2NkaSWMYUpZRMdle8Bv1vbHeRWDDGbtWSmUvDPJmVSSk2K5xKqdh+v1r8ZxxfzaJAf1NWhNnrb02F2vtUkl9qdBxDZsHgucxGk4GFhzOYO0B/fbZ3mMSZx0ZGORndBq00WfYcPwNZYNb7i/GT0vCM8jFeFya6jnGYLK3DJM7u6/333y9ps2/V7Xuv+hwWkY3werAMlduiLzTuAyddZwYmJhGP+4XPfGZayZjZ7lPUmBexMklNw2toaGho2CZoL7yGhoaGhm2BpUkru3btGtWTiw5Vq+OsbkvTX+bMJaWXpsys5pNNjKRvWxX29aJKTIczSSRZGioSHLJ6brFvWQ01OrIzIoVRo/jWaMGR3m+TAc28bsN05bgGJAyxonIWFMvaXKWUatJh94OmsQj3j6m9mGIuc3qT2EJTVma+o0mZ1cWNSA33b3TM+3NGBKApx+vtPjFsIfaRaaFqgd8Z4aUWdlOrGSeNQ1WYADqrfUgTZi3MKEvrxRSAGfzccX9J9ojXrCWgyMIS+BvvE95r2X1aS9eXpdWiedqmRhKt/EyLx7qPPjYLf5E2z6fn26kLmY4wS+bsvfHwww9vapcpEx0sH2vpuY90s5BYE/eYj6Gp3mtss3xcN97jjbTS0NDQ0NAALE1a2bNnz1wyML06o8TXkh0bU6VeGNhOzStez1KDndH+bAmFaamkekAstYVIe2byXqYOYrXfCEp/TLBN2rg0Ls/jOSdZISP8ZEQdaUx08frFcVBiJbU9SrmUqksp1eBh7x0G806RFSjtZcmjKSEyFROtBtE6QNo2NWISrqRxaq/aPo/zREo3NdcaSSf2LUtoHvsc7wn/38QKj4MpzEiwkMZV2blO7msM4GfV7Vqpl7jW1K537dpV3Ts+jsS3LJkEQ6W4PrEP2X6SxsHX1LKzMdaIT1loE8NTSETLUpg52J5WLz93pghW3gduN9L5pc3728HcHo8tdtRy3Y9IAiJhy/swPkelzSQhBuz7r+ea+y62a6vWhQsXmobX0NDQ0NAQsZSGt3PnTt10001zKeDo0aOSNvs4mDaJdvAsqXQtWTD9FllaI0rwDKa1ZBSlDGpU/Mxkv9Ig+bjfli4YmEnpTRokO0vCloAoTWUJoG1/t83ckhVLfMQ58bxRgiOFOgsNYfofUvej5sJA8anUYjt37tSRI0dG2k7UTB988MFN59QSZ2f+2MyfGPvL9ZLGWqDb8trxsyQ98MADkgbJltYHtxUlX//mPng/MG0UQ0OkYS9Su2FwdEwi7f7SJ0VNhnMUx8M0aLQaRM2FfiXORVbOh37NKd9v13WbtKtMMzHcjueWY497npoCNXBqbfEe8/rSIsJgdvvppGHdvVa0MHhvRgsQn2cMD6DfOd5/9tXXLD30/0nDurgvDLNi8oeo6fM5VivrFteaiQH4fsjuefrw1tfXm4bX0NDQ0NAQsTRLc2VlZa5tWLKLUvO9994rKU9MLG1+K887ASnZUgt9RJnfx1IKmU7+nglzYzs1qYABodIg4Vh6ZjkSlh+JUlotYJbs0Mh88/zVEv0yTVTUhixBZu3G8cfvmWaNiaEt0WalPbxuZ8+erQaAkmlnyTBK6dZma3sntkXULAq+jiX+6CflvvI+rhX3lAaJm9YHrkNcf0rH3l+0aDCBrjSsP9m6Bn270ngv+lzPRWT0EixKa7A8VFaklD5wSvgZSzPei7X7cWVlRXv37h35eaLmzUTsDLLmOGL/mK6Plp+oxRi8P2m9yZJXeH68z9kW5y32l/PlY8gdiPcGLQpMeG7fXrwe2d9MyUbfddxLTONIn7jHl/lC+UysJdyQxkH4i2p3UtPwGhoaGhq2Ca4oDq9WKFEa+1IokWaswugDiu2RKea2Tp48OT+Xmlwt9U0Ws0NGnb+33y9LvXP77bdLGvxvjCey9GI2nzRoDv6NWpCl0NhH+tAsLdH3YQkr00JoH2fC4SwJM8vBeA2mUqZFTagmba2ururAgQOjGLvYB8boUQNmqRJprA1Se59KUkztnIWN/dn7QRqnKGMbmaRtyZr7znNO60QWp8Q0XdxLmX+M+4xJ2JnMOI6Z2g/vswj6dWqpxrI+xn1b2zt+7pBJHH3sZIF73hhzmJWWolZLBnam4ZElaX+Zx2DtKfrJPP/eX+wjGczx/7aqsXwOY9+m5tjz5VJCWVwcY4PJ7GWccRZnaI2S8Y1Zwniy3NkWGaXxHGPv3r2TPuCIpuE1NDQ0NGwLXFHy6Km4MksrlLzJ9stiaHgs4zj81n/ooYfmx7LAI5lvvh6/j+2SIZRlcrAmxXgrZpuxZJf5xzxP9KFkyVw5j24/sr6kcYLo2Edmm6AfIILSLjOv0K/B/7uNWizV6uqqrrnmmrkkTFZrvDb7RF9hRFYyyNeTxtp7Vjy4lmXG32fMTscn0ddBbS5+R/81teYs/pPJlekrYuaXeA79mdQos9JCZDXS2pLFl/l8aqOUuuP68Zip5L/W8NxvaxDRx14ro5QVGja8LoxPpV+UjMzYLtfO97+RJaum1sx4v6i5MlsNmcVu3xanCFq3vD4+x/s7MnyZhcnH0ofMDFrxOvRJkl2f8QDIc7Cf0feC+yWNfcbXXHNN0/AaGhoaGhoiltLwNjY2dOHChZG0FCUSSyuUwlj6JJOWrIVRujSryZJkzN9micDSkplblkjc1yzGjZkPKGFFaY1sKNq/6VeIEonHwVga+hWituNr33PPPZLGGQgsrWUaM/1WjPOhVhxBNihjg6IkRdv8lC3dxYM95qygpdf/+PHjksZFVhlfFsdoSZBxkf49Gyvj0Ox3ZR+j9kRfJ0s7ZX5f5iPl9wYLZUrDfqLflf7tTEPivvO4aNGI2hFZjmTaZVoh4z4NMiSzvmXlmjKsrKzM58vS/xSbleV6/Dljh5M9TY6C92XUhAxaS5iZJNPWPLf03bmvmS+/ljOW93+cT/rYafmh/1ka39PMeOLP1HCzOeG+z3yU1PSzQr2xjTgXrQBsQ0NDQ0NDBe2F19DQ0NCwLbCUSVPq1W2WfYimDJqDrKr6HFJVpTGBgbRpq+1Mp+X+xOvUnNdZoGzNfMdUQ7FdqvQ0i2QhBhzXDTfcsKl9HxtNqDbfMQyB1GnS4SNIc8+qzRsM/aDD23M1lbh5ZWVl0rTQdd3IbB3XhanWPHYGqWchJjTfMDCXx0tjk477RuJJPKdWBTujXBs0N3qOvMYkQmVzyATNpM5H05n7y4r07Ku/jwHcLCnEQHP/jfPKtGMMOM/Sh3GfTRGeuq7ThQsX5vvDZsM4ZqYbY2osI1YT5z3L5wGTSMT++V49ceLEpnM85mPHjm06N7bH6uxeQ7eZVXJnekKf479ZWSquNwk2GRmMzwG6BBhOFEk5vCdIBmIqtdgOTbQMgI/r5v8zvGMRNA2voaGhoWFbYOnA89XV1blklVGKmT6G0kQWwEzphIG4Boko0iDhMN0ZiRtZwmFS8CkdRomO0iD7RCJAJC9YcrPmcPjwYUmDJMTgUmnQOizNkBxBqT2SZAxrxL6ujyVVXxpLtx4Hg26zkAbvh6nirgbbi0QAr79JCSSN+Nx4DkMZGGpAYlJ00DOIlk72bFwkK1HjyeaHmhs/ZwlyDbfH5MBcryyAm+nATP7y3vRejuf6WP5lP6JWSPJLbZzRssA0Xnv37k0tDxHWFFgSTBrvFYZiMAlDbIdaCxN0Z2XQ7rvvPkkDqYxaus+JISZMQ0byWnZfuk8+1+vANHGZtY3fUUvLkiT4fvFvJI6R0BP3Dq0OtZSK8bnOcDEmjc7CylgK7tKlS5OlpSKahtfQ0NDQsC2wtA9vdXV1LjFklHj6npwGLBbri79LY2o/JUNLGaaNR6nCvx05ckTSuJRH5hdhYCltzwapsVLdfszitFHicCofpv+h1hb7SD+S+0bqdOb/Y0FR+lIopcX2Ke0y3CJLvhtDA7YKIGaS5bh3PDavc0wwIA17KEqxLJDLcimU0qOGzvAMz4e1ZaaLkoZ1oR/GWmdG0ae2UdPspiwm3mcM1GWb0tinxhJD1LKzVGa0GFjyz8oRGVulGIsaHLXq/fv3T4a0rK2tjTRTW0ridy78zOTNWTkb98Hz5bn0HPNZFufEvjsG/tesRbEvnktqJVyv2EemzKOfO9s7TMvFpPzZOUzmzLJK5CxE8FyDz/e4D5jQw8cwgUe06jFwviWPbmhoaGhoAJbS8FyIscYykoY3s+2rd999t6SxRhKlADIALQFRmshs3H7zWxKgZpJpeD7W0hcTNDOBqjQuKMs2GJgex0dJjn4Yf86S4dKvQ1YTAzalcVB3liIrXp/nx3apWUafBP1nU4HDpRSVUub99/WiH8bSuTViaio+N46DvmL6UmhRyPxkTABg7cX7MK6L+21pveYznmISk33MQrpR86ZmzfYz3wW1QV7P80krSOwDrR5sK9NgOT7eC9EXSm1tKmmBUxoatq7Y1xvbI4vax3hvRV8QrRrUFPy990FM6+f7nX5SatFxfcwy9V/fS7VUirGPbt+/0TqQJQxnsnVaFjLWc63MlkE2fLSKeY3oA+c9F9fZ7fi56j3ic23tydL7WQNvPryGhoaGhgZg6dRi586dm79NmWRXGifptWTClF8ZI4u2ZjI6M6mDfjGW0WE/pHGciKUMaxtkccZrk9nE4poZK5SSLxMBZzFu1IQondFXFqVnMvoY42JkaZYondO/EbUds0ofeeQRSb00NqXlra6ujtIMZWmNvA6W+iIjUNos7ZHVRb9FLX5NGkvPXJ/M58DfPA73mYUypfH+rSXmppYqjX1n1FwzVijZsvRZkx3MfRH7xrnJ4r2oXXAPML1ghO+bffv2Tfrwdu/ePdIY4z6gRmdtzH3KCgCTaUhfutfJcx1TGjIRNNcus/Qw7pMWJs9x9BX6ecak1AZ9oZlViknYqdnGe4LFg/msZxuZ/5fPQKaKjHNSS3NmroT3R7yfPCexjFfT8BoaGhoaGgKuKHm036xZiQhK7izzYGk9KxHhv2TY0QeSMftY2oeJk6N0SZ8JP2exToyHodTOckFZeSD6CKntRImV8XxMzEv2XpwTSq70hVKijX1gUVz32XMUfSCe26ipbCVpMVYn+ivI1LKUx7iuKMXST0AtJpsfgz4t+rqoXce+1fYMxyeNpVTGe3EvxevRYuI5p3Qez6GfkZL2FDu4pt14HhmDm7VDLYdaQoTb2yrx+I4dO0ZZRaLmzVJY9K1l5cEYC8hnSG193N8Ias20AMU+kovAeyYyEr0nHUNZs+xMWUzIZ6AVJystRosWtdDM0sTC07xOlrnI/WX7LL+VlcyKJeG2iuGcj2+hoxoaGhoaGp7laC+8hoaGhoZtgfcrebQR1UmafGymM9XbgejRfEdzFCn+Nh/Q1BWPofpu0Fwl5aaq2BZrnkmDaaTm1DUYEJodS/MDzUixLwaDN0mLjn31uSTfcI4i4YHmJ5orMxONnesx3dFWZilS8eM4/ZvJATZDkSgSSSyZuUka5tZ9zPrPhOacC5og41hp9uQ5mWOe+65G4Ir3F81uNEtlqew4F9w7td+lwVxUI8VkiQW4r0iA8r1uEpI0DupmqjSi67qRqSyG35D0kNUyJFiXzvNCc7jbiKZGzinnNiOKkdBEwklWL87Xuf766zddh/dZFnzN0CWG92SEp1rSippZPIKmRpq4aWqX6nPP+n5xf5AoNEV4IpqG19DQ0NCwLbB08ugosWQ0Y79p77//fkkDndZvblPYLbFI9XQ2PsfSGoMT47mUminNRAmoRkOmlpOVkqFDngHAlliilE4yBEvMMFAz9sljJ1mGjvUshMKgVJ6RCNyev6OWzeOkYf1NyZ9KK+bg4Yw8YlhyY3AtCTNZvzMChlQvHyQNc2dtg/vQaxnbZBJdSvJZglyDDn8ek0neTBLONjJnPZNHs/o2rTBx3/EYksI8/pj2jZYREhpITIjnxJSDtf1TStHKyspIW4tUfT9PHnjggU3HkPaead4Gw5Q8RlqgpEEDYWKGLGkFz6kluOa97bHH33i/Mz1eFkRuMNE5iWpx7LyvGO6VPfsNVrOnxSzOO4lMfj8Ynk8H60c4mcD+/fsbaaWhoaGhoSFiaR/eysrKKF1X9AHYv+Y3tem0/uw3ceaHiTZZaVzE08dF7ZBBlaS3ZkVPKS2T9u7rR0mLiWXps2GYQJSAssTLsS2PL9qp6YOgRkffQTyXEiQ1SEvVmX+DacnY16i5Wjqz5jUlpft69LlGCY8Jd30M08bFcxh2UtNmjbim1MbdN0umGf29VmKlFqYQj2Uqvloi3jgG+lRIe+cax994L1Bb9NzFgGrvERYc9lxMabDUKLi/4nPCSQu8dxZJAMyk6zHJstuj39XPGT+XYrgQNWHS590WLQCxHc+lNSA+D+JaMpWb70P6DDPtsKZF0w8c+8hUdbVkHFlpKe8N+kup4WXWj1rxWPoupbH1wfuBSdhjCkImUtjY2Fg4gXTT8BoaGhoatgWuyIdHpk5WsNBvddtZKcVExhaZOH5bWwIiczBKpEx2Sr9FJmlFn0UExxWDHWvMKv9lUHmUmiwhMl3TVH88F5bOmFA7KwvDcVBipYSf+dPox3Tf3UYsC3P77bdL2swCq0laKysr2rt374iNFTUFpnwjA5FStDQu2kofB7WdjF3GYHXPNf3C8dpkY9aC+6Vx8Dv3uUGpOo6HLEZK2PF3prmiZuF5ZFHR2FeDgfTU9KSxRsLiwZnvxlaa2Mda0oKVlRVdddVVo8TFcczZforX5nMpjs2g5sN7L+473lssf5aVrmEpIVo7GOgef+O9Sp/kVHpCj4c+vCwpRy1FIwsCW8uK4yOrnrwG/43r5vaojdYSLcTfnNSk9jzP0DS8hoaGhoZtgaU1vNXV1ZHPK8anMNmwpQz78myLdTyeJN10002SxtIlNT0yPaVxSiH6VjIfRy0uxePxOSyCmfWNvjRqC9IgLdUKgPrYLA0Ri0VSw2Thyfh/X49aSMbsJDPR16WGEeMnOW9RCidWVla0a9eukXSeJdk2GH9piS6uC6VysvI45th/akD+zH2YaZS1pN5k/MbvfB2miWN5qCg1My0dk0dzDeKxZGEyPViWJoxjtoTNWKrImqvF4ZGdFzVB+mm7rpvU8NbW1kbaWpxHJhR28mhqAVEbsJbpMdJqQytLFh/n3zwftmjV/PbSsFdsLaH/Nz6rasWpa/GZ8Z7m3uFn7vN4DOeYbPSseCwLKXuveE38fbyunzN8xhuZVSxLo9bi8BoaGhoaGgKW0vAuXryo++67b+QviX4d2m9dwO/YsWP9BZOEqSzhUkvQa2ktSgGOxaHfwsdkjCcykSgdkAkXx2qQzUjWVJQka1kYagVB49j5mSzBLB6LEhBLuvic2EcyU2vFKWOWG39nqfbaa69NszfEfpGxGPvNGEBK9JnfkqxYsnW9HzOfCtms1Li9r+MeohTrPnsusiw+1KS4zynZZ0nL6RuitB7nnT5Irim168wfV0s8npWhof/a47Of3sdGpp2vHS1BNQ1vY2NDTz755KhEVeY/sqaQxZjFvsXzuReZIYSWkqwPHpvnLSvmSo2bDPKMAWtrhueQcaA1X3W8Tq0MlhHniCx07hHfT2StS8PcW6OjZu824/uitj7040d2rZ8PWRL8rdA0vIaGhoaGbYH2wmtoaGho2BZYyqS5srKiPXv2zNVsmzDuueeeoUFQbp/73OdKkt797ndLGtTQ5z//+fNz7rrrLkmDWcB/TYm3uY3O5Xg9/8Yq7AwQj+dbPadpk7Xt4vk0F9KZS1NX/I0ObBJuMhIJzS4072XmV4YhkFCRmXtokqPzmgGiknTzzTdvaieaLAmnh6I5Ja4lKdA0bWf18GhqY328GmEnjpVryeDhjEZNU7r76LWMJkamm+KeMdz3aC4ntZwEFIa8SGOTJs1vmdPfoBmZ/ciQERhiW57PGIrkey+u6RThKVY8N7L6eiSReC6ziucMg2G4jp9Dft7F67s9EkB8Dl0g0jgBBD9nCelpsmfNOYZlxT5yz5Ckl6019zNNpqztGE2NXo9IDJOGfca9G4+t1eHzHGVuhYywtRWahtfQ0NDQsC1wRRXPSUwwMUUapCG+mV/60pdKGsgrkfxgibRWnZhaTtS8mK6J9G0eJ42dw0yU6+vFfnA87BMpzPF6tTRh/mypKXM416RnSrtRKqylTGMQcdQkasQDt+Gwkoxub8nu9OnTVU2g6zptbGyMkh9HrZZVo70vLK1nJWS8906cOLHp3IwCXWuDc0kpN55jjYoBsyQkRMmXe7SW6ivTCkge4hxNpYciSYXjZBkXaVgPknGolWYkKQYPGyRlSMO9Fe+FKWr5jh075veez417jSQKEyiYrCBqeA5v8rOIKd881mxdqL2SJJclO/ZziwHmJCtlSardF5a0qlWbj2BSahLHovbEJAXUxDn+WPmd5B5aZjIiIY9habOMYGdLQbwHW1hCQ0NDQ0NDwFIa3vr6uh599NH5W5fBnRGWTEgrfeELXyhps+TtAND3vOc9kgbpzFKSJTlL/JmkaKqrr2vbcJbqyaAETwk4+v0YwE7KLf00MTm2x0FNi8GjsY+UkmrpqCgRsd/SIFkyVVumhdaKxzr0IM7R0aNHJQ2Je2+99dZq+Z+u63T58uWRfzGOx9Li8ePH07FbWo8St6U9l3KhdF4r/SSNSyL5XNK3Yx/pU6N/1muZBejXaPVMjRSvV0vmTQ0vzkm2vtI4qS/9NHHM9PNQ24n7gL5XUuRZSksah3xcffXVW5Z4ITU+K5TL1Fdu0/skC2mhJaFWIDXzTzNB9pSf1O0xvIrJ7OM9RO2Sz50sgQP7S2vKlEZObZxhNj7Wa5BZfGjtolY6ZW2jDz4rcO3xRM4HizjX0DS8hoaGhoZtgbJM0F4p5aSke7Y8sGE747au667nl23vNCyAtncarhTp3iGWeuE1NDQ0NDQ8W9FMmg0NDQ0N2wLthdfQ0NDQsC3QXngNDQ0NDdsC7YXX0NDQ0LAtsFQc3oEDB7rDhw+PStVEOH6CcVYsmBpB4sxWn6dQO/apaOP9xVPRbm1uFml76hj+xhieLM8fr11K0WOPPaZz586NApauvfba7sYbb0yLdxr+jbFFzP7y/iC2wTHy7xQWzewQ26utFcsELYKpe4TXqf1d5Nza9WIsFdenFk+Xzb3jq3bu3KnTp0/r7Nmzo8lfW1vrrrrqqlG7sU+Mbc3iLrNxLPrboudm90nt2EX2G39b5h6o3dPLPDOuBFcyPma7MrL3BXNoTj13iKVeeIcOHdIP/MAPzJMGO61TTPXlwEGnGHPQIYN5s5pffODx+6mHLo+ZuslrvzG9TbypuWi8yblgcXwMyPRn1hqLYAAr58LBqlkiaKYHyvoUv4/tMoVaLYl1RKzY/pM/+ZOj36W+qv1b3vKWeYqy+++/fzR276OTJ09KGoKTmR4sBsqy0jnXoZaUVhqCk/mwZLBtnCemU+NDJFtTJq5moLE/Z8H4XN/aPo9ry0ruvG7tbzyWbTGVWqzz5iQLPtcBwU50UEvsIA1B2M973vP0ute9bvS71CeXeMUrXjFPMsEacdKQHuzQoUObrs3kBfEBygcn9/rUc6dWy3CpRMZIbJ7tHda/5J7knGap8/jsmkq7WEsNWKvKns0Jq69PKUhMDFJLHBH75eeEkzKcO3dOb37zm9N+E82k2dDQ0NCwLbCUhif1b2tW0o4SIk2alEz5fTy/Zg6lNBWlmpoWaLACdjy2hik1muOsSSJZFWFqhSxLlEmflHiYrHrKbMA0aLxOlo6KVb8plWVJg2N7U2aSlZWVeVkdaiFxbDVzoduOGh8lxFpZk6xfvF5NM45zwLWjFMu9LNWTeVObctuZdYCJf7mv495hai9qCdRksrmhhszxRXguOHamRcs081ixfcodcfHixVF1dyapjv3l/Wlk2oyvW0uQne1LWk2WMQ9SW+KzI95jtCBRw+N6xM+879n37JnB32qWLaZUi32bSh/I/tSS8DM5dtZXr9cy7oWm4TU0NDQ0bAsspeGVUrRz585JuzV9dPzLpLfS4PdjEt2adD7lw6tpXJlUkWmM8XO8LiVG2sGpAcZzqeEtYven32OKPFIDtbUpZzKlWyZ6ZXHM+H+v28bGRlXS3djY0Llz50YJkzP/Ea0C1JozH5e/ozZDckRWRom+k5pPJ7bP/UbtKe43+lu5hyjFRw2PUjp9NBmhp5aknJrLVIkmnmvtilK8NPjwqPXS35wVRbY/7rHHHqv6v7quLy3lJM9GZm2o+W6nrCgcO/dD5r/mGGsWl4xYw/2VaXbsI9e9phXGMTGJMzGlGTGhfebPrp3D+8qoPTulsZ/Zz5aMfMR2trLYRTQNr6GhoaFhW6C98BoaGhoatgWWNmmurq5OmtVqpkybMCOV1LCpgnXCaBaoOaLjMTQTZHR0Eg3o3Kcpbar9mokpM4dabSf5YoroUIvDmVqDGoWZDv1IxqiFTtRIE9LYVJJRoiM2NjZGFYzjPNXo+Z63jCBQo2eTGk3TVtbvWkhDPIemPprFM2p5jThBAorbjKagWmX7KTM/iQUcs+fZNc2iK4FzXAvriHvVtf8cRsLxksQQ/+++XLhwoWqaunz5sh555JG5STQzVys8UAAAIABJREFU0bEyOGv+Tbk2fI7JeFyfbM63Ci2aCk+oxSkuEv5QI89lbdeIR1Pj4jG1sI7s+VR7JtViIqXhGVhrdyqkJZo2FyUNNQ2voaGhoWFbYCkNr+s6ra+vj7SnKNkzmNUanZ3T/hyD1Rm4SopqjdadwZIepdooFfoYVkUmojRFSZcO+SniAY/1X2u5WdVqjrkm/WYUY84P54TSb/yNfSbxJYKhAF3XVSUtE55qhJTYHrVAz0umPbMCs6V0a0sc81TISY2wkWkFMUNI7dg4dmksvVJT8TpFYhCtEJw//r5Ve9l4s9AQ/vUxWdV5/9+anj97fJl1oBZIn6HrOl24cGHefrZ/ucdrRJ24/mynVmV7KuEFQ1po5chCaGpJEqYyCtUsFFMEJM8JySNMKpE9/2i5IHEs0/A4fyR9ZUkyDM8fyWwZ2SgjGS6agaZpeA0NDQ0N2wJLB55vbGyMtJgo1ViDc4Dxww8/LGmQDJmqKP6f6ceyEAZer0a1p1RjDUAaJFEfW0sllfluakGc1Bymgoc9F9R2M6m5Jo3X/JAZfOwU1ZdS31SaNYMa3pSkVUrR2traqJ04Zo/VUp7XPQspMJzG6pprrpE0aO0eD+dnKvWS+8bwmOxYt2sthqnGslRfNXhdqC3G6xi1fR3TbDFFms9xH73/3Me4Bt6L9Ol6Tvx7vCd9be8HW3Pcd7cfwwpqmmsGWw6oeUcN2f93+jGnFmOAtvdLPMfzlCWpkPKwAT4r+MziXpbGafAYCpTtTSYnqPnJMquB/+/192fOX2bBMOg3zSwzPLfmoyaHQdI81SDT7fnZmN3zvPba2lrT8BoaGhoaGiKuyIfHIMEo7dkfZ8aWpUnagKe0GfrDptJD8c1OrdPSTSaRsv2pTN209zPwlL6uLJVZLc1adj2DdnYmnLUEFrWCWho3rwWT1Wbt1thfWeoia8yXL1+e9MWsr69Pau/UgK29UCL19aQh+TB9apbwp9JnUQOidE7NXKonRyDDMkrrHqPn0NIrJXyvQbRG0P/G9fb4o+ZSS0fntug7jveQtTPek27DGl70wXPPPPjgg5KGZ0FkYho+30mf9+zZM2kdKKVU/abSsCes4XmsnkvPm3+XNs9Z7H8t9VfmwyOLkL73uHdoyfFf7wfeG9J4DmtaaJaY2fPl553/eg5oJYr9ph+OVSj8e5Z2j/5UWk4iQ9/g+Kbmnvfgrl27Fk4v1jS8hoaGhoZtgaV9eOvr6yNNIfMB0O82JZFYCqN9mP6KLHaLZUuILE7G59DXQX9JpqVR4qgxrqIt3VKLx+k++bMlvCi5kBVJP6fbsLRWSx8kDWvi9rPErwY1FsbGZam5Iptyq3gY7x37c+LeoY/D62It4Prrr5c0aDXSMH76XT0fbj9j6dEvYXAfRo3L/fY4qBVkkm8txRb7Rn+gNC5zw7/WUqLm4nboQ3NfPZ7Mh+fvmKiZezbuNyaTZ9LozHfjY73G+/btq7KlfX1q+nGe3Adqci5h5j3jzzxfGjMQ6aPO4P3gtmhVyTR9zw8TaE9pQFuxFzMNhxoWrW2ZVlhju/J65GRI42eQ9y4tDlGzjr5nacx2zRJ3UwvcuXNn8+E1NDQ0NDRELK3hSWPWUpToLPH4LUyfg9/EUbraqgSO3+6WKmzXjt/5HGqWRpTS2BdKNZmWslU8XC3xcLweJS5m2Ih+M0qzNdt6FktTy8bicWZlnSiFk+2ajZtzvmPHjqqk1XWdLl++PIrjylhs7qclxJtuuknSIBlGDdXnMEuG96T3iscVtTWDSY+5hlP+AV93ai1rPiGPz+e4b1ELsabic6i9HTx4cNSnWgwdpWcmfZbq1hVbCWhZkIZ72f32mvj6ZmzHvUE27VS2jJWVFe3evXt+rNuJvlxbAY4cOZL2iTGBcUz0pU35ug1afHz9qcwg7j/jFclK9nxJ9dg23uMeX5xjH+v2fV/xmTKV6J6Zsoi4dxj36esyg1XUBH0PkANBH3+8B80PiX1umVYaGhoaGhoC2guvoaGhoWFbYOmwhFjzzCYBU5mlcRVammCyxMX+js5oX4dBvVHltwmVFGuSLaLpjOY597mWiid+VyMn0LkfTbY+x32lqcTjjM7cmrOYyGr6+Ttfj4HNU3WpWK/OyFK2sVbWFBnGIEEpM6fZ5HPo0CFJ0nXXXVftt/eCz+E+sNnOc+EAdWkwMdWSVLuNaAal6ZrjyYgAJPeQlOO++2+WzNcmM17fgbvZ/iYpgkkhPCenTp2an+t2aJpjQu84Tl+H5imPJ0tSbXjOz549O5k+b+/evfO187p5X0jSDTfcIGkgp/iY2L6Uu0P8na//yCOPbLp+lnyB4Ui+d30s0xdKg/mZiS9IksmIYXRDeC39zPTvMbifoQT+y7bi89vr6/7zHuE+iGvKtH7cK56LzBTtdfJeMUHNaxH3W1xDaboOJ9E0vIaGhoaGbYErSi1G526UKiy9Wtqjozl7E1vSqKW8oQM1Sk0+JgbCxjayz+6vJQVLLZYgGbAZ+08KOZ28DI6VxkmQqdFm1GLOAUkkPDdLAJwlfI5jiH201E9Jq1YuJv7m786fP1+V0l3xnPOYJdel5nv8+PFNfYzj8l6kY9xw+05xl6VeImrEK2mYF0upJAu4j1HjNsHDkrTny9Itg8cjIcTtepz+S20gSukst/XQQw9JGgLCfa+471HLZviJ14KU9jg+f0fLjNfEJIOoDTCgfkrD27Fjhw4ePDifH1/H8ycN6+F7Os6HNNb0pGFPcF1oNfLY4z5gWRtqL5lFhCES3kskUmXp9gzS9f3ZWnocn6/tvvmz7yePy1YCaZzgoqY5ZX33+tBSwgQV0crifnvPM4THiFqv24nhQy0soaGhoaGhIeCKUotZcssouH7L057PFEVZgcwsZVD8PfP/+TfS6pk0NkqUtO9bKmTqnew6DKGoFS2NEgqTYjMNVUZ/rvk+a77EzB9HX4HPob8rXo/SLa8f7e+Uxqbo++vr63r88cfnUr73R/THUjq3tGpJlFJ77CfTktEv53Ojn9Q+IGrltFzEfcAQAvsZPceWWKPVw9epFRalFB/3AX2RnhPvJWtP0e/k7x544IFNc2NJnoHhUTrmXrRWQl9OvOcZhuC+eU95TqxRSYOU7/vyscceqxYQ9nOHoRhxLb1m3k+k0Xv+4n6j/5P+Nya9jr4jJodm+q7MomXNyv7GG2+8UdLwvPH143U8Ds8hS4l5H/qcGLRODcvj8jp4/FGjrBXB9XWYlizuXffB16UlIZtHz8/hw4clDfcXk3Fkzyrv69OnTzcfXkNDQ0NDQ8RSGt7q6qr27ds3khiiL4RvWgZoZrZhSxVk+ZGRxJQ8GWoB4lEDsnZBCYQpeKLPgRqWEe3fcSxRo2RBTP7NyvXQh2fJ1NI7z80ku1rJFUqy0uAPYYJhS2NZgVOmdcuCuo2u63Tx4sX53J88eXLTeOI1qcW4D75e5qeoMYepRWVMQffJ65QlVTbIvuM+o6YpDdqMtWPvIWuHXMt4bzAZNTV7poCSxpI0kxMwPV1WhJfj8P5gKrfYrsE1yYLZ3UfPwRNPPFH14RlkRMa1dD+t1TIhBZmrWbtuj9pUxkKOfmtpXMbHaxp5ACy9RAuTLQHRV0iOgJ8DXPfs/qQvjfdX9qyi/5fr7/mkNUwazy1LdHEM8Tr+zWvLpAWxj0wU/vDDDzcNr6GhoaGhIWIpDa+Uoj179oxSL0UNjywusvwyvx8To5L9R8k7Ss9Mj8PUTlmRWksR7rf9FO6TtYOoIbGEh6WXY8eObbqu28rioiI7KbaZMbqYFLpWXimTmrgGTHRdKzEijRmz1tqyWCTPk8d15syZqpR++fJlnTp1aiS5ZX6baJuXhrn0fEVfnteBtn63YX+PU05FLdT95t70fDFhd/zN0r79IdYS3bfow/N+dWyR+2C/hdffcxPZh27XDEvGufr36DNmGSXepx6v5yb6/+xnInOxVohUGqfMokbhPRHToGUp0mpxnCsrK9q3b998vXxvxDmmD8taDGPC4vrT+lTTnunXkob9Zm2MWrXnzxps1kezZ+n/ixqeGZ32+/m6TESf+fL5bKBPz+OO+9t9Ywk1rz/jXrPk73z+eG96v8fnjvvLWEimrYzPTt9Hvm/OnDmzUAyw1DS8hoaGhoZtgqU1vJ07d47KikT7KpmI9DH5bZ/FmvjNb1s2C3JSA5QGiccSo7U3+g+iVmjpyFLDLbfcImnsK6RUKw2SDzNfGCxLE/tAzYHJpCMYh0LJhzGEUcumjZ5+gMyfwTIdlIx9bPS5uQ9O7nznnXdWmXaOw6PGEH0A999/v6Sx/4D9jUxRn2+pj/F4/t0aXpxXli9hkl37Z6MGRB+h+3zzzTdLyuPwGHPGcjpk/sa1sMXgrrvukjTMm9fBbVgDlIZ589h9T1jbcB+tPUSN4s4775Qkvetd75I0+LO4h7KEw76ux857MybF9rU9j/v27auyfHfu3KnDhw+PfHfRb8l9R35B5rfmers9a7nMJBThdj2XfqYwcXfUQhkf67n1uDw/3svSsCe8li94wQskDc8olv6ybzzOifvvfUWWbhZn6rlw/30OLU/RsuT7kuvkPeO+xvuXfm0+G30dM1ql4dnr+/LAgQOTJZwimobX0NDQ0LAtsJSGZymdklHUZigt0aeSsTQtNVizs6R49OjRTefSf+I+SYMEYgmFZYiiDdjfWSqgTyArbMtSG1kRyoioudBvyZI22ZxYu3A7nhO35e+tZUWfIbMlUNv291O+KUrbjFWK/bd2MWVH37t3rz7iIz5CJ06ckDRo1Vl5IPtFmQc1yxDDMjP+631An2T0j7G0ijUgH2OtKsv3yTmwtmifXpZL1VoZNTwy4KLU7HZ9X3mPUrKPffR4fIzbtTbqtfZ1o0/0tttu23SM7wHPhTWIuHe8F2tMZvc9yyAzVX7KWF1d1TXXXDMfY+aP475l1ib/HueJY7zvvvs2nWtNhRlZpM2+uThGrx2zQ0mDNuN18bFxT0r5PPn5RaYy/0ZLlveKtWlaP2qloOJ46L+0NYf3W+yr55ws4YzZzMxR3s8eTyz2bJBdf+rUqS0ZvkbT8BoaGhoatgXaC6+hoaGhYVtgaZPmmTNnRglSI+mCaZqsgtPRHM1SJGIwEarV9Cyw2Wqy+2JzB82UMVjZ5giWHWJ6sgiaOUnfJW0/mrRI8aWpzip/lrbLarvNKbXkwZGMQRMaTbdTpWw8j0x/xfRr0mBu8DimKp7v3r1bL3zhC0cplyIJhr95zm1Gs2kpmqcdaMy0ac9//vM3tUEauTTsTc+xTUteD1PBI9HBZq+7775b0rAnmQg6Sw/mPtLs7r806UvDvVBLQ2eCQ5x3kr18XY+dJYA8ljhWEwI8jy95yUskSXfccYekPCSAa8/q6FnQdzSN1UgrKysrWltbm89FlqiC9zvL6mTJJPyd95fvS6+Dze+xHwZT8JGY5H0dTW00NTOkJN5HBlPw+bo+h+m8Yj98HbsP/Nemba9xnBNf2yEk3jO+DhNtxHuR5EOWZPJ1fF9J47SRfH/w+RO/i+WIWvLohoaGhoaGgKXDEtbW1ubSlCWEqOFZavJbnvTprPwDA4xrzlUmXY7t8A1Px3wEA+d5nSlNj5okix56/Bll2n1lKqssHRpLrfg6JCtkZTo4XywhkiXhphbg9jxHDFqXxppLKaUqaa2srGj37t2jRMqx354Pa3ImSliqZLhF7A81eY/DY7z99tslbdYovY+9Htxf7mN0nDOwmWQpjy9Lf0aNmlqBf3d/ImyVsIZpQgVp69K4ZA0p377fTA6KEr7nx+dkhVPZd1/H+7uWwiySPnxfxrRrNQ3PJck8L75efO547jwWWhCYNlAaJ5PgPeyxM/GFNL4vqHV4fPFZ5b6wtBQTg8fr8HnjvpCs5Wdx3AckVLG0GclT8TdanbyvmXA7EqzcPtODeZ65h6RB6/S4+PygpTDORZaAZCs0Da+hoaGhYVtgKQ1vZWVFu3btGtlXo+RqKY8Bi1NFSWnbt/Tgc0h7jm3wzc7SPyynE9vxX2oQWXFSS80M0DYovcc+1vrCwNDYR0qdpGJT44qSEX+j9MTxR7BY7f/f3pkt2VFdaXhVqQQCY4cjMIPA4cYRvvT7P4kfgLaFATeTJYOQVENfOL46f325dlYdIvrCfdZ/U8PJ3LnHPGv8l1Mnso9cw1j30hLOzs7q4uJiI13uFay01mmC2aptMU20iBVFUvocLB1bQ+lCy10UNv2uOQf5f+bZPm/7bkjvyMRjgJTOZ2i/XXqMaZp85thT3pfZN+YT/5ZJALq+2TftVKSuDJEtGR3Q8NCaOgsMc2ut2Xs0tUj8VE6NSM2haqsZ5Vh8pldE2tk+/XaKE/sxn4NW6OR+fjJerDd5r4visneYR5Nm53NcbJkzt5deZhpE5oYz2hF50J4tZbYOJGiHn48fPx4NbzAYDAaDxNEFYG9ubnaJa5FIXHjVfrKUhEwA7fJDexRcTqZelVpJ342TUB1J6n5VbUtt+P88D802pURHptIGzze5c7bngqaWJLtSQI4GdVQg4+80ZX46yResqMPch+6zFy9e3GrTe2uJZGqyWfqbWhqSp31oLsnkgqP5memUnMydycpOvEZ6tRbTJUWbGg/J2xpGUnDRX/t/ucf0VFUHadnWFpe7AbnvmBNHNe6VgPL+os+sRednXhVs7nB5eVnffvvt7bWOEq86rJ2LHrvd9HE54pVr6afnIPf+iu7Q+9oaZ9W2tA5r56jxqi29HX+b8q3zx/Fs+u+o4JVWmuNg75jQobN0WdvlOcyjo6KrDvPH/7yOjsL3GBnfJJ4PBoPBYBA4WsP7+eefNz6JlEjsc7Kk1fn9TLhM+5YUOnuupQpHM7n8RNVBSrGPhn44fy3bA/bHWIrqyKNpz9FYbiP74vmzRrs3N6uiu45grNpKqvztvqXPbVWGqMPV1VU9f/78Nm+uKyRqyRcNwX64lLQZk/OTLMV2RV3dX+cL2X+Sz2EPoeG5UG5KnM6VtA8HqZ02M9cJPxP7CU2V57AemRdn7d8/WVPPUdVhPdhPXWmcHEP2xTRe/HSfsz2et1da6ubmpt68eXM7x0j/2W/TWjmKsou0dPknazyccZ+JvMeWLGskqZlwLf1nXthD9D2JwPGl8T9bpWjTOZZVW/ovNC2XB8q1NNE9YJ/5fOWaOnd4RR/X5Yxa+3MEfb53PObvvvtufHiDwWAwGCSO1vAuLy+XGlnVVtp3wdLOH+eSQdZMrM2kZGep37b1zkdg6diFMR2FWrUtY+HIQWuaWVLGeXarOUnpzBqyNbs9n4dt8o7S29MGbed35FpqO2aXefvtt5f9cmmptOMDNDv6S4FMawwppdvf5mKuJlBO34P76vWxplR1WHdIlnkevrXOt2FLiPP9TMae+8C+Y+c6gfQzdkWP8/nWrlJK9xmwVmg/e7bjaGDm0+TYeS3j+Pzzz5f+4Zubm3r58uXG15Z7yHu60+gMlyzL51Ud5rSLSGQdWHdH64LcD9zjgrneOzkPLv/FtdZ8uCf9pIyL+fc17Ldujqz9+az7HVa1jQ533MbeO8v7y3OUa0S/O4vIfRgNbzAYDAYngfnCGwwGg8FJ4CiTZtW/VU4nWacKbtOeiWz3wuiBTSJO2MzrbYozrZbDubNvNlPiFLezOv+HSWtFuWXzW35GX21KoI0uZN7mJ4+7M7c4wIDnO7y/Myvb7GUzS1eLMIl6V4EHjx49ql//+tebJN5sDxOSK3HbjJZmG+7hWpMGe946OjWbgPmb52WKCZWXHbTkPdSZTm3acd9Yg3TQ0w7Pw8xLQI9p6qq2Z4HPHGTkAIGETWm0yXx38+i153x1lbZtgry8vNwNPLi4uNgEjmUfPKc2vXUBVXZdcK0JobsAFKc/+flO1cgxO3XCQWR5Lk0sYbMoe9MpIW4nn4/rwMErVYc1csK+zc1+v+c9fif7nq5PwO8h5rkjx2e+vv/++92UqMRoeIPBYDA4CRyt4T169GjjZE8JwRpHF/qa1+XvDnhZaW+dROr/WZpIidvJjistqqsibanIgQ3WRvMzl/BACkQySse3CYw9Fw5i6JLIrYGtNOd8DqBdS21dMr772uHy8rK+++672zGjxWQS+YpMmbXrkolpz9raqvp23utSJA5AspUgx8+1rBmlZPZSZzg3DqyyBpgaZVctvOpAofbnP/+5qqr+8pe/3H7m8jNoLA9J9jZRhC02XUAX4DPOjcstpYbGumUK0H3E49Yy8ryYeN5pKK6sndd6b/u87M0T7VoD6wKseJ6Dhfx3plA5aMlaNPu8C1Sij6yHtXVSXvJMO/3A5Bi2DuX4HMS4Sk3r4LngveB0s6qDRpxk6HuEGInR8AaDwWBwEjiaPPrJkye39EqEZnd+G4e37327W2tZJas7XDyfbcl6pbVVbX10lnj3yGk7v07XRvbHieaWBpHeu/D3lQZpTbKTjjvS3vx/p+1YUkTCM3Va1Tbcfm+NX79+Xc+ePbsNQycBPUvvmBILdOkPwMmuJt22FJ9+H0vntI/mwLVZAoXxo704HWIv5cOk0fb/dHuWZ69SGdAG/vSnP93eA7G0Cc/tP++04M6PlH3y86u26RZOOWH/d3OT5AsrH97NzU1dX19vzkC+B7x/nTjvlJP83fvA+69LmPbaOeTfVrB8jmMITHifliXgc2lrTedroz3vVfYMGt7Tp09v7+Fc0q5LC1nDS63dfVhZvTq/JvPktJtu7/BupFTWN998MxreYDAYDAaJX6ThYXeH7iZLkzg6zhL2imS1auuje4gN2P4/JA40sI581M/2c7vk6FXJGEdAmpao6iDBmVKKa5ijvMea1YpKbE+7dt9Bp+E5KmvlM+zKndD/d955p43Eor2XL19uCJsp9sr9+WyDZ6ffwP42/81PR7dVbX0N9A2NmzXoCvO6oKgTtbt18bhcGsWaYPccJF/7qvJ5SOz23TnK0RSBec2K0N1k6fm7CR1MG5Vzj6bMz9evX++u+1tvvbWxOuR4rD16Tbt3iDVdayL2rXZWFNP1obW5PFXCPnzmDb9s5zNenU//zH3gd6F90ryHKC6cY8aK5/+bpCP7uqLQ2yPYto/a0a/snfTXsr/2iOhXGA1vMBgMBieBozS86+vr+vnnn2+lFqSApDlylJIj76zp7X1mja6T0vifC85ie+ZnamsmjbVkaQqjfI4jLR1Ryj0p2a1ogJC8KAeTmrL7Chyd6WdkH2wXtyTU5ftYM2Jeu8g+j3XPhwfYM4y5o8Ra5St2/iVLk5b0V4S2ea3L19AnUzNlH10Q1T6V3FNI0iu/z0M0PPwu7GekcvLyumLFmXuafbTfMZ/nXE37t6wx5z300Xu2mxP21RdffLFpzzg7O7sTpUn7+HCqDlqtNSq/Zzp/pbWoLjo3x5Fwfi5nvCuYzHvSuZXc01Gd2Ufnd5Z9013pHdbFGmU3HkfW0idbB7q8XPug/T7g886P7jxa9mgX7YomjIb35MmTXeL6xGh4g8FgMDgJHJ2Hd35+vpGaiOyp2rIJ2LfRaWn2oa1s6qDLBQPYgvnZaTeOljNrBpJQSlqOAjNbhaNSU7N1ySDPBRJLSoPM38rf2EWSGo4G9Fi6/3UleLKNlKTsz6JAcIfLy8v6/vvvb9vBd9eNeRV52+0H++5cSNI+vdQA7C9gHRgPbCYpCScpeH7mqN1OK2R/u9Cni9NS3LPqIJ2bDJsIO4rk/v3vf7+9x9qnzwLjcps5dmv09nd1JWXQ2hzR1+WIEQeQkbcrKf3m5qZevXp12y7WgdQUiGZ10dlVxG/V/fm9e1YU9g7/s3Zrf3D2135ZNJUuktT/s1a+sjDlZ34HM/fd/gbsSfrvckTdOV9FkK+iNvP3VbusQUZKk/PKOXny5MmDrEtVo+ENBoPB4EQwX3iDwWAwOAkcZdI8OzurR48e3aqPOM5RkasOqicmK1R9myu6qtX5nKptcqPpvKoOJiqTNpswtwu9Nh0V6ntX568L4c6/V3UA83cnpZq8N+fIScPcY1NGRwS9chrvqf0OwXaYc9fmKmR+D6Sy0P8kgsYMyM8//OEPd9p38ErVwTzoIClXT+e6dOrTf0xxfIa5kDbSZI/5bxVowHgyYMTmfYN542f20ebwLjUj+9r1jTn5/e9/X1XbcPGuarXPnk2DmXjepW/kvd09/P7pp59W1b/fEyuTJsFytPfXv/61qqo+++yz22tMWsCYTNTcEU7bTeAArs7Mv6KHc227fF6ajqsO70rmr0uHsgvIfbX7J9fJZmjA8ziLeaY5J+xjzqLn14E+CT4zCXdnsl2RR3MNfc25s1vpPuLxxGh4g8FgMDgJ/KK0BKQYpLRMClyF+KYjvqovMwOsxTjsPTW8VXK6E99TejTdkLW0Tqo1rVWnMeS48l40YGs1aL/MX2qPTmDnHmt8ptRKrCrF24md/XXotzWLnEcT165KA/HMp0+f3obRW2PNdtBMkEBplznoQvCtrVsi7jRhJ6ObpAAJvCPzZU0dgMTZyGAFAkuQlrmWOeD/nYbn8lqr4IWObo97U0OtOgQkdClCPr9O4fGaV91fmoc2cx6Zc/ry5s2b3aCV169fb8L4s9I1FHXWgKzpd4nSDrawRtQRpzsYyvNE3zqtkPV1IAh97ujI+B9nA81nVQYr2/M7kr3CenSWB/Yxc2Eyhs7a5jO2Ki3UBSyalIN7GW9Hmca1XRDeCqPhDQaDweAkcHRawtXV1YZINiUfU185sRDkPfYPWNJzyH/e6/SAVcmflCpMHm2JC8kh7dOWbFyWxtJiSolOaLZN23OWn9EnF56lzc52bwqfVSHQHN9Kqu3WeHXN9fX10pb++PHj+uijj27H7jXPPlgrRyvsaOKsgdrHuufHXBFmuzRKt99yXNk3JOP0Tfoz+5nRQtD0MwQbf6ItJvSVtnMt6SP9d9FWJ/bnvvM82lIlJWibAAAgAElEQVTiZOaqw3nxT/rUaW4ut3V+fr7U8K6uruqHH36ojz/++E7/0yfos2RtE60wn+FQfpei2StxxpzaD4dG0hEhoMnbigLYM1kyy+885t8Whu557CvWivE5ZSPPohPcmRvmb48kfUV7tqJsy+f4fbdHi2dC9Yf676pGwxsMBoPBieAXFYBdJYrzedWWWNiE0Hc6IfoiaxWW/DqJ21qb/UGZCOzSIU6URVpLCdLkqdZC7PtIicRaGdISz+/KtJjKjJ+2W3eJ/P4M7BWTtO9rVeQ3595Rk3s+PO61/7KjUXIBU895whRY9Ml/7xXmdQFbxt4RAth3ZjJsa2tVW78f62LfLZHNue+cwOw+2sebfeAa5oB5tUWjm1ef7Y5uD6yShx1J3PmzUnO5T1L3We5K07gP9uV2FGbc4/7aEpLrwv5F26BvfoeltmZLD3+zHuyHXEv6AOGBo4G9v/MdwnNsGeFvU+hVbTVJX7MqqZa/uwySP0/N1v4+71n+TmIHx168ePHi3nfPbR8edNVgMBgMBv/hODoPL7WGVb5X1dbHYNLTh5J95j17UWXOCXNJjJQeLcW4nElXbgKJyrRQSHgru3zV1h9iSc+aV9U2v9DRSytfS9VWAqKvSJJ7Ejd9cqRsR9FmLWAvH+bm5qYuLy9vIxGJ2u18j/QBrcZ9yLGu8oG8N7t5srRKPh77gecRLVp1kLQd4cb64G/M/c28u7DniiYux2JJ2tGteyTFK2uArQa5D+zHcgTjng+PeTPNlnOqso/pz1xJ6ZBHo3FzfnKOOe+2xJioO9d/VdSUftunm8WP0dZtBXBeaFdiDMsFfXEUb54xoj0ZM+PkGmjWuuLBtpQx57YwdHRk1vC8z7tz7vNpTa/LC1yVP/LfuUftp98rLWWMhjcYDAaDk8BRGh5SOugKI7pMBZ8h+ezZWh2Naamyu9dMF0ggXMtzU5PgHq5FWkPiMQF1jou+cQ/SLJIeUmD6RZDo6IvbYk4zVxFpzyS1exFP4D4faCcNrnKQViWaqg6SVs75XhHPd955Z0PqnFI/z2IOrZXZB9Vh5VvtCmRaknff2Q8we1RVff7551V1KHP0wQcfVNWBMQR08wQzEWvL85DiuSe1J/vAVxJ4nkuXsKKPzqGzf6t7Dtda4k6fiv3W1oysZVVt80f3inhCHs0+w6qS/jH77OnLyp9Nu/lzlWvI/znjVYfzzxjpC2sLMXPGDjjCm/cCkbiOMM8+sJZoaZwR5zrmHNva5NJtWCtyLXnOKg/T79c9jdIant9hCVtoVsTTVdvz/1D/XdVoeIPBYDA4ERwdpXlvgyqqiQRk/1HnUwMrPj+XrK+6GzlVtWUTcQHNvN+RXS5omlqabeeWKixBJr+oGTWs3ThvKttzXzrmmOx717eVNtjZ7sFqHvdyaO6LtLu4uNj4WNIvYt5I5tB+zC4yzFIfa8r8OSetaivBW+tA80rJHh8dWoYlU6T2jg2Ge/74xz9W1TanDl9h7tVVxKO1hVxz5onP0ArMztEVgHV0NWA/WAvKObD/xfmG2SbPZm5fvXq1lNSvr6/r5cuXG/9hRsKazYN+djmuvsfahKOF2aN5phmTmXX46QjwqsM7hP/hu3Nh1hyLtSbnL7pQap4NR5/yHPrOPGbJK2vKtgKsimZ7rDke/7+7d8XG0kWUM7cZZTwFYAeDwWAwCMwX3mAwGAxOAkcHrWQI6F7AhNVYU4slVomrNjl0yZWYNRzY4jI9WT7FATQeh2l0uj7aEUs/MDmk2dWpEiv6tS4B1E59O/c7Z7+Df2wW6KjFbJ5cVX/OOfGz33777d0SROyfbL+jU3P1dSe/Z7/tZMeM4mThLqXBFb/5ybgwaZIQXrWmwcPsxc8ukIufVCfnWlNOERBTtQ3CsGkJE1qGajNPBE44dWEvqMkBJ6uyV13Vapv9HQCTz6Fd5vY3v/lNmxROP6+urjaJ8h25+8os2qUl2ETutBg+Z53SHG7Cee5NE232K2FChVXpsW483tdOdemClwB9ZX9hnnfZonxORxaebSVswlyd3650mr9TbBbvSDnsznoIRsMbDAaDwUngF6UlIFVQkiOlDEuE/ub2N3r+z1KkSWK7EGZrPtZikC7SYe6ES5MEW4pOOBHSztKOLNvOe//fFFfZ7oqeyZJXSlzWKJzYvCd9OmHbUnqOwe3e5zy+vr7ezEWOmXV2wIQlxC4AwRRr1pq7/rPuSOWeYyT71CTY86uiwUjLXYCGC4miESFxOzAkn+0ALmt+GbTjIBUHLTCfXQCCpXATencpHF2Jovy7C3ji/gzKWlkHbm5u7gREdWt5XzpNl5bigCxrt3va1MoahbbeBVg5GAYLAukqSSkGXNDYZ9cpExlY40LAJtzoCC+cxuGke7+rcs397rP1pbMSWYM1zV9nmeGepNeboJXBYDAYDAJHpyWQBFq1LaRadT8BdJesbsnX4eKd/R2saGscrp4aF5IdEtAqBLajIVqRq1rD6Gzc9GWVVJk2fNqxb9JaCH9niLa1XEtNHVmwx+yCql1iurW0PUkLPwz+C7efsJTpwrwpIa4Ssp203iWwOt3F0nPnH7OfxVqSC4NmnwgDNy0Z54gxZLIyUr99g9ZYct591px2AazhdO3ab7rnU3Eqiwnju2T8bHdv71xeXm5I33MtV75t+1xzv/mM2WeH1tQRnXvf2qdnasCqw5yi2fGTdBVTf1VtycltBWMO6GNqoYyD9p1yslfyC3iOeI4L02ZfV4Wn9/z79/le8zyxLqxXxmfch9HwBoPBYHAS+EXlgWyTzW95F1W1r6vzU3TJhVUHKSIpvqr6grMrGp1OinFpF2BtqvMVWmpeFafNsazG56i5lGJW5Y5cPNb9y3bo42ouOq3A0tgebY/7v6fhXV9f14sXLzaJunm9tWVLy4w9pdgVIbbb6LQMrynzZmm909aQuO3D6wjV+cwFV12I1ZJx9tFg3Nzb7VX77lZkBbnGJmOwptdJ69aivHe5N60s9Cl9NXt+mKurq9tnd9F5JrhYRS92UbpuY0WB1fnJ0cbZB4zRNIJVh/OYZW2qDpYmNLE8p9b67MP3GexoyYB9ny5inX2zFYrx0FcXaM3206dftd3XHeGFNVa/V3M9ieztSn7dh9HwBoPBYHASOLo80Pn5+SZyrJP2LD3vlQWyrd9+gj2/2Cry0Z93fsaVn6rzcVmq9HP2otjsH7NGZ604f3ck5yrHqfNrrfIbQUqALqRq6dYRn1XbUijn5+dLKf3s7KzeeuutW22ti0jD57DKx0KKzrwha76eYxc77frn0i5d5CuAJBifqfPwulwqP9M5qXuRb+4D82aqqaQj6zTvvNbFQxPOv3J+Zjc+n0/vSdacvMDunr0IX6jFGGNHVdb5MrMPq3yyvMc+TefJdXvfpbesGXUljFziCc2ui3ZFs+FeW4u4BwLqxCpi3ZaLfO94DthDzhVlv3dFpFeR5V10td9Vq3w8/J35v9R6pzzQYDAYDAaBozS86+vrO1IhknbHomI/AuhKYFgDsg3YUlTHEGIJ3xGK2W+zI6wImVPysV/ChRD3pJiVz8alf1JiNdGr88k8lr3yKs676XwhK58NcORftkO/98oDEWln/0Gupf1D1hTs98lnr6wArLv9TNme89LQSBx1VnXY8ysNkvF0fka0Q0ed2i/cRQf7jHncqTHbcuHIaWtpOZ98ZsYQn9vOouByO9accu9SCiuLw95XAJYcM9Yn+8B82zJCm/w/97wjue3vtb+8YzGxRcssLZ0/dhVRmiTlBhqVrWB7rCNYRHxOXRi6y490dCZ/r4oyV233iK0te5aTlXbv9222j5VlyKMHg8FgMBDmC28wGAwGJ4Gj0xKurq421C6Z9LxyQq5U8aqtWW4V4NJR4VjlNrFsF2xh8yMmEgdu5D2rsGybTrvkaKc/0Ab/7+pGYaKy6cSmua7Ssefc4wadKcMmGs9nmhbc/l5o+fX1df3444+bpO4k2XZ1egcadAmmNps4PNumno7UmTboC6kT3T5wKg7tMR7aevbs2e09Dsu/r/J4t5Y2lXvcuZb0f1VD7yHmd+Y61yc/zzqGdklg9uX59CfXgnYzrWRl0nz06FG999579dVXX935f84T7XFuuuT0qrumYe9FB6c4eTzP5ypoiHt5J3YmfgeLmOow1wUzp9fKQVNOj8n+24Roc2WXbmHzK8/jWta0a9f72kGAnVukcznkeBycmO3fl9Jy554HXTUYDAaDwX84jiaPvr6+vv2GRsrLcONV0vMqiKVq67y/L5Q4pQEHrZiY18/IPljitqSazmVrknbEWorJe3FkW4Ldq8rs/zmAY0XZlmP1NV6LLvzdYemWDnNe7dTfow568+ZNff3117eSKCTMOWYnkQMHPeQ9DpgADsnunOxoHPy0htVJlaZwYg+hWTj0v2qrmTI+05LtkWPTR2uwtk5UHc6lA11W1pAE84REbwLtPToqJws74CXn3vs2yaGN8/Pz+tWvfnU7Hltbqg5aJYFBwNpUF0Ti5H3+tuaVliyPw9XMuSfD6T/44IOqOiST0zfOQheYRpK1UxnQsEwu3Z0n4IAxylTlmXa6EH1l7LZkZDCg3+0+e50G70A6nz2PO8eVleL33j2J0fAGg8FgcBI4OvH84uLiVrr1t3BVn5iasCZR1Yc6V20TF5EmUmqyr6nzaVTdDRN3wUr7OugjCaF743DYrIuI5mf8JImTPlsbrTpIqpaSHkL5Zc3Yc2KtOO+xJO8SSl0pkUyGXfXr9evX9ezZs/r000+rqpeWV8njqzXO/jqk3ImznV8TqdjJvYTMg48++uj2d6Rx+s9P1haJOOcJaRwNBb+M6aK6s4E0S1+tLXY+NcL3Tc1mIoKOus+airXuTutdWR+cbpPvCd9zdXW11PDOzs7q0aNHmxSQ3EMr/7/95N3+tBWFfWjqrT3yaKdBdFRmTnNhXdhTvDvSP4ZWyLVYGJza5JiFnBNbvWiL5+Q8ei5ozyV/nBheddiD1qZX5cmyHVs36Ctz0hG4pzY6PrzBYDAYDAJHa3iPHz/eFLtM7cl+ga6se9VdKd10OaskaDQuStNXbUu6IGGbvLqj+nIkkn2FKYkg4VjCdfQkc5HSoH02LmvRSZ/ffvttVW0lIPtDXGIm77FmZ+ltr/yRSV3t58rfcw1WGh7k0UhuaDldxJYT8u1PzPI5aPteS0vlXWQic5bt5XPpBwU683dLmbSPPzvpz3imKb3QxCwBd5qQzwRtOFk+wVmwtcOaXT7vvn3giNa81nPuJOV8jv1L77777tIPc35+Xu+9997tGaRgbraxSpQ2nVbuN2sVJjhY+faqtkncPmtoYqk9ca2jkO33S82F3z/55JOqqvrb3/5251qXbcr3E++QlQbLXk1tlf3kEkKOBgWpjfLuY8yr93hHrO/vib3ozEw4p/+j4Q0Gg8FgEDg6SvPNmze3EgPf4EmJY2of4G/ulGKQ/Cz5OLKzK7NjqRLtzz6Hrvik85JotyunYrohJDj+b80utV76ZA0SCWuPUNsRkGgjtsPnnNjvYwncOXf5P2CJscuT6fw6Kz/Mo0eP6re//e2S0DZhOjBL76lxEcXGPayLo806GjzWg89YD/qEBJk+PJPnen91fjEXkmWOvHad38c5YSZ85t5cAzQ7+uLoRq9B3ruKIN2jrgOcY/YZ40YLz/3v6MJ33313SRpe9e/5ZVy0lxojbbsskLWojjzampytKJ3Vgr3hHD6u7cooOUcQTZU+dbmpPAe/MnvV+4+9lOOzL81z3vnU6KNzYh2B22njzvuzD68ry+a9j9WDdTTNZNVBw0sry97eSYyGNxgMBoOTwNHk0S9fvtzYxVOqQttDE+misaruSgiWNG03tuaXEoKZLzJarWorkVcdpAgkYEsT/N0xkfCTca5yxjqp2Zockpzt5XmtfXf0zYV0s68uO7SyoWd/PA7ap49dwUf+R5+ePHmyW7D0s88+2+TDdXlDzmGydSD7bUJxS+X0nzXPe53zgxRtVonUQpGwvVfRDjvfjRk1VkVWOz+My8K4SC6fZ3kg2nUemc9Tl+PkNV35mxL2vVvbYI66aMDUnldSOv5fPkfTQ7uvOuwVtAz7tkBqT9aETbq9IjNPrAjhu7VkflxaCNBGRofz3rKv3u+FjmkF0H/W24w4+e6wBcFaqdcotV/Hb7h4NehYtuiby6BxbeZXsr+6PNL7MBreYDAYDE4CR/vwXr16tYlI6hhJ+OmIO/uREv52t/S+4lur6tkpqg5SQPp0zJZhf5x9hlVbCcTMF35+V67D5VmQeJ3PVrVl0rDdeq8A7CryqfPdAWuhzA33Ig2mhOdcmVevXi01vIuLi/rwww83WlpKs0huSHPOJ+vWhRwmItIYI/faf5pjZ05dvJN7+Dvz8lZRoDyf8aVWSPurElbAn1fVJue182lU3bVgfPnll1V12DtPnz6tqq0vr+NuZD1WZZW6PWStwJafjj+XteZcXl9f70baXVxcbM5NjtmWCHN1Ouc2+8nc+n3maN2Oh3VVRsvRm1WH94yjc7EWdbED1sb5ydy6H7mnbA3gnLoQbe5V7mF9nENqa1xGIwNrdLYo5ee2Rjli1u+EqsP65x7dy0tOjIY3GAwGg5PAfOENBoPB4CRwtEnz8vJyQ02UKriJpU2503ZCVcmdqOrw9wySsXPYtD1doAtmMJ5naicTUVdtzQGrBFc7iPNaE/O6QnCOi76h0juJd1VCKUG7DuRhLRzCne0xTifldyTVDwXUdFWHcWUQAe29//77VbWlxuqCiaBewhRHG4zZCdrZZ9bUSduYnrrAGq8762D6rq5Mi8PPMeeYjq4LDHL4Nm3aTFm1DU7BZOYAmC503kQDdkE4qCX75nJLgPlLM6yD2vaSh9k3rrqd6VAOyLB5kjnNtJRVpXZgYvjcJw6wYq4pYWTi7K59u3lMopGfuZK6g1lM8p39XwWtdCW//E73O8ql4XJN3a5N+XvfAX7ncw9rnS4p+ug9+hCMhjcYDAaDk8DRaQk//fTThsw3k2ztXEdatvSW2tOqrASSgiXTLqXBoc9oECZFzvv9HMZhqabri7UbE+Tm52gfJj+2lpYSJFK/w4I97o46zfRPDj93+Za8x6HEnvO9QJ77woRvbm42FEU5rpUmbK0qJUW0dTQGJ66aEo3Pcz5YK+/V7nm0Z/opwuu7QBDTc5mg2ZRzJCTn/6xh27KQEjD/4+eKJL0L+XaQmcG+TK3ANFsmFXAB3Oz/6u8ElIYAbSaDLVZBZA6w6xLPncrigDC/Y6q2JOvMMWe9Kwnmc7Jqv9Oebe1iHVaE+934bLnq5oK5dbuZ9pIgtaPqcJatOa8o1fx71WG8SUhQdVdT7qjrpjzQYDAYDAaBozS8q6ur+te//rVJbE1pwBI10jMSeCc50h7f6kgZ9h85ITSBJGDNYc9fBVZpAgknsloyWaUCVG3D3q3ZOfG16i4xasLS5x6Zr/0tTvrvwt895x5naq6dX28FSrwgEXaUYmgAjBktnaRiawz5+8cff3zn2lWyevaVOWO/pfaXbXd753e/+11VbTUHlyXKZ66sHKb66q6xBkNb9Lkr20R79hl7D6X2ZKncBN5duoKpuYDJwFPD4558P6yk9LOzs3rrrbc2YfZpHVjtRZNkpKbgFBJr9E7nSYuILR/2xzHWvMcpW8BWgdSanIay8q3vxUrYt+o1dqHgbN+pBKYpzL3jd6PfNyazyGtW6VYu0ZR9AQ9NSagaDW8wGAwGJ4KjfXjPnz/fUC+lFOMkaqQopJa96EJLDV1JF/rh5+GHsES3J8WaIBd0Nm4kbEf7OarRdFGJVZFa+/SyXcNaommC8nf7KJ003fncTB4MvJ7Zhy6htMPFxcWtVM49WV7EfhH3ryOudXQuEuGKEGDPj7SKSIM2LD8zEa8LcSa8DtYOHC2J9pi/MyeM136flJpN7u7xeG92/jhbSBxB2BXkdEkXn/n09dty8dNPP+1K6hkdbh9Y1WH+TfjAfugo31bJ/N77LoJctS08DNxWfm6yAvvhuxgFazy2gnR0e+6L6fwcfdyVlqIv9vuCztriEmoddVnVXbIJ5skRnSvCg6reF74irTdGwxsMBoPBSeAoDe/y8rJ++OGHTamItIsj1dle7WjJvdwJEyU7Ii2lOJO2Wlq23ZpxdO05siqlZvsubKe2RJKaxapIJODvzh4OTB1kKTQlPOenWHLuNNhVxNiK0qjqIBkmofJKSseH57GmNuOit9aIve+6/6GNuSSN/cBd+45eZG1TK+SezldXddAgOgorWx3cZkdH5b7YN866ZKSlNQefCfZ156u2b8g5XF3urX13qxJGub/pP+f21atXSyn95ubmTnHhjvQa7dHaNP0kirYr+bUqxGpi9rRumKzcliXQ+aqdS+t+5LvEVg1TJfp5+feq6PYe/ZmfZw1yjwjaz/H71fnACed2PyRyNfO2h1psMBgMBoPA0UwrWR7I+VFVBwnbJLNoAZ2/yhKw7bqW/NIX4NwPk6laE6taSylmmUiJ5D4C6+45fp77aMk+pUFrgZZ4XFRxT3J1JGHn97FvzeVoOqnavpSff/75wbZ0F1mtOuSfOWp1pe1mf7gWSR7CZ69Xrr2ZOzynPDf9PvYJO/Kxi1i0P9Faotc6pfRVjqr9ZbmWzifzPc7dyzmxxuB1554uRxWJm3E6OrOLcnSkcgeYVpg3E1xXHdbQ54P3DpaETgOyNmjfaue/9pn2nulKSzmS01Gg1mATfkfYWtCdT7Cyeu2xNHk/r7ThPU3f88YeTb+918AFj5nPjFGwZeb169fjwxsMBoPBIDFfeIPBYDA4Cfwi8mhCfK12Vh1MSQSvQPCKWYgE9I6mh/ZMnOyw567i+SpBu0sTsInPTn4nnmY7Xe26qq2ZKs0SK5OCzROdKcvBJHbOdqbWjgopn8s9HTk243DF6y75ekUw3AGzlM3gSYnlVAub0ehDmjdsAsF89sknn1TVlhKpS52wyZH9x3PT7GpTHM8laKRLrHf6js36Nv2kidMmq440IK+r2roaHGhFn32usk8OVmEuOMe5Bk5ZYA7oE2c+18LndS9oBWqxbv3dbxMAOPUo3x28X3BdMA92OXQ0YXZPOLG9IxtwYvaq/l5HnWgqwxURdb6LHbTkvjpdwWOs6tMP8rp8R/q942s6E6oT6t1X1ijfb05+n8TzwWAwGAyEoxPPs6p1F7Ri8lGkOr7BIftNJ/uKfBhpEoc0zuqUSJBW90J73UdLBJawLOXmMy2FORCA/uTz+Z+drSsqnnzein7KBNA5n2BFwdNJn9bkXJZmr1p6JnvvlXh5/PjxRuPOOUaawyrg4ArG2O0d9p0TwaEc++KLL+6ML9v335bWO+LaVYoJyD3qYBUHDVi6zX3gvehk6U67dkqQyyzx3C5p2VI/7aK1defLmgTP8VqQdpJz0tFaGaQlcP7ROjP4wZo3cIJ2WhS4n7n95ptv7lxLAJ7fD1WHd5PPvYNvumAyW232yJW9J7z+puTq0qG6MlD5d5fo7tQtB9g4taLqsI+97tDfdaXTXMaN/eB3Za6bE9ofP368G4BzZ8wPumowGAwGg/9wHKXhVf37G30lQVYdJG2XNUG6e/r06Z3/ZzvWPEzE2tmNLTWbAqyjo1r5tqxhdkUHHXpre78Lgua9lv4seXW2aI/Z2kGXRG7/CBKRpcHOR+nkb/s3MxScMadvdY8S7fXr1xv6ofTr4AdjD7lUSJcoSx/cf9aOcHT6nc9zgqyf59SDvNaUS/Zx5nq4HWtWtk7kvfZJWQvoQszRXFzuiDnZo9bjfy6Oy89//OMfdz7PsaMR2fLjQsv5e2ppK1xeXtY333xzq4GBzkLhklIra07Vdl1MVu57Mz3FaQIr/1hnJfJZ6s5Rjj3vdZ9o38QbOVafSSe8Z5uddSvbAi7Cmn0FfkfZapSfMferYsg5J+yD/H4YDW8wGAwGg8DRGt719fXGB5B2eBdndGQYycVdZJAlEmzCDyljASytmwIof7+vXE8XlbUq/Loikc12rVl1UVK+33Z2S/x7EaWW/p1gnxqtk3mT8inb7BKqHSnZAcsA/tguQpD1RStDm+CZ9Cn77TVb+XBJSMc/WLX1OdiX2kmNHqN9RF3ULP12QV4nOHd+zVWpFa9pzomv9R61XzjXwJK956YjbrYmB0xe0H2W1HWraLs3b97UF198cftu6cZsvxjtEjWOZakD/bdm78K53fvHe8QR2IlVGSXv1b2z7OT1PcJ2a/A+Iyai7vpmn6H3wV7hVdbLSeWdf9vj4H3k6OsE+6qb6xVGwxsMBoPBSeBoDa9q+22cUgEROSsyV3ws+a3Mt3fnW6raRst1RRxN9ZPXGCs7+yrHKcexKrT40BLzea1zTlJadNSZNTrms5NuTP+zkoByHV3eyFp8lwfofXB5eXkvxY+16gRziy8IWz1SeldIlP3W+Uyyv4yD/Lyqqq+++urOOLpcJo9zpTUxx0idqTU5Gs/5Xt73XZSeNZjV+ri/2b4jeS355+8r/xJjSHo/j905qaxR+nu8n3788celhnd1dVXPnz/fzGNqePSHMbJHmAt8Q9lvX+P/dz4usIoDWK1T9ndVELgjR3dcgbVBW4fyc+dhrkr+5PPcN7939vad58DWoS6y2XRxtq7Yl5xjzkyAIY8eDAaDwSBwlIaHpLUHvr2RkuxTQQrMdpDoXXTSmgqRPCmRWHux76uLbnIOk/0ULguSn5mc1jmEXSmUzv/lPmV/clxmsVixkXQ+SktClg7T52Ibvf1Mvi7vz2jd+yStPW2G9kwazV6BsSPHsZoX+zq6PCX8es+ePauqrZWgY6xxUeJVEd9cD2sKltptWei0NUetmZXFvuWqraRtH4o1sW7MK1J28vKqDutDVOh9hZW7cexZB4jwtX8s3wPWOOzjom8ffvjhpv1ViR+Xt9l7hzjidmCU3fwAAAP1SURBVC/HkfbYx/StG79LObldR17vWVgc8emCy3mN/X22bHk/Vm3f32Zi6qLVaQdNjmsd+YuVJ8eeZYI60uwOo+ENBoPB4CQwX3iDwWAwOAkcTR59fX29MUdl2DGqNUmaNhNiGklzGqHipssxbVQX8OB7rHJ3wSs2g61qc3V0ZA5oYBw2iyY8DvfdKno+exUWbHNimslW1dBtwugIWT1eh2SnKdq10e5L/jw7O9sQJXch8U5Udm2zvMemHpuYV4m0VVv6sS+//PLO8x9C5rtKg8m5dTj6Kqnf+yHvcY00VyDP53n9bWpygn1HS8fammSCseS5MskEfeJcY4pO94OJB/aCviCtB13tPJt47VLpUjC8R7iGd5fdFN3Z9rvEboM8VzZl+j3q4Km833PsxHrXBc3PVmkPXZCg7zkmlcpuEPruec4E/q+//rodBybMjvDC6SlDHj0YDAaDgXB00Mo///nPjSOzC1G21LgqVVJ1+MZ2eRFL7w5EqTpIANxjp3vnKLXU4vBcO6+rtppcF9Kdf3cV1k2D5QTalMSsjdkZvkouz2utlTqkeM/Bbcm+G5c15L3k4evr6/rxxx9vrQFdFez333+/qrZ7iLXl3tSUHVRhSdih3p12YLJb77cckzUta00dAbSlV+CAlI7k9z6SamtzCQfUOIigSwS2BscaODk7z7e1HGulJgKu2mpce/RQ7J3UDKp6InCnIaCp7pFscw19yfdZjiM11I4GLuGSUNlfnsscO6Vmz+qxshI44Kvry4qsIikUV2XIVqloaVmydrgiVMizwTqt0pVITcq5xyqwomzcw2h4g8FgMDgJHO3D60JA81uZb3OkcKQyS82dpuBinUhaSBG0mdIG7dtP1YUuu4+Wnh0untLZqkzGKjE37zV9jrWzriCrNTl+mlzVY8q+OVTaGnJXnNJjdyh9rrULY+4V8aTEi+ego2BzGLj9I908uX+2/aMl5hqvUgr83Ex0xy+1okRyW3mNQ+cttXf+MbDy9/H/7p5ViRWex3nr/HEeD3NAH9OXaw3CRWM7Dcn+qvPz86V1AFq6vTQeExXzTJftyX1uakQTwfvdkXNji4G19c4ft/feTOQ91o54ngkOrOHmtavi2B5LPs9aoN9Ze75x7yG/MzPFwNfY+sV5S+uIz0Cn1a4wGt5gMBgMTgJn91FB3bn47Ox/quq//++6M/h/gP+6ubn5wP+cvTN4AGbvDH4p2r1jHPWFNxgMBoPBfyrGpDkYDAaDk8B84Q0Gg8HgJDBfeIPBYDA4CcwX3mAwGAxOAvOFNxgMBoOTwHzhDQaDweAkMF94g8FgMDgJzBfeYDAYDE4C84U3GAwGg5PA/wLW2iEXdtrobgAAAABJRU5ErkJggg==\n", "text/plain": [ "
" ] @@ -1251,7 +2258,7 @@ }, { "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAbwAAAE9CAYAAABwXNeiAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMi4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvIxREBQAAIABJREFUeJzsvXm0ZfdV3/n9vfdqkKpKUmm0LY/YDgLSQPfCgAkYA25MBzAEvIghNrhpmiENhDQrgJtJoQEzJIZ0wIEAaYIhGBMgTAEMxjbQYIghAWKwjQdhS5ZsqUpSSVVSTe/0H+fud/f7nL1/595XJXvJb3/Xeuu+e4bffM7d4/fXhmFQoVAoFAof7Nj4QDegUCgUCoX3B+oHr1AoFAr7AvWDVygUCoV9gfrBKxQKhcK+QP3gFQqFQmFfoH7wCoVCobAvcFl+8Fprz2ytvaq19p7W2rnW2onW2m+31r6ktba5uObFrbWhtfbky1En6n92a+3W1toH7Q94a+1zW2v/5we6HXvBYn6Gxd+nB+ef3FrbXpz/Mnf81tbanvJmWmuva629DnUM+Luntfb61tpzL6Ffe1p37nl42grXDq2178SxK1prv9Vae7i19pmLY7curn2otXZ1UM6XuL7P1vtoRjDX0d9tl6muw4vyvukylfe0xVw+MTh3V2vtRy5HPZcDrbVPaa29YbHm3tNa+77W2qEV7ntya+2H3L1Da+0xj3R7L/kHorX2dZL+P0nXSvpGSc+R9KWS3irp30j6rEutYwU8W9K364NbY/1cSY/KHzyHByS9KDj+xZIeDI7/uKRn7rGuf7z4I166KPOZkv43Seck/Vpr7eP2UMez9QFYd621o5L+s6RPlPTZwzD8Oi45L+n5wa1fonEO9gOeib+7JP0Wjv2Dy1TX2UV5P3WZynuaxnU1+cGT9Pclfe9lqueS0Fr7GEm/KeldGt/z/1zSV0r6tyvcfoukz5d0j8bfj/cLti7l5tbasyS9TNIPDcPwtTj9y621l0k6cil1fKDQWjs0DMPZD3Q7Hkl8APr4i5Ke31o7MgzDaXf8RZJ+QdKL/cXDMNwu6fa9VDQMw18lp94xDMMb7Etr7bcl3Sfp8yT98V7qen+itXaVpN+Q9JGS/pdhGH4vuOwXNY7pT7j7nqDxB/rfC+P8wQg/x5LUWjsr6R4ez7DOszGM7B0rlXupGIbhz94f9ayI/1vS2yR94TAMFyW9ZmGR+dHW2vcNw/Cmzr2vHobhsZLUWvtqSZ/2yDf30iXTb5R0UtI3RCeHYXj7MAx/kd28UGNvxTEzPb3YHXvGwkR6YqH+vqO19vLFuVs1SkOSdN7MFe7eK1tr39tae+fC3PrO1to3ezOUM7l9Xmvtx1prd0t6b6/jrbWntNZesTAxnF206V/hmk9urb2mtfZAa+30wgT1d3HN61prf9Bae05r7c9aa2daa/+9tfYP3DU/qVE6vzkyx7TWbmit/Uhr7Y5FW97cWvty1GMmtGe11n6+tXafFi/43vheZvyipEHjj4u16xMkPVXSK3hxC0yaiz58Z2vtaxdz+UAbzZIfget2mTQ7eFijlnfA3Xu4tfYDi3l4cDHHv9pau8W3Tf11d6S19j2ttbcv5uSu1tovtNZuQv3Xt9Z+prV2amES+n9aa4ejhrbWjkv6HUkfIenTkx87adQ0ntVae5I79iJJfyspvGex9t+wWH/3LdbIE3HNC1prv9tau3sxLv+1tfYlQVmrztFzW2t/2Fq7f1HeW1pr35b06RFDa+2VrbW3LZ6NN7TWHpL0HYtzX7xo+92Lfvxpa+2LcP/EpLmY+wuttacvnvvTi7F4SWutddryGRoFGkn6ffe8f/zi/C6TZmvtKxfnn7FYX7Zev35x/rNba3++qP+PW2sfFdT5D1trf7KY+3sX43HzzJhdqdGa98rFj53hZyVdlPS83v3DMGz3zrt6rm6tvby19u7Fc/Te1tqr2x5N8nvW8Nrom/sUSf9pGIaH91rOCvUc1WiK+BONkukDkp4s6RMWl/y4pMdrNE99osbBtnu3Fvd+uEZp5C8lfbykb9Vogv16VPevNS62F0kKXzqLcp+yaM8ZSd8m6W80mh8+3V3zmZJ+WdKvS3rh4vA3alzEHzkMw7tdkU+V9K80mtvuWbTr51trtwzD8LZF22+Q9AwtF9LZRT1XSfoDSVdIulXSOyU9V9K/aaOU+q/R/J/RuCifL2lrhfG9nDijUZN7kZY/cF+s0aTxjjXKeaGkt0j6J5IOSvp+jRaFW4ZhuDBz78ZiXUjSjZL+mca5/gV3zSFJxyR9p6Q7Na6Vfyzpj1prHzYMw13qr7uDkn5b0kdJ+h6N0v/VGufluHYLU6/QOB+fp9Esdquke7X8MTVcL+l3Na6zTxuG4U87ffx9SbdJ+keSvntx7EWSflqjwLELrbWv1Oh++H81vuiPLdrx+sVaNTPoh0j6j4s+bUt6lqQfb61dMQwD/UrdOWqtfYikX1mU9x0ahY6nL+r4QOB6jXPxvZL+SpJZIJ4i6ZUaNRlpfOe9orV2cBiGn5wps2kU8n5CY/8/T+N83KZxziP8kaR/KukHJH2FJFMY/vtMXT8t6Sc1zuM/kvQvWmvXazSBfpdGwe5fSPql1trT7UeqjS6pl0n6MY1r7hqN8/Ha1tpHD8NwJqnv72j8/djVrmEYHmitvUvjO/dy4Ickfaqkb5H0do3z9CxJV+2ptGEY9vQn6SaND89LV7z+xYvrn+yODZJuxXVPXhx/8eL7xyy+f2Sn7FsX12zh+IsWx5+F49+s8QG7cfH92YvrfmnFvvyURp/T4zrXvE3Sa3DsKo0/aD/ojr1Oo8/l6e7YjRpfoP+XO/aTkm4P6vlWjYv56Tj+Y4u6tjD+P4DrZsf3Uv/c+D5H4+K9KOlxGn9YTkr63928fxnnFWUNGgWMA+7Y8xfHPwHj+rpgXfHvYUlfOtP+TUlXahQG/ukK6+5LF8eft8Lz8M9x/NckvTXos/196irPgcaX1l8vjn/s4vjTXb1PW5w7Kul+Sf8OZT1F4zPydUldG4t6fkzSn687R+77VY/UukObbpP008m5Vy7a8tyZMqzPr5D0x+744cX93+SOfc/i2Be6Y01jbMOvzNTzGYt7PzE4d5ekH3Hfv3Jx7Te4Ywc1Ck0PS3q8O/4Fi2s/bvH9Go0/7C9HHX9H0gVJX9lp46cuynp2cO6Nkn59jbn56kVZjwnOvU3Sd1+udfBoCPL4G40+lh9trb2wjb6IVfEZGs04f9ha27I/Sa/WaML6eFz/SyuW++mSfm0YhvdEJ1trT9eotf0M6j2jUYJ7Fm75m2EY/sa+DMPwPknvU+y0Jj5Do2nynajrtyRdp6mkxT7uaXx9XYu/1EwDvFbSHRql0M/WqJm+asV7Db89DMN59/0vF5+rjNd3atSUn6FR4/oxSf+2tfYCf1Fr7QsWJqD7ND78pzX+OHzoCnV8uqS7hmH4lRWuZcDJXyrux2slPaRRcr9mhXJ/StItrbVnaNSi3+DXmMMzNQpiXKvvlvRmubW6MM/9bGvtDo1C2nlJX6Z4TObm6L8t7n9la+35rbUbV+jTZN2tcs+KODMMw28F9d3SFhHoGtfBeY3a6yrrQHLzO4xv8DdptXW6LswMqmEYzmm09LxpGP3ghjcvPu0Z/ySNghzn/h2LP76nPhD4L5K+vLX2ja21/6ldYiT+pdx8QuMD+KS5Cy8FwzDcr9GM8B5JL5f0rjb6Vj5/hdtvXLTvPP7+ZHH+Olx/54rNuk79YAp7eH8iqPuzgnpPBmWcVcesirqeFdTz866tHrv6eAnjy/o+eYW22kP/0xq17y/RKO3ev8q9DhwvCy5YZbz+dhiGNy7+Xj0Mw9doFA5+0H60W2ufLennJP21pC+S9HEafyDvXrGO6zT+qK+CqC9RWPcfSvocjQLMby1M2SmG0RT+RxpNri9QHkFoa/V3NJ3T/0GL9bMwfZuZ9ps0viyfIenfJe3tztGifc/V+A56haS72ug/S9dRG1OadrWxXb40p7uC+q7ROC63aDR9f6LGPv+MVlsHF4dhOIVjqz7X6+JefD+XHJOr3+b+DzSd+6dr+u6I6jsenLtW8TttL/gKjWvsKyT9qaT3tta+vyV+7jnsWUIaRjv86yT9z23v0X5nNarfHpNBHobhv0n6/IX08TGSXiLpVa21jxqGoWfbPqFR0vmC5PxtrGqVRms0FfacuicWny/R+MAQ54Jje8UJjdrgP0nOvwXfJ33c4/g+Y6aeHn5qUcdHaMa5/X7CmzT6Om7U6F97gaS3DcPwYrugtXZA44O8Cu6R9Hdnr1oTwzD8dmvt+Rr9Qv+5tfbcYXe0K/FTkn5Yo2byyuQaW6sv1jgOhPnvnqlRePykYRj+wE5eipY1DMNrNfqKDkn6exrNsL/eWnvyMAz3BLe8R9N1F1pZ9tKc4NgnaXzOP3cYhjfawcVa+GCAzf0XabT0EPyx9niLxnX1EXJWo4Vg9ESNlpNLxkJg+AZJ37CInfgCjT7JM5r6uWdxqSaB79HoK/k+BS/cRQOPDXmk5t9q+mL4zKyyYQxIeENr7Vs1vig/TKPT1H5sr9DuPKPf1Jjr8eAwDG/W5cOrJX1ea+2xwzBEWuFbNP6YfsQwDN9zmeo8q7F/xG9K+hpJ71qYQveMzvhG174xOr5iPW9urf2wxkCciRnpA4CP1CiEmKZ5pcaH2eNFGn15Htm6e7WkF7TWPnsYhl+9nA0dhuHXFubXn5P0q621zxyG4aHk8p/TqEX9xTAMlPYNf6ix7U8bhuHfd6q+cvG5Y6ZsY9To56zVgQALYfl3Fy/LX9boP5z84C1MdXted3tA1OcbNQpHjyT8unok8XsarXQfMgxDFkQTYhiGM62112hc5y8dlpGaL9D4nFzWdb+o852SvreNkcF7Eigv6QdvGIbfayP7x8taax+uMbDiXRrV3E/TaN//Ii0jjYhXSvqW1to3a4xk+yRJX+gvaK19lqQvl/SfNGprRyR9rcaH9I8Wl1nO1de31n5DoynhjRpND/+rxvyQfynpzzVqlE/V+EL/3CGPQurh2zUu+j9srX23RsfqzZI+YxiGFw7DMLTW/g+NUWkHNfqo7tEY6PMJGn+cXrZmnX8l6drW2ldpfOgfHobhLzVGc/1DjdGfP6Dxx/aIRjPMJw3D0H0hrTi+lx3DMHz1I1X2DD6kLUK8Na7T52n8UXj5sIw2/k1Jn7sYz1/TqPV+jUZfp0e27n5aYyDOz7bWXqrRx3psUc8PXqrwNQzDL7bWLOryl1prnxNZWBY/ct3k6mEYTrXW/pmkH26t3aDRF3S/xvX8yRoDf/6Dxh/GU4vrvl3jOvkWjet6wuoyh0Vk6LM0JtC/W2P03Us0amxzEYnvL/y+Rt/tj7bWvkOjr/PbNFoBHv8I1vtmjVGwX9ZaO61RGPvrGW1+bQzDcLKNqRT/srX2OI3C5wMa5/5TJP3GMAz/sVPEt2k0h/6H1tqPakyY/36NwUE7c9jGFKmXS/p7wzBYKtSGlulJH734/KyFz/wusyK01t6o8f35Jo1z8RyN77ZdKWDrdPpyREB9gkaf0Z0apaGTGqXcF0raWFzzYk2jNA8vGn6nxoH+OS0jyl68uOZDF8ffqTHq6G6ND8nHuXI2NZpu3qdxoQyo41aNi+jsom3/ZXHMIhifvajzOWv0+akaQ4vvWbTr7ZJehmueqfGFaRFTt2n8kX+mu+Z1kv4gKP82ST/pvh9Z1Hfvoq23uXPHNf7wvVPjw/E+jQ/r17lrbPyfhnpmx/cyrI/Z8dV6UZrfmdz7Yozr64Jr/N/9kv5MY8rBlrt2Q2Nwy3s0mk5eL+l/DOakt+6Oanz4/3YxJ3dqDMG3yOBsPlbq8+L4Fy/q/RWNQVi3KogaxT1ZvX9fY2DMqUWf/0aj7+TD3TWfKum/atQK3q5RMNrTHGl8Nn5Z44/d2cX4/LykD71c6y54nnpRmm9Lzj1Xo6D80GJMvkqjZethd00WpXkhqevNK7T3qxdtvrAo++MXx7Mozcfj/jdI+h0cu2Vx7Qtx/HMWa/wBN/c/vspcaFRs/ljju+NOjakPh3GNtfHjgzGL/n7TXfcyjQFO92uMjP9zSV+113XQFoUWCoVCofBBjUdDWkKhUCgUCpeM+sErFAqFwr5A/eAVCoVCYV+gfvAKhUKhsC9QP3iFQqFQ2BeoH7xCoVAo7AuslXh+/Pjx4eabb5bxBNvnxsbyd9OOWbqDfW5v797+yKdDMDWC9+4ldWKdey7ntdH5S0n9WHVsevVmn35OsnouXLiw6zOC541+6KGHdO7cuQmR9LFjx4brrrtuUne0DtZpN++d47B+pNbFpdzzSGHVtvTGbNVxja7h+8Gf39zcnHyeOHFCDzzwwKSiQ4cODVdeeeWkP1F5c89Fb71F18yh1yYiO7fKPZyHVer17+Xomuie7JqsjdG7v1c+j3ON2CfXh8fFiyOpy/nzIwHOMAw6efKkHnzwwdlFutYP3s0336xXvepVO4248sord336DlijHn54JK84e/bsruP2KUnnzo3UkvZSZYeilyMx93KMFrq1Nfsx9vdYm+yYtY2I6rN7+aMRvQiyfrEslunLtv+tjfadc2DfpfGHyp+ze++/f2TbOnHixK7j/lpbDwcOHNAb3hBv/Hz99dfr1ltv1enTI1mEzbkvz9pjY2jl27V23veV1xo4bjbW0Y88x9+usXrW+VG2dvgXAdeXjRevtev8vXxpsR3sdw/Zs+HrsHN2bJUfPJ47cGCkmjx48GD4XZKuvnokZzl+fOQePnLkiL7ru74rLP/IkSN6znOes9MWWweHDy/5g+0dxPeOfykSds4+s7GMntOe8OXvmSvHH+fYe8zNw9bW1uRe+9/G3e619cd6/TG7huWyTJtbf48d44+lHfdttPJt/o4dOyZpuT6uuuqqXfVJy3fVnXeOrI5nzpzRS1/60nBciDJpFgqFQmFfYC0NbxgGXbhwIZQMDNRwKAlRg/DHIlXVI5JuWN8q2tpcG9kufw3buorZlZoCr43UdkMmadvxSLJjf+zT6uF3/39mOonmnOVHfWNfKCn6Oc20GbvG+uph88C1sYrmwzaw/p5WmI1xtEYpUVPiXaWNBq7RnpWAc8FnMOof781MWpEGG5kpoz748ntajaG1poMHD+5odtF82f9mDeDzaYieaZaxyhjbNTaHfKfwefL3Z8971K9MgySiZ9pAS0z03PJaewdT08tMqv5etoX3+OeYY55ZrryGZ5r90aNHd+7trR+P0vAKhUKhsC+wtoZ38eLFidTnpaZMAsgkYn8/JY45h2lUH/1yUXt6Uoq/N/IVURLJpMEe5pzJvXOUmnv+TZOkIi2QZWfBKT1NNronG9PWmjY3N1NtZ9U+Rf2QptIr5zjyrVEaz3xRkbaY+Q6jNZtptev4yTINsrfeuDbps4skfI492xqNla0v+nDsk+ejera2trpBDltbWxPrSm+8rL22NqNnOvIj9+DHK5u77DOCjUsvIIWaIvtFRO85lptZuKK22NhwTqltR22zskwji55nuyez8kV+dBs30/C81XEOpeEVCoVCYV+gfvAKhUKhsC+w9gawwzBMVNNI1c/U5l4OGNVSmqF6uSaZqdFUYn/vnEmkF4yTHWc7ooAQgua9yNyWmUZ6JlumJZgZgvVZeK+0NDtYOHcWbBSlP/jPnklza2trMhb+u7WXZg5DzwyaBTitEnSTrc1o3uaClKLABK5rBnVE5tasjVl9vTUbpQJJU3NfdE1WfrS+uc6idASWu2pQxsbGxmQ+evfy+bfvZsaUluvNjvFZ7gXnZUFeveAOhvRznffmkus4S2WJzKF8bvhOjPLisu98Rvx4ZkFfDFbxa8zawjVzxRVX7DofmWoPHTokaXx3rZInKpWGVygUCoV9grWDVryD1351vdRvv9A8l0lC/hil5yi0l6D0kkmikRZK6Y8BDpHkkzmR6cz30k4Wns1EzEjCzzQ8ttHPQVZfpm37/03To1M60hKYsHv+/PmV0xJs/v28ZPNt10bSnmFOM4nGkfOdBSZF2jPLIHqaZCY1R8ExURqPRy/EnBpMVnY0Jr30EX+dP8e5tU+TxCNtx2sMvbUTIWp3pq2TvID/SzGRAusxZFYbanFRQB/L5RhHqROZ5pWlgvj/s0CaqA+ZBSazmERzwGv5zPh3P8klMmINPyZ8525sbJSGVygUCoWCxyX58OgjsvNSnmIQhShnoe+rJohH9fB7FBJNGzql5aiezHbPenw7GNLL46sk6FLyonba8zdlKQdRaDkpg3p+E0pfm5ubXSl9GIaJ5hAlD2cSdhRanqW7ZGvItz/zcXE99LQ1IrJgRNqMP75KIjDnju2IwtSzfmTSuj+XpSP01uqc1rEKOUKEYRh07ty5HS0g0ojnCCfsXUWtzl9DYgMrPyI8MPB9Zs/PkSNHJMWpTabx2ngwydtr89nc0YfPBHFfftbmVVKDiF5aDNvGd1dEZUfas7lYDF+ut/ysah0oDa9QKBQK+wJra3jSVKr0WkBmS+9FPNGfk1F89XxPmXQeSb6ULqmpREnFGYVUFgkVSTHWT/ruIn9WpplkklAvssvKJ2VbVB81RkbYRf4FK3dra6sraW1vb++Ub23qRXn1qN4MtP1zvqndzvkgfb+y5HLf1iwB2aR4aaolc4x61HNsd5ZEvAp5AddoL0meWk2WXB6VQ2sB/Vq+3d6f3vOHnj17djI+0bzMJVlHlhD61rJxisDnxD5t/v06sDbQ0kOrkB/7bP3S+pE9r1H7M3pEf63Vx3WQ+QV9OZxvrp3IsmTk0Rn9WaQpe2KI0vAKhUKhUHBYW8Pb2NiYSAheCsjIW3tSJSOp5mhmIik9Oue/9yK6DJSmIg2IOSyraHiUeGlDZx886HuwNnP7k0gbzfLaepRg9LtYWy1684EHHti5J9OqIgzDsCsSL/KtUtNhP/g96j81VI51FO3FOeX3KDI5y+Vkbp2vJ/O3Zf451h2V1SMez6ireE/P38zxjDS8uW11Ih82cw97ZN/DMITRjh6mSdm5kydP7jpvz55/5hlRnml4ka+T641rpefr5Lz0LEu2NriFGi0M0brLtgHqWZYyK4d92nvHxip69i2HzmDX2jskigOgtbCXQ2r/+/dpRWkWCoVCoeCwlobXWtPGxkaXxSSzJZP9w0dLUcOjn8qOGzOI9/tYOYzgypgIfPm0LVNbiHyF9ItlhMxRniF9eD07tf1/5syZXf3khrq83rd/zifqmVasX8zZsrZGPolTp07tunaONcMTj0d+GBt/6yOl/p7UnKEX4Zvl3XFNRWww3Kw2i/j1/2cRdmyjn8tMY8gkfCmPtM0iLiOfimEuGtXfQ2ncxija+JM5Z3N5eBsbGxPLi0VCStN1a3WZb6gXfeifA99ezleUP0aN65prrpE0bngs7R4/q4fjFVku2C8+C3wPRdr7tddeK0k7my5zzUTk6HOb4lID9G22dceNwZmX6efK2s13Py1lXmtkmw4ePFgaXqFQKBQKHvWDVygUCoV9gbWDVlprkyCLKHmYlDH2aeYqb0agKm9ms2yfMq/SmtnE1HYDg1i8mYhhs+ZMtXrMjOjNEVkQBwN3GJjir6GZwMbCPr2qb/9bkAjHzb5HJi3W20td4LV2jdXjUw58v6Wpc7pnarTAA5qy/NxH4+D7FoVcM1jBzEM0+UYmDx5jgAADBXy5NHuyrX7+58zfDJ7wY8J7OQ80F/lz9snxo0ktSnRmv3rPIE32GQl8RH/n52tufVqb6BKQluvVzj3mMY+RtNwzjYEi0vKdcc899+xqJ03B1r9o/THg5YlPfKKkpWnTj8WDDz64qx5rv7XDxseeA48o4EOarn+rV5KOHTu2654bbrhhV1vt+fX12bqmaZMuj8zkKS1NmcePHw/bft999+1cS3O3mamtbdYvGztpOQ9XXXXVThll0iwUCoVCwWFPO573QogZ2m2Sl0kO9kvtpUpKiHP0ZF7SMonDjlEqN+nFtDZfPstlgEZEbMxkWgYEULP15dBBa6HTNib+Hgat2Cf7x0TXqC0cxyiQh8esXJPGSKwrTZ3em5ubqaS1vb2ts2fP7pTPtAopDybiuvD3ZOTGnCeTGP29TK5l4FMUjm7XkjoqC2Lx/chIwhnAE1H1sS3U4rzmzaABJvVybfXWQZYW4cGQfGurzUFECk6tr7XWTTz3lIY2l1FbrC7TbmxcIqo8q9uuZaoH15Sfl2zLJ2ri/l1l5ZnVhpqqvSv9XBqyNBhea4EqknT//fdLWmp2pn2yjabhrlJfbxf7jFLO5iuyHvCZt0+7xz6jZHwbryuvvHLlQLbS8AqFQqGwL7C2hnfhwoUw9N5A6dGkDPs17m29Q99WJGFLcSJwLzzXl+3/Z9KjaVomiZiNWFpKNgwTp0bbS8a+9957JS3HxLQnr32yjfSzZL7EiLbJwDbSD+XLJ7EtUxj8uK4awm7nzp49m4bm+76wfGrN0dph4i3b0rNKGJhUHSVFU+PhJqdWRqStR1Jx1MaI6NzA0G/6u6NjNkZ8Bm3deX86w/ftHK0rfu4p9bO/kc+NdHeRVuOxvb2dEjewPdI0JYLPrzTVRDPKQaZUeTAJmn450x497P2WUW5Fvk6OLbU061+0FZS9x2hhME3TpxfZMb63DaT18u8dW3f0SdsYRdaITMOjpSHaUNnG+Oqrry4fXqFQKBQKHmtHaXoNz37RvURiWpL9+prEQIqinp062+olkipod2d0nknC3v7OzSA9XZZvu5ca6QfJ6K9sTLw0yAhVK58+G99G+luirZikpY3b+/ColdG3YmVEGh77zqitaPsRrxXMaXk2jpG/gonYGem1l+ZIR5ZpxpHml5FD8x7f5zki6CiaLqNI41xGx+mjpG+SGrNvd0Y8wMTqSKMwZGTlUeI5k4ZpoYlorwxzW7wMwzCJ7IysDRltF0kN/DGSOpjmmyXQR+23PlpUKMkypKnmbf1gRGJE5EHtklYxi870Gp49a3wf8L3nfXgWV5BZ5KitRTR/fL/Yp/m9veXMyrExsP5yrCKych85WuTRhUKhUCg47Gl7IEo3Zu+VlhKAaQokPWb+mjS/6R/ri6R+GSldAAAgAElEQVSKyC/lv3vJh9F+meQdRf5Y+00C4feIPof9o8bCyD9fNzUrRptF0Wf0a2WRdl674jgyZyiL+PTltda6tvRICvNtoL8g086ieeHmmnO5Z/4Yc4zok4r6RI2CcxptZ2IaBCOKqbH4/EZK/XMUY9I0R48aLNvuJW76rUxjIaLoPGrgPZL53lxm6G2JFK1pX2eUc0gtzM7ZcfrJqZFL+Sa3UbQutXKrj1Gnvo18r1DDYtSzf+/YvFp5J06ckDS1wvkYAmub+R7pL/X5cOyfISOit7Z7nyEtflHUOUF/5jooDa9QKBQK+wJrk0f7rHbT7KJcKrJWUAr095iERenStA37TmlHWkoL9Hkxusfs2dI0GpSRQXaPz2nJ/Ii0QUfbA5kkRdszIzu9dmptYsSqgTktXkqzNjKHj2TfXvLP/Do2T1G/Ih9rpuHZ9kDZBpa+vCxvMNrWiUTJhkwj8uNECZTrLCIcztg3uG2T9xVlW52w/IjAm5I811/kM+a64tqhdcL3z8q1tWjjlfkQffmcW65R73uPGGKytdNa06FDhyZrsEcIT99jxAplc2TjYYTP9l67+uqrd333Wq311TRgq4d5xhHDE/1fJIj2lo6MDYpWKMYJ+LEwmM+O7E3+OkYb29jYceYDe2aXu+++W9KUYcVgWqOfZ3s32rW0ekXWNr6vL16sDWALhUKhUNiFPXFpmvRnWpOXSE06sU+TCGij9XZcanjUzigteamCkgDt7RHzCZkV6IcxCchLDbS7mySXSSRRRBdzZTiOkdRMmB3eNEq711/PqDP6isiX6dto42eSFzVbP45RxG1PSt/c3Jz4AnyeEv0U2Ua9vj5qON6fLC3HiSwdvv82hsxXIxelNM3noiUj8lfRN8itlrh9i9eE6O+j74tz7duWMV8wWq/HUUqfTbQu2Rb63O24HxNqRr0ozY2NDR08eHCS8+ZB6wA397WyvYZv1z7lKU+RJN14442SpHe+852SlvNi68NrwlwHtHrR8uPbZG1g3m+Un8l8u+x85Etj7izfXXwfSPlmxMwHtDnwPl7y+95yyy2Slu/69773vZKWjC9Szt1p7aCFw7fFcP78+dLwCoVCoVDwqB+8QqFQKOwL7ClohVtxeIe5qagMMc9CpKWl2sqUAhL/kjTUX0PV10JyTc32phlrt11j5KqWdMk0BX8PqXtoDmXAgzRVwWkKNBOtNyeYicTaRtNsRL5rYBABE115nbQcJzrF7Tvnxp9bhQDY6iNllQ+Jz5K6mXLgzcVWt5mSzHFuY8r6fPCSmWUyovHIpMkd6A1Wfo+YOwvf75F90zRH0oKoPluLRmVn9dhYk1IrmluOCU3D3oSaJSczGCsifY+CoTIwcCYKS6eJkVs9eZIJvl+YUmTvg+uuu05SvEWNrQcGrdh3n9RtQTCcS6uPASIRMtrAiPCa72mm20Sk9dYfG0fbZolma9LH+XbbeHKrpigZ39Yk13GPCjAjm1gFpeEVCoVCYV9g7aCVYRh2frmjUF9KJ9TAuP2DtJQETGo0JycDALjhqDRNbGeYehREQWnSHK8MIvGSAwMKmO5A8lhfhyWUm8Rt2kdGcOvLt6AOBhz4oB8p3j7D6mV4OCVL3xYGRTBZNtq6xmsIUWK675PNMVND/DFKbllCszTVxqmVsR++z0zatXGxMTat0a9pjgcDQKJ1l217lEnrXgJmkm1Gs+bXGwncSeAQbX9lsDGwMbF+RSTVBlKnMdyeW1n5dmfBGBGYYuDHKQt0osXJa4V2zVvf+lZJS2uKtcmeV7vHrAfSdF2xHzb2kXWA6QCm5UTbQzEJ3sD3bPR8Gjm99ZMBXly7/hy/W9utzMjyYxqsjaO9o2xNWVmeYIMkAkwnYVqbP+eDmIo8ulAoFAoFh7W3BxqGYecXOvLD+C0bpClBqn16CYWaHCl2KL15yZRbzlsZJK2O/CJMkKWE5SURSljUINieKAE0I8U2KSkKYWbSek9jMVg/TKKjvy8L9/f1MEne4MeRkpvfpDMqd2traxLm7iVu+lAo3UUh/wbrK5O3TSKNaMIiGjBpSmTb24aGmoqt6yjlg6Hd1A6iMHGmGMylbPhyzfrA0G9bm9GzkZGV01/bo8zKiAK89sBE457vt7WmgwcPTtJsbG6lqX+XPjxqob4v1GbN4mPvNdP0vf+Pc0kfp8GnydBXZ8+P1cO4A18Pxzgj7I7ozzKt3T7tvIetY3teSfVFX560tEbZvJA0g8Ta0nSt8HtvI12/iUFpeIVCoVAoOKyl4W1uburIkSPptib+f0bfkGTZ/yKTjinz5fSi2Bg9ZhIIJSMp36CQEVc+KZq2bGoHrMdLaYwqoxbCyCh/D7VP6xfHxPu1sq1RaJ+PNErey/5F2oCh57+zskmrtQoyn55HtFGkb2NE38Y55JibdOmlW/rOSPjcozDLNotlO3z/mDBPn060vintZlpaRMLM+aEVYp2oYCYR+zExaX9VydwsBL6eaC5Jhcby/RrlOUYtkoDcE17Q4pJt6us1faubhPYkHvBWBFppMs2YGpFvt2lcXAdmAVhlU1xav6JtycwiltGfGSIN1sA1SUIPf030TppDaXiFQqFQ2BdYO0pzY2NjIvl6CYFbalBijKRY+myYa7aO34ISSUTbQwokSrHR1hTcUsPA7WcizcXu4ZY7jJby/i1uOJttaJptYuqPMU+K+Uy+3EzDo3YYYWtrqyuxb2xsdCVu9i26ht9J+WbIJOBonOg3oPbmwfbzWWD+qTSNHKZfJqNUk6YaNnOpekTK2ThGWpoh8pP7a5nnlrUhujeyQkTvg6hNFy9enES3Rv6qLE+WPjdfp80P58naa9aqaDstPic8H+XW8lqOj+8XrTN8j/IZjzaAJck/110U/U7S6mzbLU8tZsdsvEiLF71LMm2Nkb5RrELmN+2hNLxCoVAo7AusHaV59uzZiZTpEW1IKk3zKjwocVLyXEXipvTHMqMNK01qsegr2uq9j8D6ZRINbfeU2r0Uxw0mmRMUaWnmi4ikWI9oLrJtgDKWFmmq5TJHLYroI7tDL6eqtbZLw4v6nEWG9r5nuW3U7Lguoj5RC2BbfXmZxB1FvLE8ljGn3UhTLT1iushA6TmLFo7akuWZRT48A315kZ+R925vb8+OAy0yUaQ3tfTsnRKdo/ZCX3vkv87msmdxseff3jNkevHvKmqStAZkW0/5ci1i3lhfsu3QpOl88z1nGh83A5CW70ZGv2d98OVzjGgB8H4/my9rQ494nCgNr1AoFAr7AvWDVygUCoV9gbVNmtvb2zsqOXf59sd8CLLUD6On+p+FlvfMe1TTTdWOEjIZEm3qspkYIqJoM3/SUZqF4PbSBLI0C28eyPqahUFHgQ4sPwt48fcYGEKdJdr7uiMyXw9LIPbl+jFmaHWWlBrVzU+OT9RnOswZ+BSZpxg8xATdiEaL5faCcKQ4IITpCNnu8P4amlAzc2VWt//eM0uyDXxeo6AVtm1zc7Mb8OSJxyP6PgbHZebUyPRFN0tmVvMuDibzM7goCu6xY2aKu/baayXFQSMG9tnq4achmlMjv+YepbZOvLmQ5uKsfn8P66a5l2MTmXv5PuXxnivi/PnzK6cmlIZXKBQKhX2BtTW8Cxcu7EhEUfIoJSz+mvc0oIxkt5dky3L5SZJnaUrtY+XbNSatey2Bjm32K5NQfFsMmTTi7yXZdhZiHkn6DKhgYE3UDpZPibkXwLHq9kBS7tD25zKJO+orJfcshSUKliLY9mibKKY/mLTMZGWvoXNNcD0w4CZaH5mkTe3Rn2N9qwR0sG0cx54WlrUpIhtguT0CYEtL4BqM2s3gmt765THuHk9LTERLxj5a/ZFmYvNsmp1PZPf39rR2BsmsQuRg75LHPvaxkqR3v/vdu8ryaVi2nrPglZ41x45xizTrN0nMfXkGkmJH7xOOz9mzZytopVAoFAoFj7UTzy9cuDCxW3upismTJjVl6QPSPIEsNZOeRMrQ4ih8NiOc7vmB6MtgW5mY2wudzzbvjPxLmcRDzSUKLc9SJrjZq28TE10ZCh4ljfpzc6HllBwjCi5K+hn5tf9/Lh2hh8ynFlkjWA9TQEgb5svJtkDJ+uvrySwlkaTNFIbMN2no0ZJlmxdH93DdsW0R0YEnfc40vNbaLutB5MPL1npvnDIfMT+jNB6uxaztft6o2ZHisJf6kxFCMLUg0qLt3PHjxyUt38m2/ZFfD/a+5HuF652pG9KUwJ3WjiixPktp6qUicU5XpaeTSsMrFAqFwj7BWhre9va2zp49OyHI9f4xSi1ZFGOPCokaUEbnJOXJz9SMoigfShGm+URSLNtk91J6p3QtTbcuoQTMRF1fPiPeqCGTXNafyyI6o4TTjAKO291EUZXc/DTCMAw7f/5af4+tJ0b/0t/Xs+tnGmYv6Tny7/jvUYI+r6WG0bMOZFv92PFo+xSSB3Cso0i7zHfbs6jMaaGRzyjza3ONRmPifdWZpL6xsaGjR4/uUGRxDXlkRASRFWXOP5lFDEbXZM+Y3zrNNCxaAWhd8fOfaf/2PNq7NxoLWuKs3htvvFHSckwsIV1aPss+qduXRUQ+0Wwce3EAmdWhN+b2vqgNYAuFQqFQANb24W1vb09owvyvMH1oJA6ltCvN55xRAosikrJorEh7miOjjuiaKOlQ88qIgKWlhGvbZxiVGTVar0nwWE+DYB9s7Kltst9eajOtivlFnD/fRtMqPFVSj0B4a2trkmsXbb1jUbK0FkT+LGpcWQRiJOFn0ZMc+0jDYxmU2iMaPOtzRl3W07ztHmuLzUsk2TJ3MqNMYx+i/vGaSJPO8vBoKfH10Mfei7Sz6HCjyHrf+94nKdYys62Xoi2y5nybGV2ZNJ1L5ktaBPsNN9ywc4/1NYvajtqYaaj27PW2Fsr6bu0wTS+KHSC1Icdg1ahIf222XZBHVn409jbWpeEVCoVCoQCspeEZU8apU6ckxUwrGROFwSSTSJuZI7eNbMDZJpomRXDz1aicjCHES1qZ1E+fASOSfNtsvPyWGtLUd+hBaXluK5aoHG6n0svzYg5fb6sea7f3x/Ui7Q4cODCJzovGnj7iXqQlxyHT7CJfC7VDak+9rYToK+75qA1kHuHajQi16e8lkwc1Zmk5tmSzIWl6tKVVtpVUD6v4+fid898jAB6GQQ8//LCuv/56SVMWJd+37DnpMQVxnsmSQvYRXx7nwTaNtmfcrzc+LxkTTo8Bibmh1KL9Fkb05dJyZf0xJhZfH1lYsufKW+eyKGvGH0QxGFmudaTxmYXM/Jdz25J5lIZXKBQKhX2B+sErFAqFwr7AnnY8NxXVghW8SYBms1USc830ku0P1yPB5TU0LZJ0199vJrOMbDkKD6aphPvRkXRV0o4J2GBmhyy5m+Pj28j2ZOc9shD6KJkzcxr3kmJpoo2wsbGhgwcP7qyZKGiFZmMzAZPqqde3LLAp6hcDADJC3mgvRRIa0KTWCwQhlRXdAL5PNAfxmshFwLG1a5hGEpGyc230zIzEHDVgRFCRpR4RGxsbE9eAJ3NmcE82Hz2TNttEUmfv4rBgERs7M69ZYJrBzG/Sch5sXizNgubDiJg5e6/aO+rEiRO7ypKWzyX382MbfT+ZFG9t4Vq1eqK1w3ch38n+2eRu81kCekRBaONYieeFQqFQKABrJ56fOXNmIm14aY9OzmhbFn/c/z8nVUZlRc5Tf01ELWRtJKEwtRgvObDPlFqYXB4FHjA4Jdsd3h/LQqMz+iaPjLIoCtHnth/RNk7+XmkaEDQXeDAMw4S6yEt00Y7P/niU1J9JdxHtmf8e9dm31Zft22PScCa9RknY1BytLZlm6ceYwVfsr/XTUjmidlO77Wnz2W7lhigBOQvUybRvj8jaQDDgKaOj8uUwUCcCgzoYEMQ2+nViKRK2HkzDs3liyo4vh/PdszDYuuK6i1JYpN1ar7WJ9UQat8G0QhsLatO0hkXI0sisrV6j5POTUZh5cpNo67cKWikUCoVCwWFtH97Fixcnv9iRbT6TrPkL7v/P0hB6Eh3PUdq09niSYrO/U7qwMqzNXmv0viZfbpaAGml4lBy5HUiUXJlRltlnFN5PKSzTCjyoqWYSck+SmktG9Rogxzoqex2tNgvt7kmk2T0cY78OsnlmKH6k4dGyQH9cRJLQ2wYq6xe3eGG53L4l6l9GWh2Fzs8RdUdJ0dFWX721FVlb/Hrjvdw+h/X6c1wHXMd2j2l10lJLMYtFL/Se93C+I0oxg2k2EQl+1EavCdHakKVQ+fXG91nWxsjaxvXMNcT0KN9uA2M9zN8YrR3vRywNr1AoFAoFh7U3gD1//vxEwoqi2KghkJIrQkYD1SMGzjQQu8ds6D5aypBJZRE9FH1z5jMx2zbtyhGFlZWfUT95ZJI2aXp6kg19dvRn+jZS64hojnz9vo2Gnl3frs9IuD3oW6JE3KuH27ZEW8kYMj8IpUx/L/1wjOiN5oO+J8PcRre+bloDSDUWIaMs45yuQuZLRJoZn58sidijt6kzYW1ilKE0HeNIC8zq4TWmTWXkBf6aiBjbn4+sX7TaUAOPrEOZ342Rq56smmQSbKO13Serc1s3RvZyW6Ao6pnPAtdHFB2e+cQjvz7X1+bmZml4hUKhUCh4rB2l+dBDD+38GpuEEGkzPcma9xgo8cxtxRKBNmf6M6SlRGP2bkogzM+Tpv4X0xwzKrMop85LUizfly1NpXPmUtEXFklaWZQmc3j8/9Z3q28Vzdz61yMANvLoHok4c3voe4jKzvwtmWQf+RzYD0aoRfRQllvJyL4oupF+RPph6Of27aIvKrMKRH4YajvMW1plU9TMxxLVnVlKelqVt1j0aOk2NzcnbfLRfpzvVSwghsxi0IvWZd5YRnTfiwPgMxyRe2d+V2q09m6JcmK5vqh5+X7RJ5k9Iz3wPZeRtEua/JbwHRDl7vGayF+aoTS8QqFQKOwLrK3hnT59eiL5Rlv9ZL6OKC9ujrQ32p7DYOUxf4yahLf72/+MYqNW6PNuqPEwj4w27kgapGRvfkD7jCRN9ofjSG3YX8N+9fxnzLPJotx6/qXTp0/Panj0PUW2eX72tMJebqHHKswgJII2C8AqeWq97VMyYty59kjTZ8PKoCQebb3DNtKvFbECrbrti583Rm33NDvC1tnRo0fT620DWPqVonzFLII8eodw7VDzIZGynxdqIJl/zo9t5HuUltqNffr3BOvhGFiZ0b20GES+e37PokANPUsP6zVkMRm+Praf/Y4sGH69lQ+vUCgUCgWHtaM0L1y4sKPtcKNRaeoryXxAkf8o49LMbM/S1LdFiTuSqpkLaGXcd999kqR777130kayINAvxz5EEr6Nl0lp5ge6++67RdCeT3u75RJGkYRZ/ot9t7Z6VgbOEzW8iAWEGsmhQ4dmc6l6W8ZkmgJzgry0l7GIsMwo1zGLgLM5tc/IH8v8R46ffyaoUUdrxB+Pcs6sPrsnirAzRFsGRd+jSDu2jfMZ+RCp6WfRmpGm7CX6bO1sbW3puuuu23lOorbRh06ture5roHl0lcUWW1odeB68EwrFkFJrYYsTX5OyWaUafrGgRnlcNr7jVYhbvbsQY2Zcxo9T6sy+vh1QM2O36OYCEbGFpdmoVAoFApA/eAVCoVCYV9gbWoxaakCe5OYIdq12R+PQuIZXGHl0rkahe3ShJqFb/sAFKubn0xS922MkkKjeiNntQWlWN+5E/XJkycnZZupItpVXpqak6Nw4cyUZvf0xiTaqobt4Nj3dh620HKagLyZjbutZ0EsUWBFlmTfM4czyZUh0L2AENvZmuMWbS3FgCemi/RCvUlOzMRzJklL0wCKLDUoSvvJ3Ak0T0ah5euYNK0eb87L2rmxsaErrrhiZwwiE1xmlu4hS3eZC4Dxx+i6sU9zOXhKQzPJPuEJT5C0nFuaY30qQ0aOQbOeleXvZSAfn81eEFgWJMf+Ry6ODNH8WntpwuwlnmfP+CooDa9QKBQK+wJ72gDWYBpRFKCRJXP2Es4zMt8sgVqaaiKUWqLAA5MeTPOyjRh7W/ywXGpJlKa8FGrnrD4GuDCJ2bc3c7rT8Rxts2Og1mHz5rUQOrA5f1HQCsufSzw/cODARIPsUQZljnPfNjrGMy0hSrKlFJlpJr3EVmodkYXDpHyb54z+KnpmSJLA4IhIS+FczgUPRMQRpD3j+EXrLaPm621/xW29Ily8eFGnTp1aKcGYY9sLWjJwzWbrMNIyONb2bEXr29aBfd5www276rd7fD+t3RbwElm5/HXRGmISeabxSVMrFN9D2Vz7azKygug8y2OwUbQtFtdiBa0UCoVCoQCspeGR4icizM1CrjPbsD/GcHnTjLLtJqRcG+iRu5IcmMnykcRArYz9ov8xoiWLEtqlpVTokz5JtTNHGuylQvaZGp7XyNi/qP3+nijx1Oo+d+5c156+ubk5keB4Puoj++G1AkrS1CZ6/rJMo+v51DIthmkDfo3yHvMRkx4qCrfPtknppfn0ErilfuIx28Jtj6IxyiT4yM/Dfq2i4Z0/f1533HHH5J6ITMKnAfg2RHPK8WC7e1YDWpvow+ulmGQbv544cULSbnqwm266SdJ0m6BoQ2OCm9GSZrHXr8zq1ksryjTjnt+eY00NttfWdTS7nfaufUehUCgUCo9CrJ14HtEQeX8VpUdeE0X/UaOj/TjbmFOaSnBM3rTP3qanFnFHzStK4qSNOyNZ9hI4bef0w9Af4681yd3amm2ZNKdZ+XroR4vayH73NDw/Jhm1lyWd96T/jAqrt5VQFj3GaNlIWuexnjZgmEvIjiLHKNlav6hxR2BUHtvONeXbwkjezPcRbTzKjYBZb+RTyST63nZbjPCMsL29vWttmS/UNCJp6Q8jEUNG7sw+9Npv8PdmRBMZ4b2/1jR8i8422DN4++237xyzaE87d9111+26x9oabQRtbbDYARsv65f5Bf0z36PI47W+LP9/9hzxuZZyja4XFcy+96LDidLwCoVCobAvsHaU5sWLFyfSS+RTM5gmRI0l0i6oPcz5BqRpNFZGLdSjFKIUTSJoaerTyKIae/Uxr8vGkTl30tJmn0lLvUgrtjnTPnuUUqyHftuongsXLszmxFAT9+sgI/zlevNrLCLP9vdkkqOvJ/tkDpr/P/P30efq+8p7VtnQlvObkYn3tN85+jXfB15DaqdI+4no+/xx+/RaKn13rbWu79Hn1UW5tXfccYekpQZEgnhaCzyyvrE9UR5hFv0ZzYvNnfnS7rrrLklTP61/D5hP0vpnZTBql1Hi0tQvT+08s+r4NmUWu6h/HINMe+tFlPMd2fP1Z1poD6XhFQqFQmFfYG0fXrT9fGQ3zrbJiKI0s19zMipErCKZZM8yIo0r02oiiSGzXWd2fi/B8pi10SQ5a4dJbdJS2qMkxTyjSNPjtSS0jcijsw1mOVZeqqYEN7dNxzAMaZ6cL29uA+CojkwLpFQb+Q/o82J+XOT3o3TJaL3I151FPHJM/PPEqMyMEDzyqVFTpQUl0mQyaZlStb8nWgdR//zYkzVne3u7m8N5+PDhCXFy9EzT/8++RlraHBNNdO9czih9rv4eGyfzrdF64i1L9o6wtpofzp5DbhNlPj9pupG1lWv3ROOYWTCy6E2PbCx6jDWrRnT6tctxXMWytFPfSlcVCoVCofAoR/3gFQqFQmFfYO2glcgJ68EEXwZoROXQjEYTXG8/JTpxM4LmiLaL6QA0yURtJJUYSXBpAvR1Z4E10e7fEb1ZVEa0/5qBQRFZYr8/Z8iCJSLTwSomTdtLMSvf9y0zhTD53l9DUznNx1Hwj80ZTW6sLzJ5kUKO4xfR0hloKstC26O2ZPvuRQFIGdl2zzyVBQLQlNlL76B5KqKhYrBPzyy1vb29y1QXmae51udoCtmH3j0RpR3n0NrCYBJfX5aaZWsnctlcf/31kqZ7aXI92D3eDWQmTZp7mf7lg2RIQk3zJ4P1IhMx3/3ZvpO+XK6HXqAVd2WPyMQzlIZXKBQKhX2BtYNWPH1Uj5C1lzAoxTtCU2rNwra9ZGcSFam4esgScQ3RLuJMxLU227XWDmqW0lSyM6nJ6rXvvp92bbZdBunRPKVSphX2duVmygK1D9Ig+fZ7rbMXtNJa22l/TyqjtEotJ+ob+2FrNKMP8/+Tai2jnJKmGrxpHgyWiDRuakJZMn8Utt0rN0P2HHH+fX3U5KIgFX6Pws39NXbcS+bRtlqZhnfu3DndfvvtO4FcRr0VzWWW4sQd1qWpFpul70TboNGiQOL5bDsxX28W0OdBqj+mFDCMP3qHsB5qiZEli8EwGdl3FPCUkT5E71sG2GXkCNEzYeWfPn26S97gURpeoVAoFPYF1tbwLly4MCGN7iVZZ5RLEfVWlkxLDcnbnE3qoyRAKSAK26bUxPQBf48ndJWm/h+TiCKSadO+7BgTkSm1+XPU7LKEcz8HlOCyMP8onYS+qd6mvFGqxBzFDzfo9JowtUtqQpEvKNtCiknj0VYiWapMjx6Kmq613/wlkaSd+bgocdt1UZI1nx/6NqJ5oQ8vS2mI/CMZiXRPU6a2zY11PSJ/WabhmWWJ2o5RAvo6aJGw5zbTVNkGX0ZGGB/1MUug9uubW5XZmNr7oZcAzvcMLTzcRsqf4ybFnEu/dujfs+9Mio/uzVJ1iOhdnNGQkZzd/+/bWhpeoVAoFAoOe0o8N4kk+vWNIo08osiwOZ8d4aUmI2Jl8nZGOSZNSXwZaRdJvlYuCXftWmp8PgLSpC9uXZJFGPp6Mr8CpekogiyicYvK8qDWwUivXmTcnA9ve3t74oOMCLMzWqtIcqS2bvdyDUU0YTzHqN2IWIHSOSVtG/NeFDL7kZE1RG3MIpYjQogsmZeRyxEZe4Yo0i7zt9haiZKw2a+eFtVa08GDB3eeHyZd+zpsLEkEH/n2s3nIojSj8jKatui9Q58w12Q2DaoAACAASURBVK4h2uqJ5Ag8b/BjzdgAfkbPSkb2Yb5qu8c0vSj6vRdVL+1+fjm2fE5JMu77tU50pqE0vEKhUCjsC6y9AezGxsZEwor8MJSA6D/woN8ok0wNXmLI6IYoTUVaASOpjOon0lLp18ui5+y7l0gYDUcJiATbvr1ZjiLH10s7zLujNppt8uph95ByLOqXz7OZ8+FRavblUdOllNfTfDJy4Cwy0t/LceB3v96ordB/xTH357IcsWzrH3/vXLRkFMWWkbFnGqBv0xw1W6ThZVK5HY+Ix7121aMW29zcnKyDyE/Kuqh1+HYzKpd9jbRZA+nnspzDaJz4ne+D6H2aUQr2/GX0x/KdYWV5bZjvQGqhXLuRP46516v41/ic9jQ8+oRX9d9JpeEVCoVCYZ9gbQ3v0KFDE1u6/8WlDyuTELz0mWkalBwjKZ05MpTGGJHm28BPRsv5euj3ygioI6YK84Mx0pHS4CoRhJmm7L/Td2efNm9RrmAW0bkKWaxnjulpeJubm5M+ez8MxzLyh0mxRtIj+vWImC+yLXeifEz2OfPZRAwUnLtMUu0xGGU5W70cxSxHMLOgROeYa+fbTq0vi4ztWXfmYO8e35/eVk+ZP9SvHSuP+Z4ZAbQfJ1p46Mvl+ojakL0zorzPzL/Yy6ljmxgFzBzfaEzs3cXyozgHWjKyyMtIKzRwfUUaHv2YRR5dKBQKhQKwNpemtPyVt19/L6UzIpG+tN4vccbKQvt8lIdlEsmpU6ckTfkqveZHSZ7+qp5NmJIVpc0o54j8mwbmKnrJhbZsSoP0e3owr8f6Z8ft0+ZPWo4P+UsNkebaYzEhzA9DTchL4OxTj1uRoJ+U10SRsNR0uY1K5LvJpNYs163X7kyji6LYrN6I9cO33d/vmSiiPkTPE9ddxgMbrVXTDvgsRJGkHLdeDqetHWoO0fogx6w9c1ddddVOWb5cKWdn6r2z6KOj35kR2P5/lkfLlX+m5yIdOba+Pr5vCEaN+7ZYvyz/juNqiOaM1gG+gyOLIP2K5PL0vzERu1JpeIVCoVAoONQPXqFQKBT2BdY2aV68eHFitvGqcRYmS9XXn6ezkzRaVI0jsxpNVnTUe/MdTQjWNkumjMxSDN7Itr6IkrojB680DZqIHM78TjORoUfVZiYtM3FEO57TNELzURSOzqCOQ4cOrZyWQPNX1G7Oe0QTxwAQpm1wLr25KAre8eXTTCVNSalJQxXteM57mQ7DNRVtvZMlmve2h+qdk6YmdV+fITM1RaZ7BknYGEWmNY7PxsbGLPE4ScWjftFMS8q3KFE6Ck7yiAjPrW7rG83wkUmTKVRco0wb8sdI8sHgHF7v61uFrCADUxn4Do7M4UxPoJk8Wm/ZFkLReuOzfPbs2TJpFgqFQqHgcUlBK1GiJLfhyDZm9IhCalep34NSBCWESGo2MFghSmJmgIuV4cla/Xmv9dq93vHq643Id6OUj6jtBi99UrK3c1amtS0aR2rKlLjMiS1NJflVyKOzAAdfHrdgMkQJ6EzMZUBDL30jozGidB6lzVCa7WmSrCejU4o0WD4/JCKPAiGYCsQx6AV9sE20LDDE3ZcXpddE331/IqL2rD3ZVlDSNDiO2hM1c5YdtYXvOb9WrW6bD6M4ZIqDH2OuVb4jo/QNBp7ZM8y1xC3H/FiYxphtMRalQdDalgWT9BLP2cZo/WdJ/kzriMjxfZpVkUcXCoVCoeCwp+2B6D+Ifn1NajAbem9TzbktUCgZRLZn+iNYZiRVUIthiH8kdbI8UplR4ur1j/d4idXqzsLQmUzu/SQZeXSPUox+Rmrdkb+HUv9c4vnGxkao2bE8jnEv3YFrIduqpue3sHpIQBz5irL6qGlFEme25Q7nI0o1mSMC7xHyZt97RNGZtB6loHCeMho0b61gOb222HunF/JPPyy1TXsP+S2Fso2F+Z6hBcjXZ/eahmefrMO3m1awLPXI101tjN+tf1EyfvScsh4DiUFo9eIWR74+O5dpnVG91Dp7KQwGjrnflHwOpeEVCoVCYV9gbQ0vIsWNEsFJiGz3MUJNmkqEGYkry/DnSDfTk5p4DfsTSd68P9MYIlqijO6sRxrL+hgFZuPLyEYPEhlTO4hs9wZGg0a2dIOXAjMNz7Q7armRDyCT+iOJnO3Ktk/qbVxKKZMRvr0k8lU2ueTYsnzW09u2Kdv2KIpcNWTPRk+DpqTd89Nl57ItlHy5hvPnz6drZ3t7Ww8//PCOdhbRhpE0gu+OyG9NbSnSWvx1PcID+u6jPlMDysgKetYvQ5a8HpGIsz/ZvdGxHv2cb7tHZl2LfHjUOu292aNmM83unnvu2WlDaXiFQqFQKDispeFtb2/r3LlzaUScB/171C68bZaSTuYTiPwzmQSSSZm+vmwDzl5/MpJi0oN5KZ3jlJEke8mHbaPWabl1kYbHCD76onr5Zey79cekUz9vpB3qobW2SwOMchNpt6evNZrrOYJxrqFIYqS2QStElLuVRSRG45gRp1M7iyIuMy0gywf1xzK/DzXaSHrP6MeiKMdMM2fEYuT/tc8HH3yw6//d3t6e0N5FhOmmYVn0tI0T/djSMu+W5WXrrxcJaM/H8ePHJcXRrKa90I/d07iy9xvHepV1kPlJexplts1bpHkyEpZz3PP/Zu/4yF974sQJSdJ99923c+9clO9OX1e6qlAoFAqFRznW9uGdPXu268+h1EKNKJLOeA+1wUxa9/dSa6EkHm3XkqF3PmPFYL+iyL65zyjvj9eQ2SGKJKSGx7GJ8h4pwWXRmZFPwtvb56I0OSb++oy0meshyoei9hLVybIzH86qkYP+2mz8ovINq/j/5ki8o2ciO5flqvp72Z8sl6o3z5n/PLKceB/8HNOKaWfMZ5WmmzhfffXVu9rSI99mX8m8wshzf60dM20xi4z0/1NromYU+Zk5NpyPbEseXz6joCONKyPFpnXCEEXechw5FlF99Nmxvz6v+d57793VtnVQGl6hUCgU9gXqB69QKBQK+wJrmzSjENDIkW0qKk0I5rCN0hLooMwS0SNH6TqEqHRCMyiil3DOevk9MjFmO073drG2/7P0DqYnRP1j22kuiELZ6eDumT947Srkv7zWtzUjJibVmx+nufBsph5EZtXMXNPr11zwSmSW5BjPpRpE/ctSGaIAJJ7L9i+MzLwZ3VovTJ2mzCwdh//btdn6sYAnM+dHtFakXqNpk9SA0vLZOXr0aLePTHnx55hkTTOxT0+iKZZm/WhsaQ5m+fbJ+qM2Wlt66T+Z2Z3HIxNqRl1m6KW08Fq6CMyMKS3TEjyRdo+cYle5K11VKBQKhcKjHGuTR5uWJ02TOz3mqIkiaW9Os4t2wqZDNAvbzvri6zVEu2ZTGs9ClqOk9UyTYEDKKqkF1OwiaqlsOw6TfiNth5pjtg1JL3F3Dhsb/S1gDKQv4npgmf6TAU4MFIjGmITgRBSAkqUjROM0lzrTs1LwXKbhReVmgVXU3iKtINOUe+ugt42TtFvD4bpdVUKXluvYa098hk+ePClpmjoTaXimBc6Nm+9PpjWx71HQSqZ5R+/TbEf1LJk72omebeml+WRE41ngYC/gKbMW+P7xmWbQjVGm3X333TvHTMOzaz2hxRxKwysUCoXCvsBaGl5rTVtbW5Mw8d5GovShRPZ9+jB6YcxSTMFl0ksmAfcSzym19LaDydISKBn5Ptk15oPINuaMtlnitXN0YR7WRm5KGm2k26NPkuJw51V8n7ye93gpndRxXDuGnpbJfvQ2rGQSfEZI0At/pqYS+Sa5Jrm+6NP164IWi1UsF3OSNkPBI58KpfKMAN0fY2oI/TD+mV+F+s8johHza4cWkPvvv1/SUsO76aabJu22e2zdWWoB13rUNo5P9iysMk+97dFYTrZBcxS7wHcj742eec5L9nxFVj0DrSrrJMcbrH7T1C3ZPGr/OigNr1AoFAr7AnvaHqhHdkvJ2t/rz3vwGDUtSgZemmECNqWWno8g25Q2kuxZbpZgH92bSWf8jNpATY9SqSGisjKYBk7tI5LSWR79W14So+Z4/vz5LomrpwCKIsTsf5Pg6YczH5DZ9X3dmQ+v53NgGQauu2hDTt57KdHBWdSuP8f56ZExZNJ4Rt0WzYFpT7yWWptH5q83RFu9ZNtfeQzDoGEY0nmSluPBjZPvuusuSUtNz2uFtLyYhpdFRPr+kOYs06YjbZ39oJYbkVZk88/56r2zSPdo5/27xJ4x9sfQIx7PEvi5DqKt2thf+zQNz6Juo3psfayC0vAKhUKhsC+wtob38MMP70gBXrI32DHSyDACM4piZL4LtTZDpK1lOVSRxpmR9xoibYB+xSxa0+C/s+/2SQ0p6ped623eyrbSV0T/Qjau/t4sZ9CPIwl550ikW2sTiTWK2KK0yg0zI8l+LlozktKplc/5dj3Ytl4eaLY2sjzMSGqe62+kpTGvMdP0ont5LRGNCevp+Zes3TbXnjoqgvf/MoLZ10EaMNPe7rjjDklLLc73IdOwexvpZn5RIqI0zCxLvfHKyN1pDfNttPng82Nj3lvfrI9aYfT8ZoTjvMf3j8+01WdWHJ9/xz4b5jae9igNr1AoFAr7AmtreOfPn5/8Kkc+B7MLM08lkmKZD5VFDNIG7cs3WBnUMKNIpCz6LsrD4zlKaT32Ckpf/B4RXFMTzthtIskvy6XJSLl9ffTdcSwi36T3AWRjurGxocOHD0+IbP382b12jgw1jAL0fcp8ebwnYufIGEEiHyvXLzX9VeYjyyvsrVW2NWPE8ddQw2NuZbRBaObr7JEUz0XwReuEW+VcvHixK6Vvb2+n0a3+f/q4rXzbSsY2DZWkJzzhCZJyy0SPTYfaE99vkRaXWRTYh55WmK1rOx9tPJ2t50jDo3abMaBEOYPMic7yDKO8P87fqVOnJC019Cifkc/+KigNr1AoFAr7AvWDVygUCoV9gbVNmsMwhPtDGTInPk2dXkU1lddCT6k205wWBWiwfqvHdj5mP6LvvdBWmgMzwt9eyH8WRBIlvFv76aDPEkOjtASaJ2ge6FFY0ewRpUNYud58lJmlWmu7AgasH55uivPO3dyZiuHbkPUjCupgGxgunwXN+Guz0PJV0lLmkpSjQJG51IKIjor0V378pdiklQUyrBIUkAWrRMEKEcF1j9otooSLkvv5/NOs5sPbja7qyU9+sqTlesvovKJnmuuqRzFHE2m2hnq0dJlJkSk8vh5+cj1GJCBZiklG2SflRONZ/X4MbL5Onz4taWnS7D0TnjihglYKhUKhUHBYmzzaS1omnUfUYlFSelaOIUqElKbSrJcUs+CYLNnS3086oizwwV+zKv1UlByfaU38Lk0TcikxMkDAjyc1lmwXZp/AnUmfTOiNNAm/DnpBK1dccUWayOrbZeNg2jmT370EHCXARtf27uWckgYvCu7JtmtaRZuZS1OINC4mQzMQwM85g1WydIFe0nrW9ug6jiOfuSidhPMyt+O5B7UC3xeSF1iZV1111eSeO++8U5J0/PhxScttgvisR0FsGRG0fUbWiCx1ytALluPznoX8++eA8z5HFxaVT+tDj8ghS/NioFNkjbL3XZbQ78eKVrQrr7yyyKMLhUKhUPBY24e3vb09CV2PNkak747Spk80pd+PvjRK+FHiMbUnaoteAs4ovXp+ONJN0Y/Q86kZsjBaO25Sqb8/I+3NJEwP2r1pY/djQk3FQP9jpM3PpXlEbYgSdqlh8XsUgp+NE0kMeppXJHlKsUUhS2yn1SDyOWQ+4oy82mNOwu/5bhgm3pOGszHoaaFzyem0vkh5OkeGzc3NrtWIm8JyQ1jT8Pxc2jYz5i8iwTR94BFpAbUyWhz8M81nmM9sNC/0g1HDp1YVtZFaGetfxQ9HS0J0b2YdYl/8mGRpV71UF1oQKi2hUCgUCgWgrUq6KUmttbsl/e0j15zCBwGeNAzDDTxYa6ewAmrtFPaKcO0Qa/3gFQqFQqHwaEWZNAuFQqGwL1A/eIVCoVDYF6gfvEKhUCjsC9QPXqFQKBT2BdbKw9vc3BwOHDgwyZfrBb5kXGw+XyRjC1hnY9ZsWxNeN3csw9y1vfNzvISX0rZVrpsbmwgZs0zv2taa7r77bp06dWpS0YEDBwa/dUmUCzmXixPlka3K/dhbo5cSuJUxUkTIrllnXgwZq8U69a2zLnrrgLmo5AztMRf5uTx9+rTOnj07acyhQ4eGo0eP7uRiRTyOzItjjluv3Vk/Ms7d6Fz2fET3rFJ+Vs7cXPXamLV5lXozxqLo3qy8Vd5zEftLdq8f8zNnzujcuXOzC3mtH7wDBw7o8Y9//E4yZ5RIzcRUS/i87rrrJEnHjh3b9SlJR44ckbQkt7UFzYXdS3bkud7+dNkeTywz+mHNXnBZwnZ0b7Zbsr8nS0rNqH6i+rIfih4tEPthSZ6kapKm5M6bm5t6yUteoggHDx7Uh33Yh+3Mw8mTJyUtk36laTKytdfWx9VXXy1pNyG4/U8y6myn8GitWvszCrhop2uD1WdtJK2bR7QHIMuX+i/JVSjTsh+0LOk/oiVj/TZWRkfnk4dtvOyYEQDbtdZfT9zM/ds2Nzf1mte8RhGOHTum5z3veTv71z3xiU+ctNXG/9prr911zogSrC2eOIHvsYywnetcmhJQMBmeP/7SdL1lO95HRB78Qc1IzHuUdlzfEXEI28D9/dgXT4eY9YfrL9qzj/0iDaIHE9i3t7f1+te/fnJdhDJpFgqFQmFfYE87ntuveqThRaYKKddy/Llevf7TY86UENH1ZFQ7GW2Uv4bnVlHfWS6prCJzRVZPRCHGdqxj9uAx1tszf7FtnnYuKv/8+fOT+YrMUpn5rLfVj2FuPfRMPhy3aHugbMsTlhX1i+WSxmmuD1E/emsnM4NRAqf07tvEelbZEiwrw9dj0rnXVLK1s7GxoSuvvHJHwzep328tZefMSsS+2We0BZdpfdYmkspTM/LnIk1Himnp5lxAEU2cgXOUvcN82dm2ZGxj7xj7GY0jQU2P7z/fl4z2rkeDZ+WYpnju3LnaHqhQKBQKBY/LouH1tIuM9DTyw2UBCFnZHj0SZX/elzPnCI7IbimtrCI1ZfdQevJtXzUIp9eHuYCOSDPPyLAjSYvb+cw5vy9cuDDZEsmvA0qAkebBeua22snmKbqHPpuovsi/68uIxotSa6bJ9sY6I1uOxijbaHiVYDNua0OC3sifxXFjfyJtgOTOGxsb6frZ3NzUsWPHdvy1tu7Mbycttb1ouyzfV98/0+zMt2ifnP9oXfS0lqifHlwPvfdapmnz/dDzUXNcSXTem0sbL17b0/AMVi/Xo1/fds7mNNs8tofe5sFEaXiFQqFQ2BeoH7xCoVAo7AusbdK8ePHiRN2NzDdUTblPVBSCzzDpLMWgl8NHM0G079oqOR7SajlH0f5gWZlZcMIqJo0sHSIyi7DPWeBJZLJl22h69NfZsVWcx2YOp7nSz4uZrPxeif6aKJjFAg0y0wdNPpE5JUNU31ygS+Rs5zrmvPdMXJyrbP8wb6rLdtY2E54Pzee9DBPn2EdBCyw3Mw1H8HtdZmbn1poOHz68814wU6btUC7tTm/wYOCJ76ulKti+ePaZpSdwXfryV9lxm8+ltbmXysLnjvVkuY/+fwbwWD8sfSQyaTKgJ0vR8PfO7aVnffHrItv7kmX4evicZObkCKXhFQqFQmFfYC0NT1oGH0jTnWc9Ms0u2h2ZEi4ZFbLz/hi1QkpCvaTuLABgHRaBVZBpP5EWav1gvzKNIkoXWKc93Lk7S5KNNGVrY0/S2t7e1kMPPdQN0KDGw/BsJsH7Y9xVm+MUBTNkaQ8W2t4L7qAmRw3Dh8yzfM5ZRkTgz7E/JiX3Es/ZT2p+UfBSTwOP6vfXZkExDHxgndK4hnoBWpubmzvzYqQVfoztf/aRgSmm1UhLDc+O2TW2vqxf1HL8MWpePVILvqusH9wt3YNWgSgVyLfDa7B2zvpj59hv/zzxWvu0sjgWkeaVJY9HQUw2Xkw1yawi0Ris+r6TSsMrFAqFwj7B2j68CxcupH4Ej1XSAwz0C1BzzLg2paVkQKnCJO7o1z9LBKY2E4W/85NSesQFl7W/R6NDbdauySTIVbRRJq9HaRBMMViFb8/avb29PRsebOVnnIdSLqWzDGmqXdq9pNGKNP9MG+T8RGuIfhj7NAnVz2UWWm5g27xPJ/PZUmON/LHZWs2S5XttzWjKfH2ZNmLXRpq5X5M9EocDBw7s+HhN0/MUVdYuajFGXWfHvRWCminHi+lXXnvKNCBai/zasXGw9nPeo3cHrSZZGkKUAE/fo/kobWzuv//+Xd/9//TlZVaCqH88Z/fYd08naMh4Umkp9Md8qk6lJRQKhUKh4LCnKM112LUN6yRbUkoyiYj+LGlq+6XE3ZNmqVFauZG0NCdprZIoSe028yX6ujMi1iwa1t8zF8EaRQNmvryoHtrfe34YKzMjw/V1Zn7DyLdHqd++U2K09eDvzdYIfQNecuWaoW+aPghfPpPurR5rk41dpLlkpN4RbVSWaM65ZJK5vyb7jObP+mzaQeZj8f0yrcP7wrIozY2NDR05cmTip/XPD6MIM4L7yBfEtcLnP5qDOWJmrg9/jNqorV22y1/Lc1kyuT9u9dkYm8/ONCzT8Hz0qWnhWQJ4RuwvTa1r9Elamd5iQzo3+84I1h7dWvnwCoVCoVAA1o7SlPqksPZLbJK25cqYFNOL6DSQksYkxyiaiZoWJd7Id8M2RH4Q9ou+jCyajRRQ/hi1QUqfvbGZ8wP27P4kaI3GkTRhmWbZy/frUfyY/5e2ed9W5gtZubbF1DXXXCNp9/ZAFulG8mD68CLNi2uD40+p1o+Lrck5ejpfPr/bvbRcRNunrEIazvIzX54hWvcZZVam2fprmdd23333SYoprGyeIi0z6s/hw4e79ISmGWQ0VlEepo1z5o+38q1ffh3Qx8UtkjLCZin3LzMewV/D7ZSsXJ/H6D+zYx70JfpjfL9YvZklJbono3fzx21tMEaB4+vHnrmJq+R77rRx5SsLhUKhUHgUYy0Nz6JhehFbJo2bBGCSNaUZn0PDjV+zKMredkRWLnN+ej4V2tJNYsgIaKXcXpyR+0pLmzUlSdqvPTjG1NKsjdHGrOynIYv09O3PmDZ8JBfPeTt/T8M7d+7czhjQbyFNt/0w7e2GG26Q1Nfwjh8/Lmm63hjl5fvHiE6CUbT+fmsDtaeIZSTL1aL0TD+0v4bzQik32jQ0y49j/72WTX9mRibs/TBWH8mdrVzLb4tYOezaHutNa02HDh3qRmBnOYDZuvZ1Z5G2vQ1gM3+zjYv5xSINlnl49s40a1jUVq5VvjOsnmgt27X2zPWI1G3+bS6zyFj68jyo7fK7b6PNk9/M1bcjsiLS914aXqFQKBQKQP3gFQqFQmFfYO2gla2trYl5yJuYzBzAT5oPI0e5qbVmFsgCD7xKnIUqU333JrSIrkaaBnt4kyCDE+gMJ42PV7OzEGIDw5+jNtA0QrOYH5PMDJYlovvyGW5MB3RkPrBjhw4dmk0AJdmzN98ZKbCN7Y033rjr0wJT7FPKTS7R/me+H1Ieck9TX0TbldGeRWkwGXUUTWhREAGDVjgvkcmMZrYeKXN2r2Fud25pumO4zaOZ6iIKM7uWqUBZOz21GAM3fB2k2KKJLtrTjqY2q4fm0CgQjeZqq5fvMt9eBivZONmnf+9E5lRfrh2P3o1cv/ad5AiehNv+t0+byyhIxffJ953UZXbcyopM6Dbmdk9GEemR0S32UBpeoVAoFPYF1tLwNjY2dOjQoUmAhpfSKTVQao4kOjo3GZrKsGdfn0keEV2WLysiZuY5bk/jJYdsB/CM6sdL3hm5MjWxVRLPDT2nLrUwtrFH9sxrGDzT00LndidurU2c/V7zZtDDtddeK2m5lujk99dmZLMRLRTBhPbe9lEMTjBpmdvQ+PVNujZqoRy/KGiBml0WeOX/p7WBaQjRljIZaXlGh+brMZiUzneBX8P2jK1Cxr6xsaGjR4/uaAg2fpGmwMAwjpdfbzaH2bqlluHfOwauKxtrBq/4a+0cx4f9i8rhXNLSEFGnMVDQ6rEgMAv4kpbWE2p2JPiwMYloySwtxcbe2h69b5jAb3PBtRpZTPw7qajFCoVCoVBwWFvDu+KKKyYaV0QgasdIp0QJWVpKANyeJUu6jnxrWch/zwZsUgwlOWubl96y5GQDtShfL0Pwsw1avaRNLYzjSM05kpRJ08P+eYkroywixU/kwzPN68KFC920BL8BbJSeQu2CfmD6a3176VOhJEzN1ZfDDT/pF/X1McWEPukovD7S+qTcDxyVwXQL+kksyVuabvEyt+1VFN5PSZtJ8b5M+ne4kWqUUE+//DAM6drZ2trS9ddfv6PZ2z3RVjjclJpzuco2MyQviJ6tjFg689P5c3y/0MIUbXuUES/zveTnhevK5sGeV9Pw7FNaWk+YBpWRJ/j+8Ri32YpSRGj9sM+eBSDS8FZFaXiFQqFQ2BfYU5QmpZgebRcloN6vMaPUmGhKyV+aRvaxTZTepakURjqdiDya0l60gaXvn5diGKk6t4mjNJUCKWkzyjGiFrNjJnFnycu+HEqUht62R9b+o0ePzhK5cn56kbD2yfGLQInbtJxVfETUAjgGvW2iqC1HNHG8do76KxoTarDcnDQiYzDYNfQzRtttkeaKnzY2vj5uKWPlGTmxtTXaMmmVSLutrS1dc801E+otr+GRjo4RnT3fM5OprXySLkcbpdJPSstCtP44h6sQ0PPZzcjdI7Jqg82daZLR2Fh/vO9RWo4nrS5RpCwT6+04LXn+XPacUnP2/cq0zx5KwysUCoXCvsCeqMUYtRQRlmbbi0SEtRmVj2lvlC56UZrc4sMkIS+x0D7M/BS7NyIstTZxU1LmfXlpkNpfpkl6iYySTWZDj/wjbDPb1vMRfxwFdQAAIABJREFUUUNlFFikSVq5Ph8zAymlIso35qVZ3yIfh/XFpHD7JLUcJXD/v/kwLCrUyqRlQZr6GkhwHpHdsq12Dde9IZJmbc3SOpFZHKQp+ba18cSJE5KmmqY0jRg00GoQbdFEKw61IP/Mc331aOksSrNHjWftsnZTa6cG6NvNvpo/1DRUGy9bW9KSLi3Lj40014wsmtHB0SaumUZJn2VkJaKPkBSO/t1oa4Rapu97BluD1CT5HPv1TgsJ2xbRPJrFKos76KE0vEKhUCjsC+xpe6Ao4i27Jsv58VI6SVxN4jbSYGp2/tfeJFIyD/Qi7Uw6o5ZGbSra+oJaGv0h1kZfNu3UlMaZnyUtJSwynVibrA+96FFGiln5J0+e3NUu3yba2ak5RxKkHTtz5kzKmLG9va3Tp0/vaBsRGwy1aErAEfmtRa1Zn+wayy0yP8Lb3/52SdJjHvOYnXvtHpvDJzzhCbvG5Y477pi0kbmnjAq1eYmsA1neHaVzbx3I2HEo+XtNgxvLXnfddZKk22+/fdd5k8B95N8999wjSXrqU58qaTkX73vf+3b1P8rdy0jlI98N2Zp6TCsWHd5j+bC67H1APyz9Pv4eGw/T5N7xjndIku68885dx33OmZVr2iBZU+gTl6ZR4fadEbiRpYek+PzeIxGnb5LvRP9MW7m0ft1777272hpZzrwv34+FPYtmQYkivWmR4zPh+8VnsMijC4VCoVAA1tLwbBNPA+3HUs5lR5ust5vb/5blb5IAJTqTVCJ7Mu3R3BYoyjnjpqfcvLbHG0n/G6Vcr+ExH8nKZ7SWlwapSZokb1ITxz7KTTNJjjmJNt5ee7C20ddl/Yg2Io18oL2IqWEYumwi1t7Md2tlm7Tp/zdNzng3Taq86667drXbj5NpdG95y1skLdfOR3/0R0tajrFpglK8pY4/HjG6eK5R33f6X6MNMrNNg62tpmH48aQmYWPD+j72Yz9WkvTa1752515bm1buLbfcsqsd733ve3e11deXsRxF0dycf791VISNjY2JVcU/n4y49M+SvzbKUzPN901vepOk5Xybpcl8Rn7dcYsaavrWZ7bD35sxrEQaF7k5uSEvI4Claf4vxzzKY+PY2ruWcxNZyWwszGJg99p3e769r59WDuZx8/3jr/G/KcW0UigUCoWCQ/3gFQqFQmFfYE9BKzQFetU5SoD035nkKS1NLmbSpHny+uuv31WWNxOYI5nbttBZ7VVvmnZI5hrtxp05fDN6G98/buFhKr2ZBaJgFgYE0cRp5hYbIxtDaWmCIeWTXUvTra/PxjOj6PLmFobez5kVbJsXKU4mZ9Iwzaxm1rHACmlp8nnsYx8raRnoZCbNt771rbvKfNe73rVzr42hlWvjZuMUkR6bqc/MNauQCGRrhSkG0XY+TCnJTOkRRZu120xKdq+F29vYeNx0002Sps+kjZWZNL15z0DCeJqronQYpuhEMFcKA7iiQB2SSPd2oreglL/4i7+QtJwz67u9F+w94UmWaYamSTGqj+ZW+7Rxi8gdON+2VrmLPIPafPkZIXP0vGYkCPas29hYO/y7klST9jzdfffdkpbP1ZOe9KSdexhQQ/cFTbj+/96ayVAaXqFQKBT2BdYOWtne3p4EfXjpkiH9dDAy8djDJIAsMTdKerX/Kb2Q7DgKpqBUwbI8SA/FgA3SAvktbNgf0w44Fj3KHftOJ7KNc+Q8Zj1M6PZttLqpfdKJHNHIrUL91VrTwYMHJ+kIPWoxG1vTqqJNNW2uLDjFJFAGSdlYmNQpLYMTLEjKxsW0l2j7GFujNj4mnfcImmllsH5wvTGIyddt95AkOdIoSRpubTENxdIU3v3ud+8qy4+BrY33vOc9kpZSuo2faYm+/dn8R5viMsCllzxsxOPUXH27OcYMJrHjlmoiSbfddtuue02bJek2U2mkqWZqa5TpRN7yYvNNOkRq+l4rZFqCzS0tMT3qP76boqR/A2nAbJ0z2JDkAr79TPey8TXrgH+/3nzzzZKW7x2+H6gB+mMRocEcSsMrFAqFwr7A2hqeDx82ySAK32foNSl3vERnUqNJLfSTmQ+C4da+nGxL+OjX3+4xKZVktD0SX36nNhJpoewPJe9IS2P7M+LnjOzZg1q3SfHe/s6tcpi6YGVEW5f4cOOsHabhZcnW/hi1W5PkSEbs/2c6gPnyuA69P9j6z3VlSdb0sfo22ic3t4xIg7lGmLBPjcVLwKTGIkVWNP/Rtl3SUop+3OMeJ2nqW/FtMD+p+bmsTJsDvx0R22T1cL1HycPe+tDbWurcuXMTn260DvgcWrutvaZl+Haa5kuthdahiKiBqUa0evlnjDR01PCjzaNJLMC0AVLoRSkNNv60BpCezreJGmOWjhOlp3B7IPrK/T22nviesXu4zn05foOAVenFSsMrFAqFwr7A2hreww8/PNGAIhswI2iooXjbLyMsmSxuGh4lRmm61T3t1J72ykCSW7vHJF1GJkXlZ/1lX/w9lELo3/QSMCWpjJQ28q1FEml0vEcPlWlqfuy56emBAwdSKd0iNElRFkVpkjbLzx3bxnK4Qab5X5jc68+R/Ng+GQHM/6Wlb5B+H38d/ckZtZwh8iFTG6T/1/s4aO0grZ9da5qN+SH9NYyO60WF2rVmqeHzQ61BmibhHz16NN1c2Xx4kb/SwHbamNp6oM9VmkYDG6wfrMd/t3qsT+ariyjzDIz0ZiR2tPE0NSu+s7imfL2M3OS7IrIeZRGcWf0R+TsJ/Q18rny5dozRtoaIJCMa4zmUhlcoFAqFfYE9UYtltEp2jTSVFOi7i6RmahUZgXIULcWysjwyaRoll21R4cuOtt/xbaTUHpHUMsqM9fkyrE0cv17UpGGOrNrQI13lnES+18yvmZW3tbU10bz9uHJ8THuipNrLNWLELdeb10yY72n1ce142DFuB5SRpUvLOYvy7Hz/etHBzMdbhcLK2sItX+y4ab2+PVyT9IlFVp1ME+J68PWQMP7QoUOz0XYcv2hj3mw7HVKP+f8Z0cktpUgFKK3+fPo2mnbJMcwIof39XMd8/qnFs+6orRHxfDbP3GjY+hnFOdBPz7H3728+R9mWUlFea2Y566E0vEKhUCjsC+yJaaWnmUQbLUrTqKzeJo7M0eL3iISWfiluteIj0UxaoQRPicv3IWMpmPPH+DYy0tH7Mf11Hpk2wOg9P5600VPqjNo+t8UGpWB/v5fCetLW1tZWyiDj20d/FSU6Py8ZaXCkpbM+amcZW4rvM3NF2Y6o//QZMyqPGl6Uj8mcLfqdfYQv+55J5RGps40jNZSobYbMktBjI6JG3vP/8l7W6+u2saZGEjG6RNGeESJthv53rqHIGpX5+xlp7NuYrU0iilamdkgtkOvP9zEjc2Y90fuAbSL8mNAykW1sHGl4Wb09lIZXKBQKhX2B+sErFAqFwr7A2ibNyEkZmXEip60UBx7QZEWC6Z5JMwrpl6b7hnmTpoUqZztpm/rsVW/u75chMoMZ2H6ScEcJzuwngxcis1RkgvHfozGL9ovr1e//j/YcJFprofnStzsL22eb5srxbemZyTLTDpPHvZmIARk0U0Ymfa6nzAwf9YVjQZNwlKzMIB/2k2WsYrpnIFRE/hCtRX9vFDLvx6Q3VxcvXpwE0HhkBNw0Cfr1yzXC57/nriANWGZ+94iCknwZEdgvvkM4Zr6NpDTkNRFJAikgM3LvKFiPJto5knQPmogNc+Zmu6cSzwuFQqFQcNhT0MoqgQeUWhlw0EvqpgbEkN8I1KwYrOITkin5kD6HOytHfacGS4kn2rXakIXV+voYrBCF52agJEWHc5QGQo2FEnHkhGffexQ/rbVdIeGRhJrRQ2X0bdE5BgREUqwhI22mJB5JpJTgLbE5SgBmMFaU4uHrj8aEc8Yk/SgcnekV2ZZdETiOUSoAy8nWbKT1MKBqLmjFtyFqfxa4YGVGz3JGZTen+UfnDLSURCTi1GYYrBJpTSxvjhjal8t6+V6I+sVAq1U0yoxAgWX4dxjvyX4/PFax3mQoDa9QKBQK+wJraXhGD0Xtxmtrme/Jl8Hr6HPiZ69MSvbcgsWSib2ERw2SWkxEit3zYfh2mBYTJanauVUSJ+mjM1Cz6EnplDZ7tGGZ5NaT0um788TiUVuuueaaibQcJUxH5N2+np5mSn8RNaFo7cyFfEeJuSSCjjbgNGTjzv5EvtW5tBeu4ah8tjWzvkTtzzQ7v17ok2RbI0mcx+Z8eL68yMqRaa+ZxUKaroksjD8iIuC1JE2ghcFfQ80q2z4qagOJxrP170FtLbMW+HOZPz1KT8rAtkX30JJAiwI36fblZt97KA2vUCgUCvsCe6IWM9Am7MFf7IxuyF9DTW8VKY128GiTUGm35DpHPhpFTVJjyOzIVq+XOO2Y0ej4jVd9mZEmYRoqbffUCiI/6hx6voIs4TmK7CSRboSNjQ0dPnx4x6eaRaxJ81Krl7RtXijFzkXt9UDN2M+L3W9zaW0hoUJEqstPRnRGEXHZWNg1kYZHoudsayGDXy+cl8wP48FxyqJq/XG+B6644op03Q7DsEs7iNZOFsnNuiMaRFqJskjraDsi+vt7BBscn0yD9BG31Pr4niN5fpQITr8ciUM8snWWRcP3tKvMtxv58KgpZ5Hm0T2raJs7bVr5ykKhUCgUHsVYW8M7f/78RIrtaRRZJFqUL5LRJ0URTwZqHiScjrQOblfSI6UlelKob4fXMLkZJTeJjHxIftsUaRltSjqkSKru2eg9Iok7y62MosA4XnPUYhsbGxOtMJLWs8iwnnZhn1xLPekv8/vYJ7ewkabbmNB/FWkzGaUXNQvSOUl5nhfnyftC/caYUizJ+7Ii2iZqH9TiogjJrH8RrF/2nMz58La3t7vaBjUr63tG2O7bzfdOtg1RRPlFiwFp3SJNn/Rc9myb1ubLzEiVs5zRyJLFSF4bcyPFjnKiaTnIfInRM0m/nKG3Hhipz0jWyKrnf0sqD69QKBQKBYc9+fAYieh9Kty23t/rP/2vfcbUkTE2RP4q5jb1IjszEmXa5VdhL6F2Fmkj2RYv3J4k2gDWztlWLpTwIq00819kuVURsghSP/aRj6AnabXWJmPbI8rNcowizTTz92bX+WtZD4moI1+nIdsY2MPmzpD5KaItbKjNZAxGXovj5rAZ0XVP4s7yo3radvb8ROuM185tAHvx4sWJL8o/L9SAGV8Q+et7pN2+rCg/k2Nna4Vz6+ulj86e5fvuu0/ScuNZr61zU2Lm7FmbLA/Ur09akEyjs3ZE99D61ct9JrI8PPpXI78m54eRrL5s9r3IowuFQqFQAOoHr1AoFAr7AmtTi3nTQmSK5K69VDvteOZI98jMJ1GiLIMhem3kPQY6nL1pIaMUy8xivWR8jkUUYMPxszaTbi1ysLN8jgXNP1E/DDQFRom73nSVmTQ3NjZ08ODBnXay/SzHt4XmtIi4OCMpoGk22kuPaSpm+okCX3gP64tIxrl2bA6tHpqePEiJZeZOBmH4dtCsxntoqotMtj3zIsF1ZehRgdHk1zMJW7Acn8soVSFLLeilQ3GdZXvdRWuHc8rnM0pWZ8COmTaj9B4zc9onn+lViM45z9Y2S3nyJnTOC589tjEiciAYHBS5JLiOs/5F95w/f76CVgqFQqFQ8FibWuzAgQOToAsPOtkZRh/tkj5HX5SR7/pzTCzNEo/9/z4kWtpNZMt6eqTIESK6HobOM9AmCsahttbbIoV1U2rubUPDY1nggac9osbVcx5vbGzsaDS+P5G2nvUtOk5Jm4Et2Q7O/lpbk5z3SEq3EHJuKWXSci/w4Oqrr95177Fjx3a10eb25MmTO/fef//9u9rCHd0jogOuK4aY2z2RlM61yOcnWu9Mf+FcRM+3jbVPks+epWEYdPbs2UnKiX8++S7KAuAiikF+5zqMNGEGlWX3RDRxnAc+4xbEIi3TYKjhsR2RpYeakI2vPYfWNh9UxVScLKE/Sg3hM52R5kfgGsqsBr7cVdOhdtWz0lWFQqFQKDzKsbYPr7U20aairTdMasjC+KNjcxpepJnMUUhF4eiUqIgofDbbGJPopU7Qn2TaEiVx//9cEm82dr7ebGsPD/o6KMFFGzRGRNlzkhZ9aV7j6hEhS7EvJesjfal23GsCvIYaPn260tR/ZBqYaWXWRtPepCnV1zXXXLOrXOsvpXn2VVpqi5k26u+hFmL1MGTfj3dGzdZLS8gIDuxa02T8Osl84hG2t7d15syZHQ05Ws+9d0TUtuhaamVsY6StZe+biEyC7xv68Eyzi7Yyy2jIqNlF4fu0DvBd4kkySNFnyNZFhMy60rMsUUPubXTLvpYPr1AoFAoFYE8bwGYbJEpTPxW3xolAqagXseXrjdpAySdKoCQNDyNGaWOXplIeo7J4nZe4s8gn2tajhExK6ZToIq1tjiw4wlz0aU8SNwm1F3k7DMOuKM6ePzZLAM7OS7k0GbWD93Ad9JLJTUo2KZxUY0xal6Trr79e0tLqQc2Rmn7kUzO/X0bUHFkHrFz69Kgp+35mWxYZekTxPT8f6zF4yqyeFWN7e3vn2ab/1LeXzx+1tuieTJtdJfmZc5ZFfEpTvyutT4yq9dcw3oA+/UjDs3uMntDGLdvOyZdDbZRWglXI2KmtRfPPtvC5jYi8GWU8R3ixq00rXVUoFAqFwqMca0dp+lyqng+PuSb2ST+JNM1divLE2A4Dc1u4tU8UTWSg5NPbpoUaCaOXeG8UfUhfUU8yntv8dJ0IKKLn08uiGnvS4KrS1Vy+F6M+swi4SEszZBJoJNVyLfIzIlc22DHT5Ex7s09bW/5/uzajMvP3GOy5of+Fmox/nuhvzaRnPjv+mizC19Cjh+K4RfRUdo35K3vr1+IGbCwi32rWvp7vMYqOjtpPCjJ/bzSG0nIs7N0i5dGLds1NN90kabd1wPx6jHg1ywLzMf282Xoyn7F9mlZt0Zp+fjLLURRV7fvfA/1/vUjfiBia91Db7EWsT+pZ+cpCoVAoFB7F2FMeHu3HUbZ9tpVHLzIsy4shIrYPlm/fSdTq76c0a5JV5AdiG6nZ0e8TRSKxLEYQRmwwc1FRkYSVbcS5ioTFNhoigt2MoDlD+//bO7sdya0jCWf3tAYzgGFYkgewoIt9/8dawDAgSII88kiyZrqq9mIR3dkfIw5Zs9gLuTJuqruqSB4eHrIy8ify7m4Tw+vWZWJ0q+aqtHxTHR4zL/t7fKUF2dUr6I2Qlczaum7ZM4bLsdGz0Zke4y5kEmKUrj1QstZTBmsfA5lREljvf++tIcfIunrK6n5/fHzceJT6HKd4OMfm4nAcb3qGue+yPlVz6rxeGq/GwmbIFHmuer6+zOBkRrOrhdW6U3Zr32/V85rp7yevHc/3GlYlrHIJuH8+95xXr99HRz1cw/AGg8FgcBO4muE9PDxsspectUcWmJoqpuP0V8atXJYm/2dzRfm8+2fU/aQSRrdIFGfRq74jK6lb2FU+zqRtmc24YoXM1tyrUavKmXx7cRI3fip5rOr99vb/8PCwieesYmocv8v2SmyF2bnuOrkGr/0c2aiz6mXmbt+W1qvWXd+frHVX09jH1udI65ZtYY60JSIzZo2VawHFeMvq3uNxUtYjWUjV8/z0/aW1LS1N1v/2tbMXs3PnurduV9um5xnnzTETPTu+/fbbqnpeU3we9WPrPc0bvVF8HvVtv/zyyxefaUzunuBz0+l7VnlVJN57Tsmnj6t/Z6Vqw324zPujGIY3GAwGg5vA/OANBoPB4CZwtUvz1atXT3TWydDQBbLX+Zzb930IK3qbWmAwXbi7ohiQTZJSnTL34Hp/pVvMJYakAPqqS7rARI5UaOqKlfn/KqmA4+b8aU66C2dPzonH+uKLL2Krkqrt3Gp/7noIqTyESTGrayq4Du48Z7rTND9yPVL4oGrrymYSS7pHqp7T9rV/usNZzFy1dY1SUiwlpvT97YmWO7EJ3gO81n3uJbatz/7yl79E9+zpdKoPHz7Uu3fvXmzjxpCEq125Be+/9BxauT4pWaf/WabSz5/ycyoXUAfyLi2n7ZVY8uc///nFPijK34/H9lN077vnDsuuuju/Y1W6lVyZgpvHlKwiuN+L7uY92vV8GN5gMBgMbgJXS4vd399vgobu1zXJj63S7FnCsMeMqrZWJBunOmkatkeRFSOrk0H4/ndq2spGrY49EakQuIPnRwbjCuuT3NGRAtBknR8Ri1WBcMLlctkEp10CiizQVATvAuVkemTeTrYpJeqwpMVZl4nxkE3174qlOfmxqi1b7Pul5BOLsJ0cFcecisrdOk9eAVeWQElArj8nCs5kqK+++ioyvPP5XB8+fNjI+nX2wbWRPCNHEl1SgbibJ0omsomwE6AgO3NiHDyO9qc5pBAB752qLEfHMphVwptekzjIqtSEzxvnjeK2/N+xUH2mUo2jwhdVw/AGg8FgcCP4rBgerQD360trecW49BmZ156l0EGrSYWgPG7fL1khZdB6vETbdOub36nyBdUpdrYqG2AMLbUBWbXPICvk/DnLTqDF5RgZt1k1YlTx8KqYNzXiZVzGCU4nIYAUN+vnyFeWI3T2vNe2iXGTqmcWkIq5eZ36mlIROks1Uluavv+9VHLXbkng+uJ5HvFgcKzyoFRtWya9fft2WXj+6dOnp3u6t17iGBJLo0eknxs9CJQnJMvp73FO6WnoayeVFq1EOeix0D5YSuPuzz1Ba/3fz4vPCD6jVoL3yTPnnhNCyn1IXoqq52e71tPr16+n8HwwGAwGg47Pag/kCjEFWjFkeIyPVG2tJLIyWn6urTyLyWmddwuAVhjPQyzO+eyPtJDh+7SSODcuppYEupnR51h2amx7xApKzGWVfdq3WfnT7+7uNuNfxR4ZJ1kxvJStmVozuXPjubsiWJ1zl7Xq3xEj6yxEmXOMg5CFUK6sj1eMkUXcrgg3rWvO0Yptcy5WHoDEXMgku3fExcLT+pRogYqh9ermKbEaF5dLbCnts2NPHEHoAgRJ/jDFy6q2rYQYs+Z92u99suj0vOn74Jrg+krPlo4kC3ZEoo3jEPoYtY763A/DGwwGg8Gg4WqG9/DwsLQQU0YgmVi3qugPT1lSTthU/lxZQvqfjMgxE7E0WnjO6kgxk5Tx5hgeLV5aQt2KIcvQ+dGiI8Pp+0sSUs7iWmVudriayyMNZmWlr47H+CtjWi4OJyRmd6RGkNchNQLt+2eGncbkhHpVZ8XMthRr7UyIGasCrXaXNcl1wJZGK2FerjPGwhwr4Loik6EsWz+vn3/+ebcBrOrTxK57rFPnxPt91XJs5anid3k8eR30PGPNo2rq+jnrump98zngGigzZyBJbzH/oer5Gch1rPlj7aDbr3CNjBefn6t2Przm9Ba4hrT0evTGAHsYhjcYDAaDm8BntQda+XOTv5YMr1sMsk5onQspLtg/ozoGx9bHk7IBqZ7iMu30umIb/VyqspIKz6v7+2m1uAa2fRyOmSVrycX99tRuXFbWEdHojsvlsqlbdOPlWnFtbNIYkvrLavxJjcM1GuX4tW2qrevnwWxNrR2tf9d6hYySXokUO6rKjJ7qIN2qd9mF/fiOKe8Jw/N69v1rLL/++uuyBdanT5828+SYGdlzEmHv76UaSl7r/lziPaW5/PHHH6vq+V7u97Fa+/De1jhc9qmOrf0xW5O1m/38+Awkw+Nzr7+XYni8z5zaDb+T4qpuGyr7uPhwep4ewTC8wWAwGNwE5gdvMBgMBjeBq1ya9/f39ebNm42LwiVbCEwEcOn1clXQxUIXnCuY5v6Ti7GDLs0kCN2DyNqGbq5VgoOQElvSPqq2FJ/FsKvj0U3A1PIkG7WCS1DhGFa9Di+XywuXppObSvOS3LlVWVosufHcHNNlynlZyWgl8V7nJkylDHTzdxcTEz7YAV1wCUEULeC95/oBcm1w7bprsZcgwn5vVd5ltRIt+Pjx41LsmS7M9N0jUlh067l7jeckN+V33333Yt/v37/fbJMk5QRXYqKEHbk9WbbEvnl9/HKHptCGEmyqnsWp6TqnC/2oYHzflufUkRL5nHAIr9sUng8Gg8FgAHwWw2NX3P4rz8JyCkwzKFm1lZdZCUxzW1qcTGFfFT2S2cl6khXdt0nFzyxIXwVUKe1DS7JbQvqMackMoLviWFq1SQTXWUWpWNlZ1dcUo6osQfO0knzjuJkg4hhJP87qHF15Ctlh6mLeP9N6YAG1Cs87KADM89F606u7n5JosPbhUtop6cVkGTdHexJPKxFxehLonXDbroq7+3fevn1rnx0C7wsKNbv1y7XCbTjefi+K0elVQsbsFN7LEpJYvPbhWkClInHOLcW4+1xobpRQw3l0sl1ff/11VW0FqLl2ung272ky/9VzZ9XurI/ZjeXDhw+HBaSH4Q0Gg8HgJvBZZQmMZ/VfX75H+R4nyMvYXZK3YVpt/26SwnL/J9kpWiIuPZxWH7dxIrXEkYJMtvtI8kArq5lYMegkKMwxrsSjV7i/v39huTr2qbXRm1hWbS1GFx9L7URWDF8ga2d6umPPTA9nzMvFishY0/z1tZwYqsbmygUoUZXGxpZWbqzESnicayiJJbj97EnSvX79esNqjhRM89z7c4drm0X8XEOdrSVmR6EItg/qxyFrd/J3jLeyaJ1z3ueB8mf6rsYqRtnvNwp46Nz1HXp8XM4E1yw9Jc6jwP/5XHfrzeWQ7GEY3mAwGAxuAp8lLcaMtN72g7++tLyZmVa1lTpKflzX7FJWDEWjyTCdEDRZGS0ily21l02kMTqRWoGNRVdxP7LQVJDZrajkQyfb6fPL/TFG6FrJuHhfYi339/f1pz/96SnbzLEcWZyS4hJo7blmp4wFMRPNeQIY96LVqs9dFjLZAFuWOPaR1hclt1y8QseVde7ifQKF2lNM17Eeso8UW1kxshRrc81Qe0YggBHEAAAST0lEQVTpKkvz8fHx6b5xsl2KvyeJPMZnq7K3xrF0ng+fN2RGWsu9mJzxN/2v56hjxIzNsWg9iTVUbeOJqZVRh76rOaZnjvJ0HS5O2rGKGfN/5nz073EsqwzfzRgOfWswGAwGgz84PqsBLDPtusXN7B3KATmJnxTjoAXG+EV/j0yEn/f39wRyZUG4jC5mnVLo2FnAZFgCj9PnMcUZBVrxHRwj4TLjUs0RGeRK3msP5/M5yg71v2WZyvJlQ1bXFiadm2uMKaTrzziMq20S9JnWAevy+nsUnE4tfzpzSZJvEqmmEHAfE+85skWOr/+drHXHoNL9xHvBNUVeZX0K5/O5fv3116djan0oflb1PJc6Btn7qtkts6c1f0lmrR9PdWvcv2Mz2kYZkMyedfcY30uSic4b4dqc9e864XGOX8fTnKd61/5ZqoV0zwnG6DjXLjap54Dmb+UdIIbhDQaDweAm8H9SWnHiuvrVTfU7zC7rf1OJIMUBO9tJVgUthVVdnJgERav7PhhzSJaI4LIZKUpMa7Nb6Ywrcq6pmuHiC45N9/G4LE0yVcdYuM2RWqrHx8f68ccfNzE11/ZDbEnXJZ1H3yYpQaRWSe491kUxLtPHoO/KimZs18WMU5asxk6ln6rtddeYdZ+5bEDGahk7FFZeAoFjdao6q7quvo8+J1Qo+eqrr+L6eXx8rB9++OGpxlGs9ocffnj6jt4T8+W8rWKdQlrPLt7M+lvF6rhWHVvjmBkvWz2rqFBE1t6PwWdtWm8uLp/mgNniHakZLtfuKibOnAuXFSwRbr3e3d0NwxsMBoPBoOPqGN6bN2821l5XIEh+e+r7datCVh4zglh3Y08APmX6p11rD8YnmP3paunItJjFyH11FsrjibnQmnIxDrJa/u8UHVIdIz9fqU4cqW3Zi592nE6nev/+/dO4Za076zLp9bmaulRDmerXnGXKdcZWK3199yy4fs5s/bOqUUzfcc0uabkyo1lw7CPpvCZ20N/jGOkBcFnI+g6zkB1j0Zzq9fHxMTLN0+lUP/300yaDtEOMVwwv6WO6Z0nyBnCO+7aM2SWG189JjE73qmLRnLfuTeHcUWlnVYdHNnbE6yVQT5jPNRe3pepQYvp9Hhmf5zZUtKl61hXt9ZjD8AaDwWAwaJgfvMFgMBjcBK5OWnn9+vUTfRQ1d4LCoutMkXYBYLrl6NJkkWd3FzJpgcWjrrgyCcquCt+T0CwD0S6Rh2nnfHUpviwH4HFSaxMeu3+WkiXcZ3vuHTfGveSHy+XydI2Vzu2C+nTTrALlvIZ7ZQr9PFhSwHXoZI2YHMBEp5V7mmOm68dJmTkpvqqta91dn5RiTqxc2+kcuouJbs4UTugCFVy/j4+P0S11Pp/rl19+2cx1T9RJMmZMoOhzwDKQ5IZ2zxAmfjBBxO1LY2CpFls+uaSlVP7CZ9bqnk7PEic47dZi35draUa3N8WrVwlPXL9Mautrh/fCVRKHh785GAwGg8EfGFcnrbx+/frJQnEWWSqUZlFv35aWofZPxseWQw7cl0tL5ntkAbIqHEtbSd64//t+kpCx24bzx0QD7quPlTJkZGCOFaYC7SQK0I/TP1sFjy+Xy4a9uwD90WLyPt6UtJJEv/t39KoECso3OdECshda2C6xJu2DyVpOKJfXhYzGiVWzGW1KG3fFw2RKRyTmaK1zzfa1w3VwuVxi0tPpdKqff/75aa2wbKVqK6O1KjQn0j1FD0aX00pyhExacc8dJWwprT6VAvQxkdG5/fN/Mi22knLPDs4Bj09RkH7/JiHwJPBftX2O8t5g+Yo71zdv3hwWvxiGNxgMBoObwNUMrwsEMzW/6tkKYnsJWvQuxZe+f+1D1pv27RoksnAxFVn2cZMVrKxB+olTTMWVAjBmlyzglTBzksFyMRdaS0dSmMkCaf2tSg76dVsxvNPptImb9GuZYpw8Z5dGT8uU7XvctWXBNNeOEzrnWtEYFYdhDKRvk+I7KX7h3mMM3LXKSen7mpPUzLjvh3O9amWVGF6S0qvatrlZ3XsqaWH8XHHgqi0757hdTJ8eI14fzs9qrQpcj/05wevK+9PlKDBf4sizimNMYtEulk+k557G1a+pvqt7gTFj592jN42tpSht1r97lNV1DMMbDAaDwU3g6vZAr1692mQXdmtWv9AUxl1ZPimWoVcyPNdWPmUPOas6CRjTIu5WVNo/Y0YpTtc/o+XlsoxoyTP+tirC5VhXMQKB+9W8Kds2xWarXlpjK4b36tWrp/3KEu/NfHUMvccYyip7NlnaZHpOTk2vOlfGYVYWKb0SFAjo4PVOMnguvr2Kg/Qx978p1ZcySvvx9orU6aXo46e3ReMQ+1LBcH9P12e1bs7nc/32229Px3z37l1VPcfAqp6fFXrvr3/9a1VtRZVXQgfJi+EY3kpMvb/v4uSUWaRIhxMe4D2czsuxdbf2+zaOKXFukteoIxWlax8uRs050NrR+nBZmmwTpgzwIxiGNxgMBoObwNUMr2prTTtBXmZU0TLs+6AQMmuPxPBYe1T1/CtPK5nxRUpC9bFoH6s2FsnSSVmMrqZub9sO7ifJhDkWwv2nOsN+3cjs9trEuG32MjT7NaJgeNW2HinNufMOpGxMxnD6tqyZS/Vw3bJ368ihxxxo4XL/ukdo6bvz4T6dEDnvE8rikZ2ssvQYK3ItjCiJxrUrZtcz7Y7ELfuYHh4eNg1g+zNEzE7Hev/+/Yvv0EvQzzvVj+616HJwa5SfuRrE/v6q3nRVQ9f3UZXvy3R/ue+u7r0Exr5T8+wO3iPMzuzeAUHr7e3bt8v10zEMbzAYDAY3gasZ3vl83lgbq6aKKSbgMt9SdhzbxjjFhqQ84uJk3D8tHdcKhyyJVhItSBczTL5tZ/HQOqMll1icGwPnyLEhqj8IKWZZtbXGTqdTZHl3d3c2htfjsQJrwThfbtyMR1DM2bVeSe2amHHb1zc9Cim24jJg9RnXDDOXXYYv1x3P07XMYkxUsTyy9iNC1ymDsYOxIq0Lx/CcYPNq7XzxxRdP8yX23Of4H//4R1U9i0eL4WkOJO7cx53aTjFmp3H1TG+yspTp67wR13hRkpcmZXw6hpcUpegd6efO/aXmvv1+otdmT72p/01Gp/fF3Htc07VxmxjeYDAYDAYN84M3GAwGg5vAZyWtCHTJVG0DlXTBiJquRJ2ZvMJA+arXHIWGXeot3XRJjsx1kU6uWrojHMVOAeEjSR9MBEidgd1+ktu3Jx5Q4odJP84dQffHXlnC3d3dxqXZ105Kb0/XqZ+D9ifZpnS9+vh1fZM7vI+bY6Tg8Co5gi5kujS7q4zbpnILJlS4xDF9pv3TvbsqaeFY6B5z6f0soGYxuCsJOeKKYsKTEyH++9//XlXP11+uTQpPOHca98tX53Zn4T/Pxwk20A2aSrZ47h1M7WdYZJW8sXIZC0zu4v5WY2X/yNQXr19LFtbz2S/XdEcq7zmCYXiDwWAwuAlczfAul8sm3dmJ+TKIT4birCYhMbxVoWQqlVil/JN90iJx1uBeix9hVdqQBF+d3JpAFpiKst15ku26lhwpOSVZ/KvzSTidThsW14uHv/32W3uOK2aq9SWrUoLCXCsurfqoTJOTCVulWFetC465L46jzycTasggVm2wuGY5VnoL+ns8T47VtXgRKPru5ojbrK6BCs/TvVb1XKqg5JW//e1vVfWcsOPGkkQjjjDhJG+1EmjnnDJ5xQkrpHIAXhe+3z/T/lNZxepZlY7jCs+TF2pVzsFSFkGJSe66pUS+IxiGNxgMBoObwNUMT+nlVd4CIoNjEflK+JOWFJmeQyol0BgZp0nn1MfkBIATo0tMop8L4x+cC7dNkkwTyApdjDLN20pmi8wlFfS7z169ehVT3BWHocXW2VqyjhPb7ecoC59SaKtyEYFitynm2ffjZKD62Fz5Bgu+OX9OkDixDTK8znr2YpFcb46F8PqTLfYSA7FrgtZ7/16P+1b97/2b7tHT6VT/+te/nu5xjUHXuuP7779/8fr1119X1TNjcO2tksgy15+bJ8KVpXCbxOxXsfzEzlla1e8Nnldiax28BxPLXYmyk9mlkoaqbeyOheZO6GAVY9/DMLzBYDAY3AQ+qz2QfqGdUC6tJjZzTa0qqp5/5cnWmHnZZZsEWiAr0dgEjq1vQ3kmSjuljK8O+u6T5FfVlm2QOax87GRPnD8Xo0wF5yvrifvZY3gfP37csM5+3BTXoYXoWq6Q6TFG7GK6LOa+pomnO7/V51VblpQyPB1b55pJbKS/lzIhU7Yo99O3pSeh34NdeKBvw4L6ldzWqvBca4dj6OPmGL777ruqqvrmm2+qquqnn36qqufszT4uFjIzlu+YMJ8nOq625fOug+suNUHt55Vkx1Jsj+Pt4FpdMcq9OKdjlDw+x+4yVzVfLDR3LJH38hHJN2EY3mAwGAxuAlfH8B4eHmLsoWrLOFKjxJUcGffBdidOloz/6zvO0kqW5F7mXdV+ZuIqNsl5o3isE1dOMbUjdUw8HuuzXH0Zx7SS5iIDWrGb8/lc//73vzf77ZYbpYloebPOq2pbzyfZOUqLKd7jsvRS7ZRrAZPiY4mBuW3owWDNo7PMOccrVpjaKfH8nIQe2R+tdFnePYZHuUBdY56Xk4fSvLmx9P3//vvvm9yBHtehEPc///nPqnpmDGJ4TmQ71Rgmr0o/Hs+RXqq+vlOTat7jfZ7IXIWU4dlBRpxaVzn2lNpQpfq8vl+uP3opXP2vYnZ6JXvr4yHjvr+/PxzHG4Y3GAwGg5vA1TG8+/v7mG3U/071O2zF00HLgMK5jhUy7iOLi22J+hilukDfMn3qq/NiNlaqX3JIdWbOiqE1yAwox/RojScGtqptSRZkvwbc/8rKkpW+YqQat65dqpPr17w3n616KSzex8QMv6rMuHk+joWSkdBKJzvtYHyR2cEdtGYZZ2Srob4/znW6b/v5Jcua8WCXAZyygt0YeQ+sBIAvl0t9+vRps/ZdLFfzpDUkhieG39fol19++eIcOTbe486Dwfudwt0uZrynuOSuR3oOpGvckfIYXHNsHjetFfdMZhxT8XTOUb9ujL2z9jplNPf99bySPQzDGwwGg8FNYH7wBoPBYHATuDpp5f7+fkmj6aZj0FvuRCc+mwpjWVzpaHTqmi6q7FKYWVKQCkI76J5JaeKdgtNlwGC1KwRPbk+6X13hcXLVcZtVmjjdOkfKE1ZQ0soqKK7x6Fr2ouQ+buf6ZcIE50luxJUgeHJH9rmlWyq5D/s+uI4oFp2+1/ebCo/p9u9jSvfTEUkmziP7JTKUULV1afE6uvKHnhiU1tH5fH6RtKL10BNnuLY5ThW9rzrDM+GNIgYuxLHnSuvb8Pw4pzqfPrepzx7T9leyZEISVFjdv1zvqQDdnReTlzTmXtLC76byMZeg5FzlexiGNxgMBoObwGclrQiuMFdg19tUbFu1DQ7TMiBL7FYFk1RcwknVy2QGpnIzoE3LuG9D1iGQFa5kiFIAehXgJtOj/Jmz7PYYrBPHZnIKt3GFrRybw+VyedER3XX3TkX2FIju2JNEU9KCzkdSU1VbJsdreET0NiWvOCbB/fKecKwhtZQRtG1njSmdPpW6uLWj8+O+lO7fWYhjcPxO1Ut2zXt8ZaWr8JyeCce8hcSmuhyZUuDTc0BjkvRcv49TcTo9Wy7hif9zrl3hOeeS/7si7D0mvyqKJ/g8cOUJZKpcD3rflWrQ26TzW5WiuaSrPQzDGwwGg8FN4CqGd7lc6nw+x/hc1dbfvYqHCbL8klWZCpA1po5kMXS/cfJZ01/ej8PzkUWdJHj6+SbR4FSI2vdLy5ExCjeviZ2lYuIOjj+x0759t2aTpa4YDeM6K4+B9q/10VsJpXPm3FI0uI9PaenaP612V6DPz5IQcz8O49ZMXRdWJSYpHd3FHVN8h5aw85jIkmbBs/av+ewxFcaRua3+7yyUDGGPjZxOpzgX/VzJmskUnLgD5bvI7PW5mF7/rkC24eZ8r8SA41ptk4QoVvd0kgtcSYtxLnidXK4Cn4ksHVp5snSevI9X3p2PHz8uvUsvtjn0rcFgMBgM/uC4uybD5e7u7vuq+u//v+EM/gPwX5fL5R3fnLUzOIBZO4PPhV07xFU/eIPBYDAY/FExLs3BYDAY3ATmB28wGAwGN4H5wRsMBoPBTWB+8AaDwWBwE5gfvMFgMBjcBOYHbzAYDAY3gfnBGwwGg8FNYH7wBoPBYHATmB+8wWAwGNwE/gfxWT9oo+jPNwAAAABJRU5ErkJggg==\n", + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAbwAAAE9CAYAAABwXNeiAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4yLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvOIA7rQAAIABJREFUeJzsvXm0ZfdV3/n9vfdqkKpKUmm0LY/YDgLSQPfCgAkYA25MBzAEvIghNrhpmiENhDQrgJtJoQEzJIZ0wIEAaYIhGBMgTAEMxjbQYIghAWKwjQdhS5ZsqUpSSVVSTe/0H+fud/f7nL1/595XJXvJb3/Xeuu+e4bffM7d4/fXhmFQoVAoFAof7Nj4QDegUCgUCoX3B+oHr1AoFAr7AvWDVygUCoV9gfrBKxQKhcK+QP3gFQqFQmFfoH7wCoVCobAvcFl+8Fprz2ytvaq19p7W2rnW2onW2m+31r6ktba5uObFrbWhtfbky1En6n92a+3W1toH7Q94a+1zW2v/5we6HXvBYn6Gxd+nB+ef3FrbXpz/Mnf81tbanvJmWmuva629DnUM+Luntfb61tpzL6Ffe1p37nl42grXDq2178SxK1prv9Vae7i19pmLY7curn2otXZ1UM6XuL7P1vtoRjDX0d9tl6muw4vyvukylfe0xVw+MTh3V2vtRy5HPZcDrbVPaa29YbHm3tNa+77W2qEV7ntya+2H3L1Da+0xj3R7L/kHorX2dZL+P0nXSvpGSc+R9KWS3irp30j6rEutYwU8W9K364NbY/1cSY/KHzyHByS9KDj+xZIeDI7/uKRn7rGuf7z4I166KPOZkv43Seck/Vpr7eP2UMez9QFYd621o5L+s6RPlPTZwzD8Oi45L+n5wa1fonEO9gOeib+7JP0Wjv2Dy1TX2UV5P3WZynuaxnU1+cGT9Pclfe9lqueS0Fr7GEm/KeldGt/z/1zSV0r6tyvcfoukz5d0j8bfj/cLti7l5tbasyS9TNIPDcPwtTj9y621l0k6cil1fKDQWjs0DMPZD3Q7Hkl8APr4i5Ke31o7MgzDaXf8RZJ+QdKL/cXDMNwu6fa9VDQMw18lp94xDMMb7Etr7bcl3Sfp8yT98V7qen+itXaVpN+Q9JGS/pdhGH4vuOwXNY7pT7j7nqDxB/rfC+P8wQg/x5LUWjsr6R4ez7DOszGM7B0rlXupGIbhz94f9ayI/1vS2yR94TAMFyW9ZmGR+dHW2vcNw/Cmzr2vHobhsZLUWvtqSZ/2yDf30iXTb5R0UtI3RCeHYXj7MAx/kd28UGNvxTEzPb3YHXvGwkR6YqH+vqO19vLFuVs1SkOSdN7MFe7eK1tr39tae+fC3PrO1to3ezOUM7l9Xmvtx1prd0t6b6/jrbWntNZesTAxnF206V/hmk9urb2mtfZAa+30wgT1d3HN61prf9Bae05r7c9aa2daa/+9tfYP3DU/qVE6vzkyx7TWbmit/Uhr7Y5FW97cWvty1GMmtGe11n6+tXafFi/43vheZvyipEHjj4u16xMkPVXSK3hxC0yaiz58Z2vtaxdz+UAbzZIfget2mTQ7eFijlnfA3Xu4tfYDi3l4cDHHv9pau8W3Tf11d6S19j2ttbcv5uSu1tovtNZuQv3Xt9Z+prV2amES+n9aa4ejhrbWjkv6HUkfIenTkx87adQ0ntVae5I79iJJfyspvGex9t+wWH/3LdbIE3HNC1prv9tau3sxLv+1tfYlQVmrztFzW2t/2Fq7f1HeW1pr35b06RFDa+2VrbW3LZ6NN7TWHpL0HYtzX7xo+92Lfvxpa+2LcP/EpLmY+wuttacvnvvTi7F4SWutddryGRoFGkn6ffe8f/zi/C6TZmvtKxfnn7FYX7Zev35x/rNba3++qP+PW2sfFdT5D1trf7KY+3sX43HzzJhdqdGa98rFj53hZyVdlPS83v3DMGz3zrt6rm6tvby19u7Fc/Te1tqr2x5N8nvW8Nrom/sUSf9pGIaH91rOCvUc1WiK+BONkukDkp4s6RMWl/y4pMdrNE99osbBtnu3Fvd+uEZp5C8lfbykb9Vogv16VPevNS62F0kKXzqLcp+yaM8ZSd8m6W80mh8+3V3zmZJ+WdKvS3rh4vA3alzEHzkMw7tdkU+V9K80mtvuWbTr51trtwzD8LZF22+Q9AwtF9LZRT1XSfoDSVdIulXSOyU9V9K/aaOU+q/R/J/RuCifL2lrhfG9nDijUZN7kZY/cF+s0aTxjjXKeaGkt0j6J5IOSvp+jRaFW4ZhuDBz78ZiXUjSjZL+mca5/gV3zSFJxyR9p6Q7Na6Vfyzpj1prHzYMw13qr7uDkn5b0kdJ+h6N0v/VGufluHYLU6/QOB+fp9Esdquke7X8MTVcL+l3Na6zTxuG4U87ffx9SbdJ+keSvntx7EWSflqjwLELrbWv1Oh++H81vuiPLdrx+sVaNTPoh0j6j4s+bUt6lqQfb61dMQwD/UrdOWqtfYikX1mU9x0ahY6nL+r4QOB6jXPxvZL+SpJZIJ4i6ZUaNRlpfOe9orV2cBiGn5wps2kU8n5CY/8/T+N83KZxziP8kaR/KukHJH2FJFMY/vtMXT8t6Sc1zuM/kvQvWmvXazSBfpdGwe5fSPql1trT7UeqjS6pl0n6MY1r7hqN8/Ha1tpHD8NwJqnv72j8/djVrmEYHmitvUvjO/dy4Ickfaqkb5H0do3z9CxJV+2ptGEY9vQn6SaND89LV7z+xYvrn+yODZJuxXVPXhx/8eL7xyy+f2Sn7FsX12zh+IsWx5+F49+s8QG7cfH92YvrfmnFvvyURp/T4zrXvE3Sa3DsKo0/aD/ojr1Oo8/l6e7YjRpfoP+XO/aTkm4P6vlWjYv56Tj+Y4u6tjD+P4DrZsf3Uv/c+D5H4+K9KOlxGn9YTkr63928fxnnFWUNGgWMA+7Y8xfHPwHj+rpgXfHvYUlfOtP+TUlXahQG/ukK6+5LF8eft8Lz8M9x/NckvTXos/196irPgcaX1l8vjn/s4vjTXb1PW5w7Kul+Sf8OZT1F4zPydUldG4t6fkzSn687R+77VY/UukObbpP008m5Vy7a8tyZMqzPr5D0x+744cX93+SOfc/i2Be6Y01jbMOvzNTzGYt7PzE4d5ekH3Hfv3Jx7Te4Ywc1Ck0PS3q8O/4Fi2s/bvH9Go0/7C9HHX9H0gVJX9lp46cuynp2cO6Nkn59jbn56kVZjwnOvU3Sd1+udfBoCPL4G40+lh9trb2wjb6IVfEZGs04f9ha27I/Sa/WaML6eFz/SyuW++mSfm0YhvdEJ1trT9eotf0M6j2jUYJ7Fm75m2EY/sa+DMPwPknvU+y0Jj5Do2nynajrtyRdp6mkxT7uaXx9XYu/1EwDvFbSHRql0M/WqJm+asV7Db89DMN59/0vF5+rjNd3atSUn6FR4/oxSf+2tfYCf1Fr7QsWJqD7ND78pzX+OHzoCnV8uqS7hmH4lRWuZcDJXyrux2slPaRRcr9mhXJ/StItrbVnaNSi3+DXmMMzNQpiXKvvlvRmubW6MM/9bGvtDo1C2nlJX6Z4TObm6L8t7n9la+35rbUbV+jTZN2tcs+KODMMw28F9d3SFhHoGtfBeY3a6yrrQHLzO4xv8DdptXW6LswMqmEYzmm09LxpGP3ghjcvPu0Z/ySNghzn/h2LP76nPhD4L5K+vLX2ja21/6ldYiT+pdx8QuMD+KS5Cy8FwzDcr9GM8B5JL5f0rjb6Vj5/hdtvXLTvPP7+ZHH+Olx/54rNuk79YAp7eH8iqPuzgnpPBmWcVcesirqeFdTz866tHrv6eAnjy/o+eYW22kP/0xq17y/RKO3ev8q9DhwvCy5YZbz+dhiGNy7+Xj0Mw9doFA5+0H60W2ufLennJP21pC+S9HEafyDvXrGO6zT+qK+CqC9RWPcfSvocjQLMby1M2SmG0RT+RxpNri9QHkFoa/V3NJ3T/0GL9bMwfZuZ9ps0viyfIenfJe3tztGifc/V+A56haS72ug/S9dRG1OadrWxXb40p7uC+q7ROC63aDR9f6LGPv+MVlsHF4dhOIVjqz7X6+JefD+XHJOr3+b+DzSd+6dr+u6I6jsenLtW8TttL/gKjWvsKyT9qaT3tta+vyV+7jnsWUIaRjv86yT9z23v0X5nNarfHpNBHobhv0n6/IX08TGSXiLpVa21jxqGoWfbPqFR0vmC5PxtrGqVRms0FfacuicWny/R+MAQ54Jje8UJjdrgP0nOvwXfJ33c4/g+Y6aeHn5qUcdHaMa5/X7CmzT6Om7U6F97gaS3DcPwYrugtXZA44O8Cu6R9Hdnr1oTwzD8dmvt+Rr9Qv+5tfbcYXe0K/FTkn5Yo2byyuQaW6sv1jgOhPnvnqlRePykYRj+wE5eipY1DMNrNfqKDkn6exrNsL/eWnvyMAz3BLe8R9N1F1pZ9tKc4NgnaXzOP3cYhjfawcVa+GCAzf0XabT0EPyx9niLxnX1EXJWo4Vg9ESNlpNLxkJg+AZJ37CInfgCjT7JM5r6uWdxqSaB79HoK/k+BS/cRQOPDXmk5t9q+mL4zKyyYQxIeENr7Vs1vig/TKPT1H5sr9DuPKPf1Jjr8eAwDG/W5cOrJX1ea+2xwzBEWuFbNP6YfsQwDN9zmeo8q7F/xG9K+hpJ71qYQveMzvhG174xOr5iPW9urf2wxkCciRnpA4CP1CiEmKZ5pcaH2eNFGn15Htm6e7WkF7TWPnsYhl+9nA0dhuHXFubXn5P0q621zxyG4aHk8p/TqEX9xTAMlPYNf6ix7U8bhuHfd6q+cvG5Y6ZsY9To56zVgQALYfl3Fy/LX9boP5z84C1MdXted3tA1OcbNQpHjyT8unok8XsarXQfMgxDFkQTYhiGM62112hc5y8dlpGaL9D4nFzWdb+o852SvreNkcF7Eigv6QdvGIbfayP7x8taax+uMbDiXRrV3E/TaN//Ii0jjYhXSvqW1to3a4xk+yRJX+gvaK19lqQvl/SfNGprRyR9rcaH9I8Wl1nO1de31n5DoynhjRpND/+rxvyQfynpzzVqlE/V+EL/3CGPQurh2zUu+j9srX23RsfqzZI+YxiGFw7DMLTW/g+NUWkHNfqo7tEY6PMJGn+cXrZmnX8l6drW2ldpfOgfHobhLzVGc/1DjdGfP6Dxx/aIRjPMJw3D0H0hrTi+lx3DMHz1I1X2DD6kLUK8Na7T52n8UXj5sIw2/k1Jn7sYz1/TqPV+jUZfp0e27n5aYyDOz7bWXqrRx3psUc8PXqrwNQzDL7bWLOryl1prnxNZWBY/ct3k6mEYTrXW/pmkH26t3aDRF3S/xvX8yRoDf/6Dxh/GU4vrvl3jOvkWjet6wuoyh0Vk6LM0JtC/W2P03Us0amxzEYnvL/y+Rt/tj7bWvkOjr/PbNFoBHv8I1vtmjVGwX9ZaO61RGPvrGW1+bQzDcLKNqRT/srX2OI3C5wMa5/5TJP3GMAz/sVPEt2k0h/6H1tqPakyY/36NwUE7c9jGFKmXS/p7wzBYKtSGlulJH734/KyFz/wusyK01t6o8f35Jo1z8RyN77ZdKWDrdPpyREB9gkaf0Z0apaGTGqXcF0raWFzzYk2jNA8vGn6nxoH+OS0jyl68uOZDF8ffqTHq6G6ND8nHuXI2NZpu3qdxoQyo41aNi+jsom3/ZXHMIhifvajzOWv0+akaQ4vvWbTr7ZJehmueqfGFaRFTt2n8kX+mu+Z1kv4gKP82ST/pvh9Z1Hfvoq23uXPHNf7wvVPjw/E+jQ/r17lrbPyfhnpmx/cyrI/Z8dV6UZrfmdz7Yozr64Jr/N/9kv5MY8rBlrt2Q2Nwy3s0mk5eL+l/DOakt+6Oanz4/3YxJ3dqDMG3yOBsPlbq8+L4Fy/q/RWNQVi3KogaxT1ZvX9fY2DMqUWf/0aj7+TD3TWfKum/atQK3q5RMNrTHGl8Nn5Z44/d2cX4/LykD71c6y54nnpRmm9Lzj1Xo6D80GJMvkqjZethd00WpXkhqevNK7T3qxdtvrAo++MXx7Mozcfj/jdI+h0cu2Vx7Qtx/HMWa/wBN/c/vspcaFRs/ljju+NOjakPh3GNtfHjgzGL/n7TXfcyjQFO92uMjP9zSV+113XQFoUWCoVCofBBjUdDWkKhUCgUCpeM+sErFAqFwr5A/eAVCoVCYV+gfvAKhUKhsC9QP3iFQqFQ2BeoH7xCoVAo7AuslXh+/Pjx4eabb5bxBNvnxsbyd9OOWbqDfW5v797+yKdDMDWC9+4ldWKdey7ntdH5S0n9WHVsevVmn35OsnouXLiw6zOC541+6KGHdO7cuQmR9LFjx4brrrtuUne0DtZpN++d47B+pNbFpdzzSGHVtvTGbNVxja7h+8Gf39zcnHyeOHFCDzzwwKSiQ4cODVdeeeWkP1F5c89Fb71F18yh1yYiO7fKPZyHVer17+Xomuie7JqsjdG7v1c+j3ON2CfXh8fFiyOpy/nzIwHOMAw6efKkHnzwwdlFutYP3s0336xXvepVO4248sord336DlijHn54JK84e/bsruP2KUnnzo3UkvZSZYeilyMx93KMFrq1Nfsx9vdYm+yYtY2I6rN7+aMRvQiyfrEslunLtv+tjfadc2DfpfGHyp+ze++/f2TbOnHixK7j/lpbDwcOHNAb3hBv/Hz99dfr1ltv1enTI1mEzbkvz9pjY2jl27V23veV1xo4bjbW0Y88x9+usXrW+VG2dvgXAdeXjRevtev8vXxpsR3sdw/Zs+HrsHN2bJUfPJ47cGCkmjx48GD4XZKuvnokZzl+fOQePnLkiL7ru74rLP/IkSN6znOes9MWWweHDy/5g+0dxPeOfykSds4+s7GMntOe8OXvmSvHH+fYe8zNw9bW1uRe+9/G3e619cd6/TG7huWyTJtbf48d44+lHfdttPJt/o4dOyZpuT6uuuqqXfVJy3fVnXeOrI5nzpzRS1/60nBciDJpFgqFQmFfYC0NbxgGXbhwIZQMDNRwKAlRg/DHIlXVI5JuWN8q2tpcG9kufw3buorZlZoCr43UdkMmadvxSLJjf+zT6uF3/39mOonmnOVHfWNfKCn6Oc20GbvG+uph88C1sYrmwzaw/p5WmI1xtEYpUVPiXaWNBq7RnpWAc8FnMOof781MWpEGG5kpoz748ntajaG1poMHD+5odtF82f9mDeDzaYieaZaxyhjbNTaHfKfwefL3Z8971K9MgySiZ9pAS0z03PJaewdT08tMqv5etoX3+OeYY55ZrryGZ5r90aNHd+7trR+P0vAKhUKhsC+wtoZ38eLFidTnpaZMAsgkYn8/JY45h2lUH/1yUXt6Uoq/N/IVURLJpMEe5pzJvXOUmnv+TZOkIi2QZWfBKT1NNronG9PWmjY3N1NtZ9U+Rf2QptIr5zjyrVEaz3xRkbaY+Q6jNZtptev4yTINsrfeuDbps4skfI492xqNla0v+nDsk+ejera2trpBDltbWxPrSm+8rL22NqNnOvIj9+DHK5u77DOCjUsvIIWaIvtFRO85lptZuKK22NhwTqltR22zskwji55nuyez8kV+dBs30/C81XEOpeEVCoVCYV+gfvAKhUKhsC+w9gawwzBMVNNI1c/U5l4OGNVSmqF6uSaZqdFUYn/vnEmkF4yTHWc7ooAQgua9yNyWmUZ6JlumJZgZgvVZeK+0NDtYOHcWbBSlP/jPnklza2trMhb+u7WXZg5DzwyaBTitEnSTrc1o3uaClKLABK5rBnVE5tasjVl9vTUbpQJJU3NfdE1WfrS+uc6idASWu2pQxsbGxmQ+evfy+bfvZsaUluvNjvFZ7gXnZUFeveAOhvRznffmkus4S2WJzKF8bvhOjPLisu98Rvx4ZkFfDFbxa8zawjVzxRVX7DofmWoPHTokaXx3rZInKpWGVygUCoV9grWDVryD1351vdRvv9A8l0lC/hil5yi0l6D0kkmikRZK6Y8BDpHkkzmR6cz30k4Wns1EzEjCzzQ8ttHPQVZfpm37/03To1M60hKYsHv+/PmV0xJs/v28ZPNt10bSnmFOM4nGkfOdBSZF2jPLIHqaZCY1R8ExURqPRy/EnBpMVnY0Jr30EX+dP8e5tU+TxCNtx2sMvbUTIWp3pq2TvID/SzGRAusxZFYbanFRQB/L5RhHqROZ5pWlgvj/s0CaqA+ZBSazmERzwGv5zPh3P8klMmINPyZ8525sbJSGVygUCoWCxyX58OgjsvNSnmIQhShnoe+rJohH9fB7FBJNGzql5aiezHbPenw7GNLL46sk6FLyonba8zdlKQdRaDkpg3p+E0pfm5ubXSl9GIaJ5hAlD2cSdhRanqW7ZGvItz/zcXE99LQ1IrJgRNqMP75KIjDnju2IwtSzfmTSuj+XpSP01uqc1rEKOUKEYRh07ty5HS0g0ojnCCfsXUWtzl9DYgMrPyI8MPB9Zs/PkSNHJMWpTabx2ngwydtr89nc0YfPBHFfftbmVVKDiF5aDNvGd1dEZUfas7lYDF+ut/ysah0oDa9QKBQK+wJra3jSVKr0WkBmS+9FPNGfk1F89XxPmXQeSb6ULqmpREnFGYVUFgkVSTHWT/ruIn9WpplkklAvssvKJ2VbVB81RkbYRf4FK3dra6sraW1vb++Ub23qRXn1qN4MtP1zvqndzvkgfb+y5HLf1iwB2aR4aaolc4x61HNsd5ZEvAp5AddoL0meWk2WXB6VQ2sB/Vq+3d6f3vOHnj17djI+0bzMJVlHlhD61rJxisDnxD5t/v06sDbQ0kOrkB/7bP3S+pE9r1H7M3pEf63Vx3WQ+QV9OZxvrp3IsmTk0Rn9WaQpe2KI0vAKhUKhUHBYW8Pb2NiYSAheCsjIW3tSJSOp5mhmIik9Oue/9yK6DJSmIg2IOSyraHiUeGlDZx886HuwNnP7k0gbzfLaepRg9LtYWy1684EHHti5J9OqIgzDsCsSL/KtUtNhP/g96j81VI51FO3FOeX3KDI5y+Vkbp2vJ/O3Zf451h2V1SMez6ireE/P38zxjDS8uW11Ih82cw97ZN/DMITRjh6mSdm5kydP7jpvz55/5hlRnml4ka+T641rpefr5Lz0LEu2NriFGi0M0brLtgHqWZYyK4d92nvHxip69i2HzmDX2jskigOgtbCXQ2r/+/dpRWkWCoVCoeCwlobXWtPGxkaXxSSzJZP9w0dLUcOjn8qOGzOI9/tYOYzgypgIfPm0LVNbiHyF9ItlhMxRniF9eD07tf1/5syZXf3khrq83rd/zifqmVasX8zZsrZGPolTp07tunaONcMTj0d+GBt/6yOl/p7UnKEX4Zvl3XFNRWww3Kw2i/j1/2cRdmyjn8tMY8gkfCmPtM0iLiOfimEuGtXfQ2ncxija+JM5Z3N5eBsbGxPLi0VCStN1a3WZb6gXfeifA99ezleUP0aN65prrpE0bngs7R4/q4fjFVku2C8+C3wPRdr7tddeK0k7my5zzUTk6HOb4lID9G22dceNwZmX6efK2s13Py1lXmtkmw4ePFgaXqFQKBQKHvWDVygUCoV9gbWDVlprkyCLKHmYlDH2aeYqb0agKm9ms2yfMq/SmtnE1HYDg1i8mYhhs+ZMtXrMjOjNEVkQBwN3GJjir6GZwMbCPr2qb/9bkAjHzb5HJi3W20td4LV2jdXjUw58v6Wpc7pnarTAA5qy/NxH4+D7FoVcM1jBzEM0+UYmDx5jgAADBXy5NHuyrX7+58zfDJ7wY8J7OQ80F/lz9snxo0ktSnRmv3rPIE32GQl8RH/n52tufVqb6BKQluvVzj3mMY+RtNwzjYEi0vKdcc899+xqJ03B1r9o/THg5YlPfKKkpWnTj8WDDz64qx5rv7XDxseeA48o4EOarn+rV5KOHTu2654bbrhhV1vt+fX12bqmaZMuj8zkKS1NmcePHw/bft999+1cS3O3mamtbdYvGztpOQ9XXXXVThll0iwUCoVCwWFPO573QogZ2m2Sl0kO9kvtpUpKiHP0ZF7SMonDjlEqN+nFtDZfPstlgEZEbMxkWgYEULP15dBBa6HTNib+Hgat2Cf7x0TXqC0cxyiQh8esXJPGSKwrTZ3em5ubqaS1vb2ts2fP7pTPtAopDybiuvD3ZOTGnCeTGP29TK5l4FMUjm7XkjoqC2Lx/chIwhnAE1H1sS3U4rzmzaABJvVybfXWQZYW4cGQfGurzUFECk6tr7XWTTz3lIY2l1FbrC7TbmxcIqo8q9uuZaoH15Sfl2zLJ2ri/l1l5ZnVhpqqvSv9XBqyNBhea4EqknT//fdLWmp2pn2yjabhrlJfbxf7jFLO5iuyHvCZt0+7xz6jZHwbryuvvHLlQLbS8AqFQqGwL7C2hnfhwoUw9N5A6dGkDPs17m29Q99WJGFLcSJwLzzXl+3/Z9KjaVomiZiNWFpKNgwTp0bbS8a+9957JS3HxLQnr32yjfSzZL7EiLbJwDbSD+XLJ7EtUxj8uK4awm7nzp49m4bm+76wfGrN0dph4i3b0rNKGJhUHSVFU+PhJqdWRqStR1Jx1MaI6NzA0G/6u6NjNkZ8Bm3deX86w/ftHK0rfu4p9bO/kc+NdHeRVuOxvb2dEjewPdI0JYLPrzTVRDPKQaZUeTAJmn450x497P2WUW5Fvk6OLbU061+0FZS9x2hhME3TpxfZMb63DaT18u8dW3f0SdsYRdaITMOjpSHaUNnG+Oqrry4fXqFQKBQKHmtHaXoNz37RvURiWpL9+prEQIqinp062+olkipod2d0nknC3v7OzSA9XZZvu5ca6QfJ6K9sTLw0yAhVK58+G99G+luirZikpY3b+/ColdG3YmVEGh77zqitaPsRrxXMaXk2jpG/gonYGem1l+ZIR5ZpxpHml5FD8x7f5zki6CiaLqNI41xGx+mjpG+SGrNvd0Y8wMTqSKMwZGTlUeI5k4ZpoYlorwxzW7wMwzCJ7IysDRltF0kN/DGSOpjmmyXQR+23PlpUKMkypKnmbf1gRGJE5EHtklYxi870Gp49a3wf8L3nfXgWV5BZ5KitRTR/fL/Yp/m9veXMyrExsP5yrCKych85WuTRhUKhUCg47Gl7IEo3Zu+VlhKAaQokPWb+mjS/6R/ri6R+GSldAAAgAElEQVSKyC/lv3vJh9F+meQdRf5Y+00C4feIPof9o8bCyD9fNzUrRptF0Wf0a2WRdl674jgyZyiL+PTltda6tvRICvNtoL8g086ieeHmmnO5Z/4Yc4zok4r6RI2CcxptZ2IaBCOKqbH4/EZK/XMUY9I0R48aLNvuJW76rUxjIaLoPGrgPZL53lxm6G2JFK1pX2eUc0gtzM7ZcfrJqZFL+Sa3UbQutXKrj1Gnvo18r1DDYtSzf+/YvFp5J06ckDS1wvkYAmub+R7pL/X5cOyfISOit7Z7nyEtflHUOUF/5jooDa9QKBQK+wJrk0f7rHbT7KJcKrJWUAr095iERenStA37TmlHWkoL9Hkxusfs2dI0GpSRQXaPz2nJ/Ii0QUfbA5kkRdszIzu9dmptYsSqgTktXkqzNjKHj2TfXvLP/Do2T1G/Ih9rpuHZ9kDZBpa+vCxvMNrWiUTJhkwj8uNECZTrLCIcztg3uG2T9xVlW52w/IjAm5I811/kM+a64tqhdcL3z8q1tWjjlfkQffmcW65R73uPGGKytdNa06FDhyZrsEcIT99jxAplc2TjYYTP9l67+uqrd333Wq311TRgq4d5xhHDE/1fJIj2lo6MDYpWKMYJ+LEwmM+O7E3+OkYb29jYceYDe2aXu+++W9KUYcVgWqOfZ3s32rW0ekXWNr6vL16sDWALhUKhUNiFPXFpmvRnWpOXSE06sU+TCGij9XZcanjUzigteamCkgDt7RHzCZkV6IcxCchLDbS7mySXSSRRRBdzZTiOkdRMmB3eNEq711/PqDP6isiX6dto42eSFzVbP45RxG1PSt/c3Jz4AnyeEv0U2Ua9vj5qON6fLC3HiSwdvv82hsxXIxelNM3noiUj8lfRN8itlrh9i9eE6O+j74tz7duWMV8wWq/HUUqfTbQu2Rb63O24HxNqRr0ozY2NDR08eHCS8+ZB6wA397WyvYZv1z7lKU+RJN14442SpHe+852SlvNi68NrwlwHtHrR8uPbZG1g3m+Un8l8u+x85Etj7izfXXwfSPlmxMwHtDnwPl7y+95yyy2Slu/69773vZKWjC9Szt1p7aCFw7fFcP78+dLwCoVCoVDwqB+8QqFQKOwL7ClohVtxeIe5qagMMc9CpKWl2sqUAhL/kjTUX0PV10JyTc32phlrt11j5KqWdMk0BX8PqXtoDmXAgzRVwWkKNBOtNyeYicTaRtNsRL5rYBABE115nbQcJzrF7Tvnxp9bhQDY6iNllQ+Jz5K6mXLgzcVWt5mSzHFuY8r6fPCSmWUyovHIpMkd6A1Wfo+YOwvf75F90zRH0oKoPluLRmVn9dhYk1IrmluOCU3D3oSaJSczGCsifY+CoTIwcCYKS6eJkVs9eZIJvl+YUmTvg+uuu05SvEWNrQcGrdh3n9RtQTCcS6uPASIRMtrAiPCa72mm20Sk9dYfG0fbZolma9LH+XbbeHKrpigZ39Yk13GPCjAjm1gFpeEVCoVCYV9g7aCVYRh2frmjUF9KJ9TAuP2DtJQETGo0JycDALjhqDRNbGeYehREQWnSHK8MIvGSAwMKmO5A8lhfhyWUm8Rt2kdGcOvLt6AOBhz4oB8p3j7D6mV4OCVL3xYGRTBZNtq6xmsIUWK675PNMVND/DFKbllCszTVxqmVsR++z0zatXGxMTat0a9pjgcDQKJ1l217lEnrXgJmkm1Gs+bXGwncSeAQbX9lsDGwMbF+RSTVBlKnMdyeW1n5dmfBGBGYYuDHKQt0osXJa4V2zVvf+lZJS2uKtcmeV7vHrAfSdF2xHzb2kXWA6QCm5UTbQzEJ3sD3bPR8Gjm99ZMBXly7/hy/W9utzMjyYxqsjaO9o2xNWVmeYIMkAkwnYVqbP+eDmIo8ulAoFAoFh7W3BxqGYecXOvLD+C0bpClBqn16CYWaHCl2KL15yZRbzlsZJK2O/CJMkKWE5SURSljUINieKAE0I8U2KSkKYWbSek9jMVg/TKKjvy8L9/f1MEne4MeRkpvfpDMqd2traxLm7iVu+lAo3UUh/wbrK5O3TSKNaMIiGjBpSmTb24aGmoqt6yjlg6Hd1A6iMHGmGMylbPhyzfrA0G9bm9GzkZGV01/bo8zKiAK89sBE457vt7WmgwcPTtJsbG6lqX+XPjxqob4v1GbN4mPvNdP0vf+Pc0kfp8GnydBXZ8+P1cO4A18Pxzgj7I7ozzKt3T7tvIetY3teSfVFX560tEbZvJA0g8Ta0nSt8HtvI12/iUFpeIVCoVAoOKyl4W1uburIkSPptib+f0bfkGTZ/yKTjinz5fSi2Bg9ZhIIJSMp36CQEVc+KZq2bGoHrMdLaYwqoxbCyCh/D7VP6xfHxPu1sq1RaJ+PNErey/5F2oCh57+zskmrtQoyn55HtFGkb2NE38Y55JibdOmlW/rOSPjcozDLNotlO3z/mDBPn060vintZlpaRMLM+aEVYp2oYCYR+zExaX9VydwsBL6eaC5Jhcby/RrlOUYtkoDcE17Q4pJt6us1faubhPYkHvBWBFppMs2YGpFvt2lcXAdmAVhlU1xav6JtycwiltGfGSIN1sA1SUIPf030TppDaXiFQqFQ2BdYO0pzY2NjIvl6CYFbalBijKRY+myYa7aO34ISSUTbQwokSrHR1hTcUsPA7WcizcXu4ZY7jJby/i1uOJttaJptYuqPMU+K+Uy+3EzDo3YYYWtrqyuxb2xsdCVu9i26ht9J+WbIJOBonOg3oPbmwfbzWWD+qTSNHKZfJqNUk6YaNnOpekTK2ThGWpoh8pP7a5nnlrUhujeyQkTvg6hNFy9enES3Rv6qLE+WPjdfp80P58naa9aqaDstPic8H+XW8lqOj+8XrTN8j/IZjzaAJck/110U/U7S6mzbLU8tZsdsvEiLF71LMm2Nkb5RrELmN+2hNLxCoVAo7AusHaV59uzZiZTpEW1IKk3zKjwocVLyXEXipvTHMqMNK01qsegr2uq9j8D6ZRINbfeU2r0Uxw0mmRMUaWnmi4ikWI9oLrJtgDKWFmmq5TJHLYroI7tDL6eqtbZLw4v6nEWG9r5nuW3U7Lguoj5RC2BbfXmZxB1FvLE8ljGn3UhTLT1iushA6TmLFo7akuWZRT48A315kZ+R925vb8+OAy0yUaQ3tfTsnRKdo/ZCX3vkv87msmdxseff3jNkevHvKmqStAZkW0/5ci1i3lhfsu3QpOl88z1nGh83A5CW70ZGv2d98OVzjGgB8H4/my9rQ494nCgNr1AoFAr7AvWDVygUCoV9gbVNmtvb2zsqOXf59sd8CLLUD6On+p+FlvfMe1TTTdWOEjIZEm3qspkYIqJoM3/SUZqF4PbSBLI0C28eyPqahUFHgQ4sPwt48fcYGEKdJdr7uiMyXw9LIPbl+jFmaHWWlBrVzU+OT9RnOswZ+BSZpxg8xATdiEaL5faCcKQ4IITpCNnu8P4amlAzc2VWt//eM0uyDXxeo6AVtm1zc7Mb8OSJxyP6PgbHZebUyPRFN0tmVvMuDibzM7goCu6xY2aKu/baayXFQSMG9tnq4achmlMjv+YepbZOvLmQ5uKsfn8P66a5l2MTmXv5PuXxnivi/PnzK6cmlIZXKBQKhX2BtTW8Cxcu7EhEUfIoJSz+mvc0oIxkt5dky3L5SZJnaUrtY+XbNSatey2Bjm32K5NQfFsMmTTi7yXZdhZiHkn6DKhgYE3UDpZPibkXwLHq9kBS7tD25zKJO+orJfcshSUKliLY9mibKKY/mLTMZGWvoXNNcD0w4CZaH5mkTe3Rn2N9qwR0sG0cx54WlrUpIhtguT0CYEtL4BqM2s3gmt765THuHk9LTERLxj5a/ZFmYvNsmp1PZPf39rR2BsmsQuRg75LHPvaxkqR3v/vdu8ryaVi2nrPglZ41x45xizTrN0nMfXkGkmJH7xOOz9mzZytopVAoFAoFj7UTzy9cuDCxW3upismTJjVl6QPSPIEsNZOeRMrQ4ih8NiOc7vmB6MtgW5mY2wudzzbvjPxLmcRDzSUKLc9SJrjZq28TE10ZCh4ljfpzc6HllBwjCi5K+hn5tf9/Lh2hh8ynFlkjWA9TQEgb5svJtkDJ+uvrySwlkaTNFIbMN2no0ZJlmxdH93DdsW0R0YEnfc40vNbaLutB5MPL1npvnDIfMT+jNB6uxaztft6o2ZHisJf6kxFCMLUg0qLt3PHjxyUt38m2/ZFfD/a+5HuF652pG9KUwJ3WjiixPktp6qUicU5XpaeTSsMrFAqFwj7BWhre9va2zp49OyHI9f4xSi1ZFGOPCokaUEbnJOXJz9SMoigfShGm+URSLNtk91J6p3QtTbcuoQTMRF1fPiPeqCGTXNafyyI6o4TTjAKO291EUZXc/DTCMAw7f/5af4+tJ0b/0t/Xs+tnGmYv6Tny7/jvUYI+r6WG0bMOZFv92PFo+xSSB3Cso0i7zHfbs6jMaaGRzyjza3ONRmPifdWZpL6xsaGjR4/uUGRxDXlkRASRFWXOP5lFDEbXZM+Y3zrNNCxaAWhd8fOfaf/2PNq7NxoLWuKs3htvvFHSckwsIV1aPss+qduXRUQ+0Wwce3EAmdWhN+b2vqgNYAuFQqFQANb24W1vb09owvyvMH1oJA6ltCvN55xRAosikrJorEh7miOjjuiaKOlQ88qIgKWlhGvbZxiVGTVar0nwWE+DYB9s7Kltst9eajOtivlFnD/fRtMqPFVSj0B4a2trkmsXbb1jUbK0FkT+LGpcWQRiJOFn0ZMc+0jDYxmU2iMaPOtzRl3W07ztHmuLzUsk2TJ3MqNMYx+i/vGaSJPO8vBoKfH10Mfei7Sz6HCjyHrf+94nKdYys62Xoi2y5nybGV2ZNJ1L5ktaBPsNN9ywc4/1NYvajtqYaaj27PW2Fsr6bu0wTS+KHSC1Icdg1ahIf222XZBHVn409jbWpeEVCoVCoQCspeEZU8apU6ckxUwrGROFwSSTSJuZI7eNbMDZJpomRXDz1aicjCHES1qZ1E+fASOSfNtsvPyWGtLUd+hBaXluK5aoHG6n0svzYg5fb6sea7f3x/Ui7Q4cODCJzovGnj7iXqQlxyHT7CJfC7VDak+9rYToK+75qA1kHuHajQi16e8lkwc1Zmk5tmSzIWl6tKVVtpVUD6v4+fid898jAB6GQQ8//LCuv/56SVMWJd+37DnpMQVxnsmSQvYRXx7nwTaNtmfcrzc+LxkTTo8Bibmh1KL9Fkb05dJyZf0xJhZfH1lYsufKW+eyKGvGH0QxGFmudaTxmYXM/Jdz25J5lIZXKBQKhX2B+sErFAqFwr7AnnY8NxXVghW8SYBms1USc830ku0P1yPB5TU0LZJ0199vJrOMbDkKD6aphPvRkXRV0o4J2GBmhyy5m+Pj28j2ZOc9shD6KJkzcxr3kmJpoo2wsbGhgwcP7qyZKGiFZmMzAZPqqde3LLAp6hcDADJC3mgvRRIa0KTWCwQhlRXdAL5PNAfxmshFwLG1a5hGEpGyc230zIzEHDVgRFCRpR4RGxsbE9eAJ3NmcE82Hz2TNttEUmfv4rBgERs7M69ZYJrBzG/Sch5sXizNgubDiJg5e6/aO+rEiRO7ypKWzyX382MbfT+ZFG9t4Vq1eqK1w3ch38n+2eRu81kCekRBaONYieeFQqFQKABrJ56fOXNmIm14aY9OzmhbFn/c/z8nVUZlRc5Tf01ELWRtJKEwtRgvObDPlFqYXB4FHjA4Jdsd3h/LQqMz+iaPjLIoCtHnth/RNk7+XmkaEDQXeDAMw4S6yEt00Y7P/niU1J9JdxHtmf8e9dm31Zft22PScCa9RknY1BytLZlm6ceYwVfsr/XTUjmidlO77Wnz2W7lhigBOQvUybRvj8jaQDDgKaOj8uUwUCcCgzoYEMQ2+nViKRK2HkzDs3liyo4vh/PdszDYuuK6i1JYpN1ar7WJ9UQat8G0QhsLatO0hkXI0sisrV6j5POTUZh5cpNo67cKWikUCoVCwWFtH97Fixcnv9iRbT6TrPkL7v/P0hB6Eh3PUdq09niSYrO/U7qwMqzNXmv0viZfbpaAGml4lBy5HUiUXJlRltlnFN5PKSzTCjyoqWYSck+SmktG9Rogxzoqex2tNgvt7kmk2T0cY78OsnlmKH6k4dGyQH9cRJLQ2wYq6xe3eGG53L4l6l9GWh2Fzs8RdUdJ0dFWX721FVlb/Hrjvdw+h/X6c1wHXMd2j2l10lJLMYtFL/Se93C+I0oxg2k2EQl+1EavCdHakKVQ+fXG91nWxsjaxvXMNcT0KN9uA2M9zN8YrR3vRywNr1AoFAoFh7U3gD1//vxEwoqi2KghkJIrQkYD1SMGzjQQu8ds6D5aypBJZRE9FH1z5jMx2zbtyhGFlZWfUT95ZJI2aXp6kg19dvRn+jZS64hojnz9vo2Gnl3frs9IuD3oW6JE3KuH27ZEW8kYMj8IpUx/L/1wjOiN5oO+J8PcRre+bloDSDUWIaMs45yuQuZLRJoZn58sidijt6kzYW1ilKE0HeNIC8zq4TWmTWXkBf6aiBjbn4+sX7TaUAOPrEOZ342Rq56smmQSbKO13Serc1s3RvZyW6Ao6pnPAtdHFB2e+cQjvz7X1+bmZml4hUKhUCh4rB2l+dBDD+38GpuEEGkzPcma9xgo8cxtxRKBNmf6M6SlRGP2bkogzM+Tpv4X0xwzKrMop85LUizfly1NpXPmUtEXFklaWZQmc3j8/9Z3q28Vzdz61yMANvLoHok4c3voe4jKzvwtmWQf+RzYD0aoRfRQllvJyL4oupF+RPph6Of27aIvKrMKRH4YajvMW1plU9TMxxLVnVlKelqVt1j0aOk2NzcnbfLRfpzvVSwghsxi0IvWZd5YRnTfiwPgMxyRe2d+V2q09m6JcmK5vqh5+X7RJ5k9Iz3wPZeRtEua/JbwHRDl7vGayF+aoTS8QqFQKOwLrK3hnT59eiL5Rlv9ZL6OKC9ujrQ32p7DYOUxf4yahLf72/+MYqNW6PNuqPEwj4w27kgapGRvfkD7jCRN9ofjSG3YX8N+9fxnzLPJotx6/qXTp0/Panj0PUW2eX72tMJebqHHKswgJII2C8AqeWq97VMyYty59kjTZ8PKoCQebb3DNtKvFbECrbrti583Rm33NDvC1tnRo0fT620DWPqVonzFLII8eodw7VDzIZGynxdqIJl/zo9t5HuUltqNffr3BOvhGFiZ0b20GES+e37PokANPUsP6zVkMRm+Praf/Y4sGH69lQ+vUCgUCgWHtaM0L1y4sKPtcKNRaeoryXxAkf8o49LMbM/S1LdFiTuSqpkLaGXcd999kqR777130kayINAvxz5EEr6Nl0lp5ge6++67RdCeT3u75RJGkYRZ/ot9t7Z6VgbOEzW8iAWEGsmhQ4dmc6l6W8ZkmgJzgry0l7GIsMwo1zGLgLM5tc/IH8v8R46ffyaoUUdrxB+Pcs6sPrsnirAzRFsGRd+jSDu2jfMZ+RCp6WfRmpGm7CX6bO1sbW3puuuu23lOorbRh06ture5roHl0lcUWW1odeB68EwrFkFJrYYsTX5OyWaUafrGgRnlcNr7jVYhbvbsQY2Zcxo9T6sy+vh1QM2O36OYCEbGFpdmoVAoFApA/eAVCoVCYV9gbWoxaakCe5OYIdq12R+PQuIZXGHl0rkahe3ShJqFb/sAFKubn0xS922MkkKjeiNntQWlWN+5E/XJkycnZZupItpVXpqak6Nw4cyUZvf0xiTaqobt4Nj3dh620HKagLyZjbutZ0EsUWBFlmTfM4czyZUh0L2AENvZmuMWbS3FgCemi/RCvUlOzMRzJklL0wCKLDUoSvvJ3Ak0T0ah5euYNK0eb87L2rmxsaErrrhiZwwiE1xmlu4hS3eZC4Dxx+i6sU9zOXhKQzPJPuEJT5C0nFuaY30qQ0aOQbOeleXvZSAfn81eEFgWJMf+Ry6ODNH8WntpwuwlnmfP+CooDa9QKBQK+wJ72gDWYBpRFKCRJXP2Es4zMt8sgVqaaiKUWqLAA5MeTPOyjRh7W/ywXGpJlKa8FGrnrD4GuDCJ2bc3c7rT8Rxts2Og1mHz5rUQOrA5f1HQCsufSzw/cODARIPsUQZljnPfNjrGMy0hSrKlFJlpJr3EVmodkYXDpHyb54z+KnpmSJLA4IhIS+FczgUPRMQRpD3j+EXrLaPm621/xW29Ily8eFGnTp1aKcGYY9sLWjJwzWbrMNIyONb2bEXr29aBfd5www276rd7fD+t3RbwElm5/HXRGmISeabxSVMrFN9D2Vz7azKygug8y2OwUbQtFtdiBa0UCoVCoQCspeGR4icizM1CrjPbsD/GcHnTjLLtJqRcG+iRu5IcmMnykcRArYz9ov8xoiWLEtqlpVTokz5JtTNHGuylQvaZGp7XyNi/qP3+nijx1Oo+d+5c156+ubk5keB4Puoj++G1AkrS1CZ6/rJMo+v51DIthmkDfo3yHvMRkx4qCrfPtknppfn0ErilfuIx28Jtj6IxyiT4yM/Dfq2i4Z0/f1533HHH5J6ITMKnAfg2RHPK8WC7e1YDWpvow+ulmGQbv544cULSbnqwm266SdJ0m6BoQ2OCm9GSZrHXr8zq1ksryjTjnt+eY00NttfWdTS7nfaufUehUCgUCo9CrJ14HtEQeX8VpUdeE0X/UaOj/TjbmFOaSnBM3rTP3qanFnFHzStK4qSNOyNZ9hI4bef0w9Af4681yd3amm2ZNKdZ+XroR4vayH73NDw/Jhm1lyWd96T/jAqrt5VQFj3GaNlIWuexnjZgmEvIjiLHKNlav6hxR2BUHtvONeXbwkjezPcRbTzKjYBZb+RTyST63nZbjPCMsL29vWttmS/UNCJp6Q8jEUNG7sw+9Npv8PdmRBMZ4b2/1jR8i8422DN4++237xyzaE87d9111+26x9oabQRtbbDYARsv65f5Bf0z36PI47W+LP9/9hzxuZZyja4XFcy+96LDidLwCoVCobAvsHaU5sWLFyfSS+RTM5gmRI0l0i6oPcz5BqRpNFZGLdSjFKIUTSJoaerTyKIae/Uxr8vGkTl30tJmn0lLvUgrtjnTPnuUUqyHftuongsXLszmxFAT9+sgI/zlevNrLCLP9vdkkqOvJ/tkDpr/P/P30efq+8p7VtnQlvObkYn3tN85+jXfB15DaqdI+4no+/xx+/RaKn13rbWu79Hn1UW5tXfccYekpQZEgnhaCzyyvrE9UR5hFv0ZzYvNnfnS7rrrLklTP61/D5hP0vpnZTBql1Hi0tQvT+08s+r4NmUWu6h/HINMe+tFlPMd2fP1Z1poD6XhFQqFQmFfYG0fXrT9fGQ3zrbJiKI0s19zMipErCKZZM8yIo0r02oiiSGzXWd2fi/B8pi10SQ5a4dJbdJS2qMkxTyjSNPjtSS0jcijsw1mOVZeqqYEN7dNxzAMaZ6cL29uA+CojkwLpFQb+Q/o82J+XOT3o3TJaL3I151FPHJM/PPEqMyMEDzyqVFTpQUl0mQyaZlStb8nWgdR//zYkzVne3u7m8N5+PDhCXFy9EzT/8++RlraHBNNdO9czih9rv4eGyfzrdF64i1L9o6wtpofzp5DbhNlPj9pupG1lWv3ROOYWTCy6E2PbCx6jDWrRnT6tctxXMWytFPfSlcVCoVCofAoR/3gFQqFQmFfYO2glcgJ68EEXwZoROXQjEYTXG8/JTpxM4LmiLaL6QA0yURtJJUYSXBpAvR1Z4E10e7fEb1ZVEa0/5qBQRFZYr8/Z8iCJSLTwSomTdtLMSvf9y0zhTD53l9DUznNx1Hwj80ZTW6sLzJ5kUKO4xfR0hloKstC26O2ZPvuRQFIGdl2zzyVBQLQlNlL76B5KqKhYrBPzyy1vb29y1QXmae51udoCtmH3j0RpR3n0NrCYBJfX5aaZWsnctlcf/31kqZ7aXI92D3eDWQmTZp7mf7lg2RIQk3zJ4P1IhMx3/3ZvpO+XK6HXqAVd2WPyMQzlIZXKBQKhX2BtYNWPH1Uj5C1lzAoxTtCU2rNwra9ZGcSFam4esgScQ3RLuJMxLU227XWDmqW0lSyM6nJ6rXvvp92bbZdBunRPKVSphX2duVmygK1D9Ig+fZ7rbMXtNJa22l/TyqjtEotJ+ob+2FrNKMP8/+Tai2jnJKmGrxpHgyWiDRuakJZMn8Utt0rN0P2HHH+fX3U5KIgFX6Pws39NXbcS+bRtlqZhnfu3DndfvvtO4FcRr0VzWWW4sQd1qWpFpul70TboNGiQOL5bDsxX28W0OdBqj+mFDCMP3qHsB5qiZEli8EwGdl3FPCUkT5E71sG2GXkCNEzYeWfPn26S97gURpeoVAoFPYF1tbwLly4MCGN7iVZZ5RLEfVWlkxLDcnbnE3qoyRAKSAK26bUxPQBf48ndJWm/h+TiCKSadO+7BgTkSm1+XPU7LKEcz8HlOCyMP8onYS+qd6mvFGqxBzFDzfo9JowtUtqQpEvKNtCiknj0VYiWapMjx6Kmq613/wlkaSd+bgocdt1UZI1nx/6NqJ5oQ8vS2mI/CMZiXRPU6a2zY11PSJ/WabhmWWJ2o5RAvo6aJGw5zbTVNkGX0ZGGB/1MUug9uubW5XZmNr7oZcAzvcMLTzcRsqf4ybFnEu/dujfs+9Mio/uzVJ1iOhdnNGQkZzd/+/bWhpeoVAoFAoOe0o8N4kk+vWNIo08osiwOZ8d4aUmI2Jl8nZGOSZNSXwZaRdJvlYuCXftWmp8PgLSpC9uXZJFGPp6Mr8CpekogiyicYvK8qDWwUivXmTcnA9ve3t74oOMCLMzWqtIcqS2bvdyDUU0YTzHqN2IWIHSOSVtG/NeFDL7kZE1RG3MIpYjQogsmZeRyxEZe4Yo0i7zt9haiZKw2a+eFtVa08GDB3eeHyZd+zpsLEkEH/n2s3nIojSj8jKatui9Q58w12Q2DaoAACAASURBVK4h2uqJ5Ag8b/BjzdgAfkbPSkb2Yb5qu8c0vSj6vRdVL+1+fjm2fE5JMu77tU50pqE0vEKhUCjsC6y9AezGxsZEwor8MJSA6D/woN8ok0wNXmLI6IYoTUVaASOpjOon0lLp18ui5+y7l0gYDUcJiATbvr1ZjiLH10s7zLujNppt8uph95ByLOqXz7OZ8+FRavblUdOllNfTfDJy4Cwy0t/LceB3v96ordB/xTH357IcsWzrH3/vXLRkFMWWkbFnGqBv0xw1W6ThZVK5HY+Ix7121aMW29zcnKyDyE/Kuqh1+HYzKpd9jbRZA+nnspzDaJz4ne+D6H2aUQr2/GX0x/KdYWV5bZjvQGqhXLuRP46516v41/ic9jQ8+oRX9d9JpeEVCoVCYZ9gbQ3v0KFDE1u6/8WlDyuTELz0mWkalBwjKZ05MpTGGJHm28BPRsv5euj3ygioI6YK84Mx0pHS4CoRhJmm7L/Td2efNm9RrmAW0bkKWaxnjulpeJubm5M+ez8MxzLyh0mxRtIj+vWImC+yLXeifEz2OfPZRAwUnLtMUu0xGGU5W70cxSxHMLOgROeYa+fbTq0vi4ztWXfmYO8e35/eVk+ZP9SvHSuP+Z4ZAbQfJ1p46Mvl+ojakL0zorzPzL/Yy6ljmxgFzBzfaEzs3cXyozgHWjKyyMtIKzRwfUUaHv2YRR5dKBQKhQKwNpemtPyVt19/L6UzIpG+tN4vccbKQvt8lIdlEsmpU6ckTfkqveZHSZ7+qp5NmJIVpc0o54j8mwbmKnrJhbZsSoP0e3owr8f6Z8ft0+ZPWo4P+UsNkebaYzEhzA9DTchL4OxTj1uRoJ+U10SRsNR0uY1K5LvJpNYs163X7kyji6LYrN6I9cO33d/vmSiiPkTPE9ddxgMbrVXTDvgsRJGkHLdeDqetHWoO0fogx6w9c1ddddVOWb5cKWdn6r2z6KOj35kR2P5/lkfLlX+m5yIdOba+Pr5vCEaN+7ZYvyz/juNqiOaM1gG+gyOLIP2K5PL0vzERu1JpeIVCoVAoONQPXqFQKBT2BdY2aV68eHFitvGqcRYmS9XXn6ezkzRaVI0jsxpNVnTUe/MdTQjWNkumjMxSDN7Itr6IkrojB680DZqIHM78TjORoUfVZiYtM3FEO57TNELzURSOzqCOQ4cOrZyWQPNX1G7Oe0QTxwAQpm1wLr25KAre8eXTTCVNSalJQxXteM57mQ7DNRVtvZMlmve2h+qdk6YmdV+fITM1RaZ7BknYGEWmNY7PxsbGLPE4ScWjftFMS8q3KFE6Ck7yiAjPrW7rG83wkUmTKVRco0wb8sdI8sHgHF7v61uFrCADUxn4Do7M4UxPoJk8Wm/ZFkLReuOzfPbs2TJpFgqFQqHgcUlBK1GiJLfhyDZm9IhCalep34NSBCWESGo2MFghSmJmgIuV4cla/Xmv9dq93vHq643Id6OUj6jtBi99UrK3c1amtS0aR2rKlLjMiS1NJflVyKOzAAdfHrdgMkQJ6EzMZUBDL30jozGidB6lzVCa7WmSrCejU4o0WD4/JCKPAiGYCsQx6AV9sE20LDDE3ZcXpddE331/IqL2rD3ZVlDSNDiO2hM1c5YdtYXvOb9WrW6bD6M4ZIqDH2OuVb4jo/QNBp7ZM8y1xC3H/FiYxphtMRalQdDalgWT9BLP2cZo/WdJ/kzriMjxfZpVkUcXCoVCoeCwp+2B6D+Ifn1NajAbem9TzbktUCgZRLZn+iNYZiRVUIthiH8kdbI8UplR4ur1j/d4idXqzsLQmUzu/SQZeXSPUox+Rmrdkb+HUv9c4vnGxkao2bE8jnEv3YFrIduqpue3sHpIQBz5irL6qGlFEme25Q7nI0o1mSMC7xHyZt97RNGZtB6loHCeMho0b61gOb222HunF/JPPyy1TXsP+S2Fso2F+Z6hBcjXZ/eahmefrMO3m1awLPXI101tjN+tf1EyfvScsh4DiUFo9eIWR74+O5dpnVG91Dp7KQwGjrnflHwOpeEVCoVCYV9gbQ0vIsWNEsFJiGz3MUJNmkqEGYkry/DnSDfTk5p4DfsTSd68P9MYIlqijO6sRxrL+hgFZuPLyEYPEhlTO4hs9wZGg0a2dIOXAjMNz7Q7armRDyCT+iOJnO3Ktk/qbVxKKZMRvr0k8lU2ueTYsnzW09u2Kdv2KIpcNWTPRk+DpqTd89Nl57ItlHy5hvPnz6drZ3t7Ww8//PCOdhbRhpE0gu+OyG9NbSnSWvx1PcID+u6jPlMDysgKetYvQ5a8HpGIsz/ZvdGxHv2cb7tHZl2LfHjUOu292aNmM83unnvu2WlDaXiFQqFQKDispeFtb2/r3LlzaUScB/171C68bZaSTuYTiPwzmQSSSZm+vmwDzl5/MpJi0oN5KZ3jlJEke8mHbaPWabl1kYbHCD76onr5Zey79cekUz9vpB3qobW2SwOMchNpt6evNZrrOYJxrqFIYqS2QStElLuVRSRG45gRp1M7iyIuMy0gywf1xzK/DzXaSHrP6MeiKMdMM2fEYuT/tc8HH3yw6//d3t6e0N5FhOmmYVn0tI0T/djSMu+W5WXrrxcJaM/H8ePHJcXRrKa90I/d07iy9xvHepV1kPlJexplts1bpHkyEpZz3PP/Zu/4yF974sQJSdJ99923c+9clO9OX1e6qlAoFAqFRznW9uGdPXu268+h1EKNKJLOeA+1wUxa9/dSa6EkHm3XkqF3PmPFYL+iyL65zyjvj9eQ2SGKJKSGx7GJ8h4pwWXRmZFPwtvb56I0OSb++oy0meshyoei9hLVybIzH86qkYP+2mz8ovINq/j/5ki8o2ciO5flqvp72Z8sl6o3z5n/PLKceB/8HNOKaWfMZ5WmmzhfffXVu9rSI99mX8m8wshzf60dM20xi4z0/1NromYU+Zk5NpyPbEseXz6joCONKyPFpnXCEEXechw5FlF99Nmxvz6v+d57793VtnVQGl6hUCgU9gXqB69QKBQK+wJrmzSjENDIkW0qKk0I5rCN0hLooMwS0SNH6TqEqHRCMyiil3DOevk9MjFmO073drG2/7P0DqYnRP1j22kuiELZ6eDumT947Srkv7zWtzUjJibVmx+nufBsph5EZtXMXNPr11zwSmSW5BjPpRpE/ctSGaIAJJ7L9i+MzLwZ3VovTJ2mzCwdh//btdn6sYAnM+dHtFakXqNpk9SA0vLZOXr0aLePTHnx55hkTTOxT0+iKZZm/WhsaQ5m+fbJ+qM2Wlt66T+Z2Z3HIxNqRl1m6KW08Fq6CMyMKS3TEjyRdo+cYle5K11VKBQKhcKjHGuTR5uWJ02TOz3mqIkiaW9Os4t2wqZDNAvbzvri6zVEu2ZTGs9ClqOk9UyTYEDKKqkF1OwiaqlsOw6TfiNth5pjtg1JL3F3Dhsb/S1gDKQv4npgmf6TAU4MFIjGmITgRBSAkqUjROM0lzrTs1LwXKbhReVmgVXU3iKtINOUe+ugt42TtFvD4bpdVUKXluvYa098hk+ePClpmjoTaXimBc6Nm+9PpjWx71HQSqZ5R+/TbEf1LJk72omebeml+WRE41ngYC/gKbMW+P7xmWbQjVGm3X333TvHTMOzaz2hxRxKwysUCoXCvsBaGl5rTVtbW5Mw8d5GovShRPZ9+jB6YcxSTMFl0ksmAfcSzym19LaDydISKBn5Ptk15oPINuaMtlnitXN0YR7WRm5KGm2k26NPkuJw51V8n7ye93gpndRxXDuGnpbJfvQ2rGQSfEZI0At/pqYS+Sa5Jrm+6NP164IWi1UsF3OSNkPBI58KpfKMAN0fY2oI/TD+mV+F+s8johHza4cWkPvvv1/SUsO76aabJu22e2zdWWoB13rUNo5P9iysMk+97dFYTrZBcxS7wHcj742eec5L9nxFVj0DrSrrJMcbrH7T1C3ZPGr/OigNr1AoFAr7AnvaHqhHdkvJ2t/rz3vwGDUtSgZemmECNqWWno8g25Q2kuxZbpZgH92bSWf8jNpATY9SqSGisjKYBk7tI5LSWR79W14So+Z4/vz5LomrpwCKIsTsf5Pg6YczH5DZ9X3dmQ+v53NgGQauu2hDTt57KdHBWdSuP8f56ZExZNJ4Rt0WzYFpT7yWWptH5q83RFu9ZNtfeQzDoGEY0nmSluPBjZPvuusuSUtNz2uFtLyYhpdFRPr+kOYs06YjbZ39oJYbkVZk88/56r2zSPdo5/27xJ4x9sfQIx7PEvi5DqKt2thf+zQNz6Juo3psfayC0vAKhUKhsC+wtob38MMP70gBXrI32DHSyDACM4piZL4LtTZDpK1lOVSRxpmR9xoibYB+xSxa0+C/s+/2SQ0p6ped623eyrbSV0T/Qjau/t4sZ9CPIwl550ikW2sTiTWK2KK0yg0zI8l+LlozktKplc/5dj3Ytl4eaLY2sjzMSGqe62+kpTGvMdP0ont5LRGNCevp+Zes3TbXnjoqgvf/MoLZ10EaMNPe7rjjDklLLc73IdOwexvpZn5RIqI0zCxLvfHKyN1pDfNttPng82Nj3lvfrI9aYfT8ZoTjvMf3j8+01WdWHJ9/xz4b5jae9igNr1AoFAr7AmtreOfPn5/8Kkc+B7MLM08lkmKZD5VFDNIG7cs3WBnUMKNIpCz6LsrD4zlKaT32Ckpf/B4RXFMTzthtIskvy6XJSLl9ffTdcSwi36T3AWRjurGxocOHD0+IbP382b12jgw1jAL0fcp8ebwnYufIGEEiHyvXLzX9VeYjyyvsrVW2NWPE8ddQw2NuZbRBaObr7JEUz0XwReuEW+VcvHixK6Vvb2+n0a3+f/q4rXzbSsY2DZWkJzzhCZJyy0SPTYfaE99vkRaXWRTYh55WmK1rOx9tPJ2t50jDo3abMaBEOYPMic7yDKO8P87fqVOnJC019Cifkc/+KigNr1AoFAr7AvWDVygUCoV9gbVNmsMwhPtDGTInPk2dXkU1lddCT6k205wWBWiwfqvHdj5mP6LvvdBWmgMzwt9eyH8WRBIlvFv76aDPEkOjtASaJ2ge6FFY0ewRpUNYud58lJmlWmu7AgasH55uivPO3dyZiuHbkPUjCupgGxgunwXN+Guz0PJV0lLmkpSjQJG51IKIjor0V378pdiklQUyrBIUkAWrRMEKEcF1j9otooSLkvv5/NOs5sPbja7qyU9+sqTlesvovKJnmuuqRzFHE2m2hnq0dJlJkSk8vh5+cj1GJCBZiklG2SflRONZ/X4MbL5Onz4taWnS7D0TnjihglYKhUKhUHBYmzzaS1omnUfUYlFSelaOIUqElKbSrJcUs+CYLNnS3086oizwwV+zKv1UlByfaU38Lk0TcikxMkDAjyc1lmwXZp/AnUmfTOiNNAm/DnpBK1dccUWayOrbZeNg2jmT370EHCXARtf27uWckgYvCu7JtmtaRZuZS1OINC4mQzMQwM85g1WydIFe0nrW9ug6jiOfuSidhPMyt+O5B7UC3xeSF1iZV1111eSeO++8U5J0/PhxScttgvisR0FsGRG0fUbWiCx1ytALluPznoX8++eA8z5HFxaVT+tDj8ghS/NioFNkjbL3XZbQ78eKVrQrr7yyyKMLhUKhUPBY24e3vb09CV2PNkak747Spk80pd+PvjRK+FHiMbUnaoteAs4ovXp+ONJN0Y/Q86kZsjBaO25Sqb8/I+3NJEwP2r1pY/djQk3FQP9jpM3PpXlEbYgSdqlh8XsUgp+NE0kMeppXJHlKsUUhS2yn1SDyOWQ+4oy82mNOwu/5bhgm3pOGszHoaaFzyem0vkh5OkeGzc3NrtWIm8JyQ1jT8Pxc2jYz5i8iwTR94BFpAbUyWhz8M81nmM9sNC/0g1HDp1YVtZFaGetfxQ9HS0J0b2YdYl/8mGRpV71UF1oQKi2hUCgUCgWgrUq6KUmttbsl/e0j15zCBwGeNAzDDTxYa6ewAmrtFPaKcO0Qa/3gFQqFQqHwaEWZNAuFQqGwL1A/eIVCoVDYF6gfvEKhUCjsC9QPXqFQKBT2BdbKw9vc3BwOHDgwyZfrBb5kXGw+XyRjC1hnY9ZsWxNeN3csw9y1vfNzvISX0rZVrpsbmwgZs0zv2taa7r77bp06dWpS0YEDBwa/dUmUCzmXixPlka3K/dhbo5cSuJUxUkTIrllnXgwZq8U69a2zLnrrgLmo5AztMRf5uTx9+rTOnj07acyhQ4eGo0eP7uRiRTyOzItjjluv3Vk/Ms7d6Fz2fET3rFJ+Vs7cXPXamLV5lXozxqLo3qy8Vd5zEftLdq8f8zNnzujcuXOzC3mtH7wDBw7o8Y9//E4yZ5RIzcRUS/i87rrrJEnHjh3b9SlJR44ckbQkt7UFzYXdS3bkud7+dNkeTywz+mHNXnBZwnZ0b7Zbsr8nS0rNqH6i+rIfih4tEPthSZ6kapKm5M6bm5t6yUteoggHDx7Uh33Yh+3Mw8mTJyUtk36laTKytdfWx9VXXy1pNyG4/U8y6myn8GitWvszCrhop2uD1WdtJK2bR7QHIMuX+i/JVSjTsh+0LOk/oiVj/TZWRkfnk4dtvOyYEQDbtdZfT9zM/ds2Nzf1mte8RhGOHTum5z3veTv71z3xiU+ctNXG/9prr911zogSrC2eOIHvsYywnetcmhJQMBmeP/7SdL1lO95HRB78Qc1IzHuUdlzfEXEI28D9/dgXT4eY9YfrL9qzj/0iDaIHE9i3t7f1+te/fnJdhDJpFgqFQmFfYE87ntuveqThRaYKKddy/Llevf7TY86UENH1ZFQ7GW2Uv4bnVlHfWS6prCJzRVZPRCHGdqxj9uAx1tszf7FtnnYuKv/8+fOT+YrMUpn5rLfVj2FuPfRMPhy3aHugbMsTlhX1i+WSxmmuD1E/emsnM4NRAqf07tvEelbZEiwrw9dj0rnXVLK1s7GxoSuvvHJHwzep328tZefMSsS+2We0BZdpfdYmkspTM/LnIk1Himnp5lxAEU2cgXOUvcN82dm2ZGxj7xj7GY0jQU2P7z/fl4z2rkeDZ+WYpnju3LnaHqhQKBQKBY/LouH1tIuM9DTyw2UBCFnZHj0SZX/elzPnCI7IbimtrCI1ZfdQevJtXzUIp9eHuYCOSDPPyLAjSYvb+cw5vy9cuDDZEsmvA0qAkebBeua22snmKbqHPpuovsi/68uIxotSa6bJ9sY6I1uOxijbaHiVYDNua0OC3sifxXFjfyJtgOTOGxsb6frZ3NzUsWPHdvy1tu7Mbycttb1ouyzfV98/0+zMt2ifnP9oXfS0lqifHlwPvfdapmnz/dDzUXNcSXTem0sbL17b0/AMVi/Xo1/fds7mNNs8tofe5sFEaXiFQqFQ2BeoH7xCoVAo7AusbdK8ePHiRN2NzDdUTblPVBSCzzDpLMWgl8NHM0G079oqOR7SajlH0f5gWZlZcMIqJo0sHSIyi7DPWeBJZLJl22h69NfZsVWcx2YOp7nSz4uZrPxeif6aKJjFAg0y0wdNPpE5JUNU31ygS+Rs5zrmvPdMXJyrbP8wb6rLdtY2E54Pzee9DBPn2EdBCyw3Mw1H8HtdZmbn1poOHz68814wU6btUC7tTm/wYOCJ76ulKti+ePaZpSdwXfryV9lxm8+ltbmXysLnjvVkuY/+fwbwWD8sfSQyaTKgJ0vR8PfO7aVnffHrItv7kmX4evicZObkCKXhFQqFQmFfYC0NT1oGH0jTnWc9Ms0u2h2ZEi4ZFbLz/hi1QkpCvaTuLABgHRaBVZBpP5EWav1gvzKNIkoXWKc93Lk7S5KNNGVrY0/S2t7e1kMPPdQN0KDGw/BsJsH7Y9xVm+MUBTNkaQ8W2t4L7qAmRw3Dh8yzfM5ZRkTgz7E/JiX3Es/ZT2p+UfBSTwOP6vfXZkExDHxgndK4hnoBWpubmzvzYqQVfoztf/aRgSmm1UhLDc+O2TW2vqxf1HL8MWpePVILvqusH9wt3YNWgSgVyLfDa7B2zvpj59hv/zzxWvu0sjgWkeaVJY9HQUw2Xkw1yawi0Ris+r6TSsMrFAqFwj7B2j68CxcupH4Ej1XSAwz0C1BzzLg2paVkQKnCJO7o1z9LBKY2E4W/85NSesQFl7W/R6NDbdauySTIVbRRJq9HaRBMMViFb8/avb29PRsebOVnnIdSLqWzDGmqXdq9pNGKNP9MG+T8RGuIfhj7NAnVz2UWWm5g27xPJ/PZUmON/LHZWs2S5XttzWjKfH2ZNmLXRpq5X5M9EocDBw7s+HhN0/MUVdYuajFGXWfHvRWCminHi+lXXnvKNCBai/zasXGw9nPeo3cHrSZZGkKUAE/fo/kobWzuv//+Xd/9//TlZVaCqH88Z/fYd08naMh4Umkp9Md8qk6lJRQKhUKh4LCnKM112LUN6yRbUkoyiYj+LGlq+6XE3ZNmqVFauZG0NCdprZIoSe028yX6ujMi1iwa1t8zF8EaRQNmvryoHtrfe34YKzMjw/V1Zn7DyLdHqd++U2K09eDvzdYIfQNecuWaoW+aPghfPpPurR5rk41dpLlkpN4RbVSWaM65ZJK5vyb7jObP+mzaQeZj8f0yrcP7wrIozY2NDR05cmTip/XPD6MIM4L7yBfEtcLnP5qDOWJmrg9/jNqorV22y1/Lc1kyuT9u9dkYm8/ONCzT8Hz0qWnhWQJ4RuwvTa1r9Elamd5iQzo3+84I1h7dWvnwCoVCoVAA1o7SlPqksPZLbJK25cqYFNOL6DSQksYkxyiaiZoWJd7Id8M2RH4Q9ou+jCyajRRQ/hi1QUqfvbGZ8wP27P4kaI3GkTRhmWbZy/frUfyY/5e2ed9W5gtZubbF1DXXXCNp9/ZAFulG8mD68CLNi2uD40+p1o+Lrck5ejpfPr/bvbRcRNunrEIazvIzX54hWvcZZVam2fprmdd23333SYoprGyeIi0z6s/hw4e79ISmGWQ0VlEepo1z5o+38q1ffh3Qx8UtkjLCZin3LzMewV/D7ZSsXJ/H6D+zYx70JfpjfL9YvZklJbono3fzx21tMEaB4+vHnrmJq+R77rRx5SsLhUKhUHgUYy0Nz6JhehFbJo2bBGCSNaUZn0PDjV+zKMredkRWLnN+ej4V2tJNYsgIaKXcXpyR+0pLmzUlSdqvPTjG1NKsjdHGrOynIYv09O3PmDZ8JBfPeTt/T8M7d+7czhjQbyFNt/0w7e2GG26Q1Nfwjh8/Lmm63hjl5fvHiE6CUbT+fmsDtaeIZSTL1aL0TD+0v4bzQik32jQ0y49j/72WTX9mRibs/TBWH8mdrVzLb4tYOezaHutNa02HDh3qRmBnOYDZuvZ1Z5G2vQ1gM3+zjYv5xSINlnl49s40a1jUVq5VvjOsnmgt27X2zPWI1G3+bS6zyFj68jyo7fK7b6PNk9/M1bcjsiLS914aXqFQKBQKQP3gFQqFQmFfYO2gla2trYl5yJuYzBzAT5oPI0e5qbVmFsgCD7xKnIUqU333JrSIrkaaBnt4kyCDE+gMJ42PV7OzEGIDw5+jNtA0QrOYH5PMDJYlovvyGW5MB3RkPrBjhw4dmk0AJdmzN98ZKbCN7Y033rjr0wJT7FPKTS7R/me+H1Ieck9TX0TbldGeRWkwGXUUTWhREAGDVjgvkcmMZrYeKXN2r2Fud25pumO4zaOZ6iIKM7uWqUBZOz21GAM3fB2k2KKJLtrTjqY2q4fm0CgQjeZqq5fvMt9eBivZONmnf+9E5lRfrh2P3o1cv/ad5AiehNv+t0+byyhIxffJ953UZXbcyopM6Dbmdk9GEemR0S32UBpeoVAoFPYF1tLwNjY2dOjQoUmAhpfSKTVQao4kOjo3GZrKsGdfn0keEV2WLysiZuY5bk/jJYdsB/CM6sdL3hm5MjWxVRLPDT2nLrUwtrFH9sxrGDzT00LndidurU2c/V7zZtDDtddeK2m5lujk99dmZLMRLRTBhPbe9lEMTjBpmdvQ+PVNujZqoRy/KGiBml0WeOX/p7WBaQjRljIZaXlGh+brMZiUzneBX8P2jK1Cxr6xsaGjR4/uaAg2fpGmwMAwjpdfbzaH2bqlluHfOwauKxtrBq/4a+0cx4f9i8rhXNLSEFGnMVDQ6rEgMAv4kpbWE2p2JPiwMYloySwtxcbe2h69b5jAb3PBtRpZTPw7qajFCoVCoVBwWFvDu+KKKyYaV0QgasdIp0QJWVpKANyeJUu6jnxrWch/zwZsUgwlOWubl96y5GQDtShfL0Pwsw1avaRNLYzjSM05kpRJ08P+eYkroywixU/kwzPN68KFC920BL8BbJSeQu2CfmD6a3176VOhJEzN1ZfDDT/pF/X1McWEPukovD7S+qTcDxyVwXQL+kksyVuabvEyt+1VFN5PSZtJ8b5M+ne4kWqUUE+//DAM6drZ2trS9ddfv6PZ2z3RVjjclJpzuco2MyQviJ6tjFg689P5c3y/0MIUbXuUES/zveTnhevK5sGeV9Pw7FNaWk+YBpWRJ/j+8Ri32YpSRGj9sM+eBSDS8FZFaXiFQqFQ2BfYU5QmpZgebRcloN6vMaPUmGhKyV+aRvaxTZTepakURjqdiDya0l60gaXvn5diGKk6t4mjNJUCKWkzyjGiFrNjJnFnycu+HEqUht62R9b+o0ePzhK5cn56kbD2yfGLQInbtJxVfETUAjgGvW2iqC1HNHG8do76KxoTarDcnDQiYzDYNfQzRtttkeaKnzY2vj5uKWPlGTmxtTXaMmmVSLutrS1dc801E+otr+GRjo4RnT3fM5OprXySLkcbpdJPSstCtP44h6sQ0PPZzcjdI7Jqg82daZLR2Fh/vO9RWo4nrS5RpCwT6+04LXn+XPacUnP2/cq0zx5KwysUCoXCvsCeqMUYtRQRlmbbi0SEtRmVj2lvlC56UZrc4sMkIS+x0D7M/BS7NyIstTZxU1LmfXlpkNpfpkl6iYySTWZDj/wjbDPb1vMRfxwFdQAAIABJREFUUUNlFFikSVq5Ph8zAymlIso35qVZ3yIfh/XFpHD7JLUcJXD/v/kwLCrUyqRlQZr6GkhwHpHdsq12Dde9IZJmbc3SOpFZHKQp+ba18cSJE5KmmqY0jRg00GoQbdFEKw61IP/Mc331aOksSrNHjWftsnZTa6cG6NvNvpo/1DRUGy9bW9KSLi3Lj40014wsmtHB0SaumUZJn2VkJaKPkBSO/t1oa4Rapu97BluD1CT5HPv1TgsJ2xbRPJrFKos76KE0vEKhUCjsC+xpe6Ao4i27Jsv58VI6SVxN4jbSYGp2/tfeJFIyD/Qi7Uw6o5ZGbSra+oJaGv0h1kZfNu3UlMaZnyUtJSwynVibrA+96FFGiln5J0+e3NUu3yba2ak5RxKkHTtz5kzKmLG9va3Tp0/vaBsRGwy1aErAEfmtRa1Zn+wayy0yP8Lb3/52SdJjHvOYnXvtHpvDJzzhCbvG5Y477pi0kbmnjAq1eYmsA1neHaVzbx3I2HEo+XtNgxvLXnfddZKk22+/fdd5k8B95N8999wjSXrqU58qaTkX73vf+3b1P8rdy0jlI98N2Zp6TCsWHd5j+bC67H1APyz9Pv4eGw/T5N7xjndIku68885dx33OmZVr2iBZU+gTl6ZR4fadEbiRpYek+PzeIxGnb5LvRP9MW7m0ft1777272hpZzrwv34+FPYtmQYkivWmR4zPh+8VnsMijC4VCoVAA1tLwbBNPA+3HUs5lR5ust5vb/5blb5IAJTqTVCJ7Mu3R3BYoyjnjpqfcvLbHG0n/G6Vcr+ExH8nKZ7SWlwapSZokb1ITxz7KTTNJjjmJNt5ee7C20ddl/Yg2Io18oL2IqWEYumwi1t7Md2tlm7Tp/zdNzng3Taq86667drXbj5NpdG95y1skLdfOR3/0R0tajrFpglK8pY4/HjG6eK5R33f6X6MNMrNNg62tpmH48aQmYWPD+j72Yz9WkvTa1752515bm1buLbfcsqsd733ve3e11deXsRxF0dycf791VISNjY2JVcU/n4y49M+SvzbKUzPN901vepOk5Xybpcl8Rn7dcYsaavrWZ7bD35sxrEQaF7k5uSEvI4Claf4vxzzKY+PY2ruWcxNZyWwszGJg99p3e769r59WDuZx8/3jr/G/KcW0UigUCoWCQ/3gFQqFQmFfYE9BKzQFetU5SoD035nkKS1NLmbSpHny+uuv31WWNxOYI5nbttBZ7VVvmnZI5hrtxp05fDN6G98/buFhKr2ZBaJgFgYE0cRp5hYbIxtDaWmCIeWTXUvTra/PxjOj6PLmFobez5kVbJsXKU4mZ9Iwzaxm1rHACmlp8nnsYx8raRnoZCbNt771rbvKfNe73rVzr42hlWvjZuMUkR6bqc/MNauQCGRrhSkG0XY+TCnJTOkRRZu120xKdq+F29vYeNx0002Sps+kjZWZNL15z0DCeJqronQYpuhEMFcKA7iiQB2SSPd2oreglL/4i7+QtJwz67u9F+w94UmWaYamSTGqj+ZW+7Rxi8gdON+2VrmLPIPafPkZIXP0vGYkCPas29hYO/y7klST9jzdfffdkpbP1ZOe9KSdexhQQ/cFTbj+/96ayVAaXqFQKBT2BdYOWtne3p4EfXjpkiH9dDAy8djDJIAsMTdKerX/Kb2Q7DgKpqBUwbI8SA/FgA3SAvktbNgf0w44Fj3KHftOJ7KNc+Q8Zj1M6PZttLqpfdKJHNHIrUL91VrTwYMHJ+kIPWoxG1vTqqJNNW2uLDjFJFAGSdlYmNQpLYMTLEjKxsW0l2j7GFujNj4mnfcImmllsH5wvTGIyddt95AkOdIoSRpubTENxdIU3v3ud+8qy4+BrY33vOc9kpZSuo2faYm+/dn8R5viMsCllzxsxOPUXH27OcYMJrHjlmoiSbfddtuue02bJek2U2mkqWZqa5TpRN7yYvNNOkRq+l4rZFqCzS0tMT3qP76boqR/A2nAbJ0z2JDkAr79TPey8TXrgH+/3nzzzZKW7x2+H6gB+mMRocEcSsMrFAqFwr7A2hqeDx82ySAK32foNSl3vERnUqNJLfSTmQ+C4da+nGxL+OjX3+4xKZVktD0SX36nNhJpoewPJe9IS2P7M+LnjOzZg1q3SfHe/s6tcpi6YGVEW5f4cOOsHabhZcnW/hi1W5PkSEbs/2c6gPnyuA69P9j6z3VlSdb0sfo22ic3t4xIg7lGmLBPjcVLwKTGIkVWNP/Rtl3SUop+3OMeJ2nqW/FtMD+p+bmsTJsDvx0R22T1cL1HycPe+tDbWurcuXMTn260DvgcWrutvaZl+Haa5kuthdahiKiBqUa0evlnjDR01PCjzaNJLMC0AVLoRSkNNv60BpCezreJGmOWjhOlp3B7IPrK/T22nviesXu4zn05foOAVenFSsMrFAqFwr7A2hreww8/PNGAIhswI2iooXjbLyMsmSxuGh4lRmm61T3t1J72ykCSW7vHJF1GJkXlZ/1lX/w9lELo3/QSMCWpjJQ28q1FEml0vEcPlWlqfuy56emBAwdSKd0iNElRFkVpkjbLzx3bxnK4Qab5X5jc68+R/Ng+GQHM/6Wlb5B+H38d/ckZtZwh8iFTG6T/1/s4aO0grZ9da5qN+SH9NYyO60WF2rVmqeHzQ61BmibhHz16NN1c2Xx4kb/SwHbamNp6oM9VmkYDG6wfrMd/t3qsT+ariyjzDIz0ZiR2tPE0NSu+s7imfL2M3OS7IrIeZRGcWf0R+TsJ/Q18rny5dozRtoaIJCMa4zmUhlcoFAqFfYE9UYtltEp2jTSVFOi7i6RmahUZgXIULcWysjwyaRoll21R4cuOtt/xbaTUHpHUMsqM9fkyrE0cv17UpGGOrNrQI13lnES+18yvmZW3tbU10bz9uHJ8THuipNrLNWLELdeb10yY72n1ce142DFuB5SRpUvLOYvy7Hz/etHBzMdbhcLK2sItX+y4ab2+PVyT9IlFVp1ME+J68PWQMP7QoUOz0XYcv2hj3mw7HVKP+f8Z0cktpUgFKK3+fPo2mnbJMcwIof39XMd8/qnFs+6orRHxfDbP3GjY+hnFOdBPz7H3728+R9mWUlFea2Y566E0vEKhUCjsC+yJaaWnmUQbLUrTqKzeJo7M0eL3iISWfiluteIj0UxaoQRPicv3IWMpmPPH+DYy0tH7Mf11Hpk2wOg9P5600VPqjNo+t8UGpWB/v5fCetLW1tZWyiDj20d/FSU6Py8ZaXCkpbM+amcZW4rvM3NF2Y6o//QZMyqPGl6Uj8mcLfqdfYQv+55J5RGps40jNZSobYbMktBjI6JG3vP/8l7W6+u2saZGEjG6RNGeESJthv53rqHIGpX5+xlp7NuYrU0iilamdkgtkOvP9zEjc2Y90fuAbSL8mNAykW1sHGl4Wb09lIZXKBQKhX2B+sErFAqFwr7A2ibNyEkZmXEip60UBx7QZEWC6Z5JMwrpl6b7hnmTpoUqZztpm/rsVW/u75chMoMZ2H6ScEcJzuwngxcis1RkgvHfozGL9ovr1e//j/YcJFprofnStzsL22eb5srxbemZyTLTDpPHvZmIARk0U0Ymfa6nzAwf9YVjQZNwlKzMIB/2k2WsYrpnIFRE/hCtRX9vFDLvx6Q3VxcvXpwE0HhkBNw0Cfr1yzXC57/nriANWGZ+94iCknwZEdgvvkM4Zr6NpDTkNRFJAikgM3LvKFiPJto5knQPmogNc+Zmu6cSzwuFQqFQcNhT0MoqgQeUWhlw0EvqpgbEkN8I1KwYrOITkin5kD6HOytHfacGS4kn2rXakIXV+voYrBCF52agJEWHc5QGQo2FEnHkhGffexQ/rbVdIeGRhJrRQ2X0bdE5BgREUqwhI22mJB5JpJTgLbE5SgBmMFaU4uHrj8aEc8Yk/SgcnekV2ZZdETiOUSoAy8nWbKT1MKBqLmjFtyFqfxa4YGVGz3JGZTen+UfnDLSURCTi1GYYrBJpTSxvjhjal8t6+V6I+sVAq1U0yoxAgWX4dxjvyX4/PFax3mQoDa9QKBQK+wJraXhGD0Xtxmtrme/Jl8Hr6HPiZ69MSvbcgsWSib2ERw2SWkxEit3zYfh2mBYTJanauVUSJ+mjM1Cz6EnplDZ7tGGZ5NaT0um788TiUVuuueaaibQcJUxH5N2+np5mSn8RNaFo7cyFfEeJuSSCjjbgNGTjzv5EvtW5tBeu4ah8tjWzvkTtzzQ7v17ok2RbI0mcx+Z8eL68yMqRaa+ZxUKaroksjD8iIuC1JE2ghcFfQ80q2z4qagOJxrP170FtLbMW+HOZPz1KT8rAtkX30JJAiwI36fblZt97KA2vUCgUCvsCe6IWM9Am7MFf7IxuyF9DTW8VKY128GiTUGm35DpHPhpFTVJjyOzIVq+XOO2Y0ej4jVd9mZEmYRoqbffUCiI/6hx6voIs4TmK7CSRboSNjQ0dPnx4x6eaRaxJ81Krl7RtXijFzkXt9UDN2M+L3W9zaW0hoUJEqstPRnRGEXHZWNg1kYZHoudsayGDXy+cl8wP48FxyqJq/XG+B6644op03Q7DsEs7iNZOFsnNuiMaRFqJskjraDsi+vt7BBscn0yD9BG31Pr4niN5fpQITr8ciUM8snWWRcP3tKvMtxv58KgpZ5Hm0T2raJs7bVr5ykKhUCgUHsVYW8M7f/78RIrtaRRZJFqUL5LRJ0URTwZqHiScjrQOblfSI6UlelKob4fXMLkZJTeJjHxIftsUaRltSjqkSKru2eg9Iok7y62MosA4XnPUYhsbGxOtMJLWs8iwnnZhn1xLPekv8/vYJ7ewkabbmNB/FWkzGaUXNQvSOUl5nhfnyftC/caYUizJ+7Ii2iZqH9TiogjJrH8RrF/2nMz58La3t7vaBjUr63tG2O7bzfdOtg1RRPlFiwFp3SJNn/Rc9myb1ubLzEiVs5zRyJLFSF4bcyPFjnKiaTnIfInRM0m/nKG3Hhipz0jWyKrnf0sqD69QKBQKBYc9+fAYieh9Kty23t/rP/2vfcbUkTE2RP4q5jb1IjszEmXa5VdhL6F2Fmkj2RYv3J4k2gDWztlWLpTwIq00819kuVURsghSP/aRj6AnabXWJmPbI8rNcowizTTz92bX+WtZD4moI1+nIdsY2MPmzpD5KaItbKjNZAxGXovj5rAZ0XVP4s7yo3radvb8ROuM185tAHvx4sWJL8o/L9SAGV8Q+et7pN2+rCg/k2Nna4Vz6+ulj86e5fvuu0/ScuNZr61zU2Lm7FmbLA/Ur09akEyjs3ZE99D61ct9JrI8PPpXI78m54eRrL5s9r3IowuFQqFQAOoHr1AoFAr7AmtTi3nTQmSK5K69VDvteOZI98jMJ1GiLIMhem3kPQY6nL1pIaMUy8xivWR8jkUUYMPxszaTbi1ysLN8jgXNP1E/DDQFRom73nSVmTQ3NjZ08ODBnXay/SzHt4XmtIi4OCMpoGk22kuPaSpm+okCX3gP64tIxrl2bA6tHpqePEiJZeZOBmH4dtCsxntoqotMtj3zIsF1ZehRgdHk1zMJW7Acn8soVSFLLeilQ3GdZXvdRWuHc8rnM0pWZ8COmTaj9B4zc9onn+lViM45z9Y2S3nyJnTOC589tjEiciAYHBS5JLiOs/5F95w/f76CVgqFQqFQ8FibWuzAgQOToAsPOtkZRh/tkj5HX5SR7/pzTCzNEo/9/z4kWtpNZMt6eqTIESK6HobOM9AmCsahttbbIoV1U2rubUPDY1nggac9osbVcx5vbGzsaDS+P5G2nvUtOk5Jm4Et2Q7O/lpbk5z3SEq3EHJuKWXSci/w4Oqrr95177Fjx3a10eb25MmTO/fef//9u9rCHd0jogOuK4aY2z2RlM61yOcnWu9Mf+FcRM+3jbVPks+epWEYdPbs2UnKiX8++S7KAuAiikF+5zqMNGEGlWX3RDRxnAc+4xbEIi3TYKjhsR2RpYeakI2vPYfWNh9UxVScLKE/Sg3hM52R5kfgGsqsBr7cVdOhdtWz0lWFQqFQKDzKsbYPr7U20aairTdMasjC+KNjcxpepJnMUUhF4eiUqIgofDbbGJPopU7Qn2TaEiVx//9cEm82dr7ebGsPD/o6KMFFGzRGRNlzkhZ9aV7j6hEhS7EvJesjfal23GsCvIYaPn260tR/ZBqYaWXWRtPepCnV1zXXXLOrXOsvpXn2VVpqi5k26u+hFmL1MGTfj3dGzdZLS8gIDuxa02T8Osl84hG2t7d15syZHQ05Ws+9d0TUtuhaamVsY6StZe+biEyC7xv68Eyzi7Yyy2jIqNlF4fu0DvBd4kkySNFnyNZFhMy60rMsUUPubXTLvpYPr1AoFAoFYE8bwGYbJEpTPxW3xolAqagXseXrjdpAySdKoCQNDyNGaWOXplIeo7J4nZe4s8gn2tajhExK6ZToIq1tjiw4wlz0aU8SNwm1F3k7DMOuKM6ePzZLAM7OS7k0GbWD93Ad9JLJTUo2KZxUY0xal6Trr79e0tLqQc2Rmn7kUzO/X0bUHFkHrFz69Kgp+35mWxYZekTxPT8f6zF4yqyeFWN7e3vn2ab/1LeXzx+1tuieTJtdJfmZc5ZFfEpTvyutT4yq9dcw3oA+/UjDs3uMntDGLdvOyZdDbZRWglXI2KmtRfPPtvC5jYi8GWU8R3ixq00rXVUoFAqFwqMca0dp+lyqng+PuSb2ST+JNM1divLE2A4Dc1u4tU8UTWSg5NPbpoUaCaOXeG8UfUhfUU8yntv8dJ0IKKLn08uiGnvS4KrS1Vy+F6M+swi4SEszZBJoJNVyLfIzIlc22DHT5Ex7s09bW/5/uzajMvP3GOy5of+Fmox/nuhvzaRnPjv+mizC19Cjh+K4RfRUdo35K3vr1+IGbCwi32rWvp7vMYqOjtpPCjJ/bzSG0nIs7N0i5dGLds1NN90kabd1wPx6jHg1ywLzMf282Xoyn7F9mlZt0Zp+fjLLURRV7fvfA/1/vUjfiBia91Db7EWsT+pZ+cpCoVAoFB7F2FMeHu3HUbZ9tpVHLzIsy4shIrYPlm/fSdTq76c0a5JV5AdiG6nZ0e8TRSKxLEYQRmwwc1FRkYSVbcS5ioTFNhoigt2MoDlD+//bO7sdya0jCWf3tAYzgGFYkgewoIt9/8dawDAgSII88kiyZrqq9mIR3dkfIw5Zs9gLuTJuqruqSB4eHrIy8ify7m4Tw+vWZWJ0q+aqtHxTHR4zL/t7fKUF2dUr6I2Qlczaum7ZM4bLsdGz0Zke4y5kEmKUrj1QstZTBmsfA5lREljvf++tIcfIunrK6n5/fHzceJT6HKd4OMfm4nAcb3qGue+yPlVz6rxeGq/GwmbIFHmuer6+zOBkRrOrhdW6U3Zr32/V85rp7yevHc/3GlYlrHIJuH8+95xXr99HRz1cw/AGg8FgcBO4muE9PDxsspectUcWmJoqpuP0V8atXJYm/2dzRfm8+2fU/aQSRrdIFGfRq74jK6lb2FU+zqRtmc24YoXM1tyrUavKmXx7cRI3fip5rOr99vb/8PCwieesYmocv8v2SmyF2bnuOrkGr/0c2aiz6mXmbt+W1qvWXd+frHVX09jH1udI65ZtYY60JSIzZo2VawHFeMvq3uNxUtYjWUjV8/z0/aW1LS1N1v/2tbMXs3PnurduV9um5xnnzTETPTu+/fbbqnpeU3we9WPrPc0bvVF8HvVtv/zyyxefaUzunuBz0+l7VnlVJN57Tsmnj6t/Z6Vqw324zPujGIY3GAwGg5vA/OANBoPB4CZwtUvz1atXT3TWydDQBbLX+Zzb930IK3qbWmAwXbi7ohiQTZJSnTL34Hp/pVvMJYakAPqqS7rARI5UaOqKlfn/KqmA4+b8aU66C2dPzonH+uKLL2Krkqrt3Gp/7noIqTyESTGrayq4Du48Z7rTND9yPVL4oGrrymYSS7pHqp7T9rV/usNZzFy1dY1SUiwlpvT97YmWO7EJ3gO81n3uJbatz/7yl79E9+zpdKoPHz7Uu3fvXmzjxpCEq125Be+/9BxauT4pWaf/WabSz5/ycyoXUAfyLi2n7ZVY8uc///nFPijK34/H9lN077vnDsuuuju/Y1W6lVyZgpvHlKwiuN+L7uY92vV8GN5gMBgMbgJXS4vd399vgobu1zXJj63S7FnCsMeMqrZWJBunOmkatkeRFSOrk0H4/ndq2spGrY49EakQuIPnRwbjCuuT3NGRAtBknR8Ri1WBcMLlctkEp10CiizQVATvAuVkemTeTrYpJeqwpMVZl4nxkE3174qlOfmxqi1b7Pul5BOLsJ0cFcecisrdOk9eAVeWQElArj8nCs5kqK+++ioyvPP5XB8+fNjI+nX2wbWRPCNHEl1SgbibJ0omsomwE6AgO3NiHDyO9qc5pBAB752qLEfHMphVwptekzjIqtSEzxvnjeK2/N+xUH2mUo2jwhdVw/AGg8FgcCP4rBgerQD360trecW49BmZ156l0EGrSYWgPG7fL1khZdB6vETbdOub36nyBdUpdrYqG2AMLbUBWbXPICvk/DnLTqDF5RgZt1k1YlTx8KqYNzXiZVzGCU4nIYAUN+vnyFeWI3T2vNe2iXGTqmcWkIq5eZ36mlIROks1Uluavv+9VHLXbkng+uJ5HvFgcKzyoFRtWya9fft2WXj+6dOnp3u6t17iGBJLo0eknxs9CJQnJMvp73FO6WnoayeVFq1EOeix0D5YSuPuzz1Ba/3fz4vPCD6jVoL3yTPnnhNCyn1IXoqq52e71tPr16+n8HwwGAwGg47Pag/kCjEFWjFkeIyPVG2tJLIyWn6urTyLyWmddwuAVhjPQyzO+eyPtJDh+7SSODcuppYEupnR51h2amx7xApKzGWVfdq3WfnT7+7uNuNfxR4ZJ1kxvJStmVozuXPjubsiWJ1zl7Xq3xEj6yxEmXOMg5CFUK6sj1eMkUXcrgg3rWvO0Yptcy5WHoDEXMgku3fExcLT+pRogYqh9ermKbEaF5dLbCnts2NPHEHoAgRJ/jDFy6q2rYQYs+Z92u99suj0vOn74Jrg+krPlo4kC3ZEoo3jEPoYtY763A/DGwwGg8Gg4WqG9/DwsLQQU0YgmVi3qugPT1lSTthU/lxZQvqfjMgxE7E0WnjO6kgxk5Tx5hgeLV5aQt2KIcvQ+dGiI8Pp+0sSUs7iWmVudriayyMNZmWlr47H+CtjWi4OJyRmd6RGkNchNQLt+2eGncbkhHpVZ8XMthRr7UyIGasCrXaXNcl1wJZGK2FerjPGwhwr4Loik6EsWz+vn3/+ebcBrOrTxK57rFPnxPt91XJs5anid3k8eR30PGPNo2rq+jnrump98zngGigzZyBJbzH/oer5Gch1rPlj7aDbr3CNjBefn6t2Przm9Ba4hrT0evTGAHsYhjcYDAaDm8BntQda+XOTv5YMr1sMsk5onQspLtg/ozoGx9bHk7IBqZ7iMu30umIb/VyqspIKz6v7+2m1uAa2fRyOmSVrycX99tRuXFbWEdHojsvlsqlbdOPlWnFtbNIYkvrLavxJjcM1GuX4tW2qrevnwWxNrR2tf9d6hYySXokUO6rKjJ7qIN2qd9mF/fiOKe8Jw/N69v1rLL/++uuyBdanT5828+SYGdlzEmHv76UaSl7r/lziPaW5/PHHH6vq+V7u97Fa+/De1jhc9qmOrf0xW5O1m/38+Awkw+Nzr7+XYni8z5zaDb+T4qpuGyr7uPhwep4ewTC8wWAwGNwE5gdvMBgMBjeBq1ya9/f39ebNm42LwiVbCEwEcOn1clXQxUIXnCuY5v6Ti7GDLs0kCN2DyNqGbq5VgoOQElvSPqq2FJ/FsKvj0U3A1PIkG7WCS1DhGFa9Di+XywuXppObSvOS3LlVWVosufHcHNNlynlZyWgl8V7nJkylDHTzdxcTEz7YAV1wCUEULeC95/oBcm1w7bprsZcgwn5vVd5ltRIt+Pjx41LsmS7M9N0jUlh067l7jeckN+V33333Yt/v37/fbJMk5QRXYqKEHbk9WbbEvnl9/HKHptCGEmyqnsWp6TqnC/2oYHzflufUkRL5nHAIr9sUng8Gg8FgAHwWw2NX3P4rz8JyCkwzKFm1lZdZCUxzW1qcTGFfFT2S2cl6khXdt0nFzyxIXwVUKe1DS7JbQvqMackMoLviWFq1SQTXWUWpWNlZ1dcUo6osQfO0knzjuJkg4hhJP87qHF15Ctlh6mLeP9N6YAG1Cs87KADM89F606u7n5JosPbhUtop6cVkGTdHexJPKxFxehLonXDbroq7+3fevn1rnx0C7wsKNbv1y7XCbTjefi+K0elVQsbsFN7LEpJYvPbhWkClInHOLcW4+1xobpRQw3l0sl1ff/11VW0FqLl2ung272ky/9VzZ9XurI/ZjeXDhw+HBaSH4Q0Gg8HgJvBZZQmMZ/VfX75H+R4nyMvYXZK3YVpt/26SwnL/J9kpWiIuPZxWH7dxIrXEkYJMtvtI8kArq5lYMegkKMwxrsSjV7i/v39huTr2qbXRm1hWbS1GFx9L7URWDF8ga2d6umPPTA9nzMvFishY0/z1tZwYqsbmygUoUZXGxpZWbqzESnicayiJJbj97EnSvX79esNqjhRM89z7c4drm0X8XEOdrSVmR6EItg/qxyFrd/J3jLeyaJ1z3ueB8mf6rsYqRtnvNwp46Nz1HXp8XM4E1yw9Jc6jwP/5XHfrzeWQ7GEY3mAwGAxuAp8lLcaMtN72g7++tLyZmVa1lTpKflzX7FJWDEWjyTCdEDRZGS0ily21l02kMTqRWoGNRVdxP7LQVJDZrajkQyfb6fPL/TFG6FrJuHhfYi339/f1pz/96SnbzLEcWZyS4hJo7blmp4wFMRPNeQIY96LVqs9dFjLZAFuWOPaR1hclt1y8QseVde7ifQKF2lNM17Eeso8UW1kxshRrc81Qe0YggBHEAAAST0lEQVTpKkvz8fHx6b5xsl2KvyeJPMZnq7K3xrF0ng+fN2RGWsu9mJzxN/2v56hjxIzNsWg9iTVUbeOJqZVRh76rOaZnjvJ0HS5O2rGKGfN/5nz073EsqwzfzRgOfWswGAwGgz84PqsBLDPtusXN7B3KATmJnxTjoAXG+EV/j0yEn/f39wRyZUG4jC5mnVLo2FnAZFgCj9PnMcUZBVrxHRwj4TLjUs0RGeRK3msP5/M5yg71v2WZyvJlQ1bXFiadm2uMKaTrzziMq20S9JnWAevy+nsUnE4tfzpzSZJvEqmmEHAfE+85skWOr/+drHXHoNL9xHvBNUVeZX0K5/O5fv3116djan0oflb1PJc6Btn7qtkts6c1f0lmrR9PdWvcv2Mz2kYZkMyedfcY30uSic4b4dqc9e864XGOX8fTnKd61/5ZqoV0zwnG6DjXLjap54Dmb+UdIIbhDQaDweAm8H9SWnHiuvrVTfU7zC7rf1OJIMUBO9tJVgUthVVdnJgERav7PhhzSJaI4LIZKUpMa7Nb6Ywrcq6pmuHiC45N9/G4LE0yVcdYuM2RWqrHx8f68ccfNzE11/ZDbEnXJZ1H3yYpQaRWSe491kUxLtPHoO/KimZs18WMU5asxk6ln6rtddeYdZ+5bEDGahk7FFZeAoFjdao6q7quvo8+J1Qo+eqrr+L6eXx8rB9++OGpxlGs9ocffnj6jt4T8+W8rWKdQlrPLt7M+lvF6rhWHVvjmBkvWz2rqFBE1t6PwWdtWm8uLp/mgNniHakZLtfuKibOnAuXFSwRbr3e3d0NwxsMBoPBoOPqGN6bN2821l5XIEh+e+r7datCVh4zglh3Y08APmX6p11rD8YnmP3paunItJjFyH11FsrjibnQmnIxDrJa/u8UHVIdIz9fqU4cqW3Zi592nE6nev/+/dO4Za076zLp9bmaulRDmerXnGXKdcZWK3199yy4fs5s/bOqUUzfcc0uabkyo1lw7CPpvCZ20N/jGOkBcFnI+g6zkB1j0Zzq9fHxMTLN0+lUP/300yaDtEOMVwwv6WO6Z0nyBnCO+7aM2SWG189JjE73qmLRnLfuTeHcUWlnVYdHNnbE6yVQT5jPNRe3pepQYvp9Hhmf5zZUtKl61hXt9ZjD8AaDwWAwaJgfvMFgMBjcBK5OWnn9+vUTfRQ1d4LCoutMkXYBYLrl6NJkkWd3FzJpgcWjrrgyCcquCt+T0CwD0S6Rh2nnfHUpviwH4HFSaxMeu3+WkiXcZ3vuHTfGveSHy+XydI2Vzu2C+nTTrALlvIZ7ZQr9PFhSwHXoZI2YHMBEp5V7mmOm68dJmTkpvqqta91dn5RiTqxc2+kcuouJbs4UTugCFVy/j4+P0S11Pp/rl19+2cx1T9RJMmZMoOhzwDKQ5IZ2zxAmfjBBxO1LY2CpFls+uaSlVP7CZ9bqnk7PEic47dZi35draUa3N8WrVwlPXL9Mautrh/fCVRKHh785GAwGg8EfGFcnrbx+/frJQnEWWSqUZlFv35aWofZPxseWQw7cl0tL5ntkAbIqHEtbSd64//t+kpCx24bzx0QD7quPlTJkZGCOFaYC7SQK0I/TP1sFjy+Xy4a9uwD90WLyPt6UtJJEv/t39KoECso3OdECshda2C6xJu2DyVpOKJfXhYzGiVWzGW1KG3fFw2RKRyTmaK1zzfa1w3VwuVxi0tPpdKqff/75aa2wbKVqK6O1KjQn0j1FD0aX00pyhExacc8dJWwprT6VAvQxkdG5/fN/Mi22knLPDs4Bj09RkH7/JiHwJPBftX2O8t5g+Yo71zdv3hwWvxiGNxgMBoObwNUMrwsEMzW/6tkKYnsJWvQuxZe+f+1D1pv27RoksnAxFVn2cZMVrKxB+olTTMWVAjBmlyzglTBzksFyMRdaS0dSmMkCaf2tSg76dVsxvNPptImb9GuZYpw8Z5dGT8uU7XvctWXBNNeOEzrnWtEYFYdhDKRvk+I7KX7h3mMM3LXKSen7mpPUzLjvh3O9amWVGF6S0qvatrlZ3XsqaWH8XHHgqi0757hdTJ8eI14fzs9qrQpcj/05wevK+9PlKDBf4sizimNMYtEulk+k557G1a+pvqt7gTFj592jN42tpSht1r97lNV1DMMbDAaDwU3g6vZAr1692mQXdmtWv9AUxl1ZPimWoVcyPNdWPmUPOas6CRjTIu5WVNo/Y0YpTtc/o+XlsoxoyTP+tirC5VhXMQKB+9W8Kds2xWarXlpjK4b36tWrp/3KEu/NfHUMvccYyip7NlnaZHpOTk2vOlfGYVYWKb0SFAjo4PVOMnguvr2Kg/Qx978p1ZcySvvx9orU6aXo46e3ReMQ+1LBcH9P12e1bs7nc/32229Px3z37l1VPcfAqp6fFXrvr3/9a1VtRZVXQgfJi+EY3kpMvb/v4uSUWaRIhxMe4D2czsuxdbf2+zaOKXFukteoIxWlax8uRs050NrR+nBZmmwTpgzwIxiGNxgMBoObwNUMr2prTTtBXmZU0TLs+6AQMmuPxPBYe1T1/CtPK5nxRUpC9bFoH6s2FsnSSVmMrqZub9sO7ifJhDkWwv2nOsN+3cjs9trEuG32MjT7NaJgeNW2HinNufMOpGxMxnD6tqyZS/Vw3bJ368ihxxxo4XL/ukdo6bvz4T6dEDnvE8rikZ2ssvQYK3ItjCiJxrUrZtcz7Y7ELfuYHh4eNg1g+zNEzE7Hev/+/Yvv0EvQzzvVj+616HJwa5SfuRrE/v6q3nRVQ9f3UZXvy3R/ue+u7r0Exr5T8+wO3iPMzuzeAUHr7e3bt8v10zEMbzAYDAY3gasZ3vl83lgbq6aKKSbgMt9SdhzbxjjFhqQ84uJk3D8tHdcKhyyJVhItSBczTL5tZ/HQOqMll1icGwPnyLEhqj8IKWZZtbXGTqdTZHl3d3c2htfjsQJrwThfbtyMR1DM2bVeSe2amHHb1zc9Cim24jJg9RnXDDOXXYYv1x3P07XMYkxUsTyy9iNC1ymDsYOxIq0Lx/CcYPNq7XzxxRdP8yX23Of4H//4R1U9i0eL4WkOJO7cx53aTjFmp3H1TG+yspTp67wR13hRkpcmZXw6hpcUpegd6efO/aXmvv1+otdmT72p/01Gp/fF3Htc07VxmxjeYDAYDAYN84M3GAwGg5vAZyWtCHTJVG0DlXTBiJquRJ2ZvMJA+arXHIWGXeot3XRJjsx1kU6uWrojHMVOAeEjSR9MBEidgd1+ktu3Jx5Q4odJP84dQffHXlnC3d3dxqXZ105Kb0/XqZ+D9ifZpnS9+vh1fZM7vI+bY6Tg8Co5gi5kujS7q4zbpnILJlS4xDF9pv3TvbsqaeFY6B5z6f0soGYxuCsJOeKKYsKTEyH++9//XlXP11+uTQpPOHca98tX53Zn4T/Pxwk20A2aSrZ47h1M7WdYZJW8sXIZC0zu4v5WY2X/yNQXr19LFtbz2S/XdEcq7zmCYXiDwWAwuAlczfAul8sm3dmJ+TKIT4birCYhMbxVoWQqlVil/JN90iJx1uBeix9hVdqQBF+d3JpAFpiKst15ku26lhwpOSVZ/KvzSTidThsW14uHv/32W3uOK2aq9SWrUoLCXCsurfqoTJOTCVulWFetC465L46jzycTasggVm2wuGY5VnoL+ns8T47VtXgRKPru5ojbrK6BCs/TvVb1XKqg5JW//e1vVfWcsOPGkkQjjjDhJG+1EmjnnDJ5xQkrpHIAXhe+3z/T/lNZxepZlY7jCs+TF2pVzsFSFkGJSe66pUS+IxiGNxgMBoObwNUMT+nlVd4CIoNjEflK+JOWFJmeQyol0BgZp0nn1MfkBIATo0tMop8L4x+cC7dNkkwTyApdjDLN20pmi8wlFfS7z169ehVT3BWHocXW2VqyjhPb7ecoC59SaKtyEYFitynm2ffjZKD62Fz5Bgu+OX9OkDixDTK8znr2YpFcb46F8PqTLfYSA7FrgtZ7/16P+1b97/2b7tHT6VT/+te/nu5xjUHXuuP7779/8fr1119X1TNjcO2tksgy15+bJ8KVpXCbxOxXsfzEzlla1e8Nnldiax28BxPLXYmyk9mlkoaqbeyOheZO6GAVY9/DMLzBYDAY3AQ+qz2QfqGdUC6tJjZzTa0qqp5/5cnWmHnZZZsEWiAr0dgEjq1vQ3kmSjuljK8O+u6T5FfVlm2QOax87GRPnD8Xo0wF5yvrifvZY3gfP37csM5+3BTXoYXoWq6Q6TFG7GK6LOa+pomnO7/V51VblpQyPB1b55pJbKS/lzIhU7Yo99O3pSeh34NdeKBvw4L6ldzWqvBca4dj6OPmGL777ruqqvrmm2+qquqnn36qqufszT4uFjIzlu+YMJ8nOq625fOug+suNUHt55Vkx1Jsj+Pt4FpdMcq9OKdjlDw+x+4yVzVfLDR3LJH38hHJN2EY3mAwGAxuAlfH8B4eHmLsoWrLOFKjxJUcGffBdidOloz/6zvO0kqW5F7mXdV+ZuIqNsl5o3isE1dOMbUjdUw8HuuzXH0Zx7SS5iIDWrGb8/lc//73vzf77ZYbpYloebPOq2pbzyfZOUqLKd7jsvRS7ZRrAZPiY4mBuW3owWDNo7PMOccrVpjaKfH8nIQe2R+tdFnePYZHuUBdY56Xk4fSvLmx9P3//vvvm9yBHtehEPc///nPqnpmDGJ4TmQ71Rgmr0o/Hs+RXqq+vlOTat7jfZ7IXIWU4dlBRpxaVzn2lNpQpfq8vl+uP3opXP2vYnZ6JXvr4yHjvr+/PxzHG4Y3GAwGg5vA1TG8+/v7mG3U/071O2zF00HLgMK5jhUy7iOLi22J+hilukDfMn3qq/NiNlaqX3JIdWbOiqE1yAwox/RojScGtqptSRZkvwbc/8rKkpW+YqQat65dqpPr17w3n616KSzex8QMv6rMuHk+joWSkdBKJzvtYHyR2cEdtGYZZ2Srob4/znW6b/v5Jcua8WCXAZyygt0YeQ+sBIAvl0t9+vRps/ZdLFfzpDUkhieG39fol19++eIcOTbe486Dwfudwt0uZrynuOSuR3oOpGvckfIYXHNsHjetFfdMZhxT8XTOUb9ujL2z9jplNPf99bySPQzDGwwGg8FNYH7wBoPBYHATuDpp5f7+fkmj6aZj0FvuRCc+mwpjWVzpaHTqmi6q7FKYWVKQCkI76J5JaeKdgtNlwGC1KwRPbk+6X13hcXLVcZtVmjjdOkfKE1ZQ0soqKK7x6Fr2ouQ+buf6ZcIE50luxJUgeHJH9rmlWyq5D/s+uI4oFp2+1/ebCo/p9u9jSvfTEUkmziP7JTKUULV1afE6uvKHnhiU1tH5fH6RtKL10BNnuLY5ThW9rzrDM+GNIgYuxLHnSuvb8Pw4pzqfPrepzx7T9leyZEISVFjdv1zvqQDdnReTlzTmXtLC76byMZeg5FzlexiGNxgMBoObwGclrQiuMFdg19tUbFu1DQ7TMiBL7FYFk1RcwknVy2QGpnIzoE3LuG9D1iGQFa5kiFIAehXgJtOj/Jmz7PYYrBPHZnIKt3GFrRybw+VyedER3XX3TkX2FIju2JNEU9KCzkdSU1VbJsdreET0NiWvOCbB/fKecKwhtZQRtG1njSmdPpW6uLWj8+O+lO7fWYhjcPxO1Ut2zXt8ZaWr8JyeCce8hcSmuhyZUuDTc0BjkvRcv49TcTo9Wy7hif9zrl3hOeeS/7si7D0mvyqKJ/g8cOUJZKpcD3rflWrQ26TzW5WiuaSrPQzDGwwGg8FN4CqGd7lc6nw+x/hc1dbfvYqHCbL8klWZCpA1po5kMXS/cfJZ01/ej8PzkUWdJHj6+SbR4FSI2vdLy5ExCjeviZ2lYuIOjj+x0759t2aTpa4YDeM6K4+B9q/10VsJpXPm3FI0uI9PaenaP612V6DPz5IQcz8O49ZMXRdWJSYpHd3FHVN8h5aw85jIkmbBs/av+ewxFcaRua3+7yyUDGGPjZxOpzgX/VzJmskUnLgD5bvI7PW5mF7/rkC24eZ8r8SA41ptk4QoVvd0kgtcSYtxLnidXK4Cn4ksHVp5snSevI9X3p2PHz8uvUsvtjn0rcFgMBgM/uC4uybD5e7u7vuq+u//v+EM/gPwX5fL5R3fnLUzOIBZO4PPhV07xFU/eIPBYDAY/FExLs3BYDAY3ATmB28wGAwGN4H5wRsMBoPBTWB+8AaDwWBwE5gfvMFgMBjcBOYHbzAYDAY3gfnBGwwGg8FNYH7wBoPBYHATmB+8wWAwGNwE/gfxWT9oo+jPNwAAAABJRU5ErkJggg==\n", "text/plain": [ "
" ] @@ -1261,7 +2268,7 @@ }, { "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAKIAAACoCAYAAABjaTV9AAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMi4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvIxREBQAAHytJREFUeJztXWuMXVd1/tadscceex72xDaxTZzEHtmloU4BC5M25aHgJiLghBQiObyShrpAEESEiigKTaugJpS2gBVUSuOSigRkobjI1A40DkncBGgrKAq26gSFlDi2Er8mtgePPY/TH/esO2u+WXvfc66Ncm61P2l07z1nP8+c/e21115rbcmyDAkJrzRqr3QDEhKA9CImVATpRUyoBNKLmFAJpBcxoRJIL2JCJdD0RRSRD4lIZv6Oi8jPROQmEek06Z4Tka//phqa133HGZahfTn/rDSqIhCRO0SkrfVwnc2TNPAeAPsA9ObfNwFYCOCz+f2rARw7q607+/hXAG8CcOCVbshZxj8CeOiVbsSZoMyL+N9Zlv0i//59EVkB4BPIX8Qsy356tht3tpFl2UEAB1/pdpwtiEhXlmWnsizbhzpJtC3OREb8TwC9IrIQmDo1i0hNRB7Nr/VpBhF5rYicFJG/tgWJyJ/k0/2IiBwSkXtFZH6oYhF5fT7F/r659vH82p3m2mB+7R3572lTs4hsEJGfisgJETkmIk+JyEaq780isjMXS4ZF5HsiclHs4YjIp0XktIgMOPf2iMh3zO+/EJGf5PUfEpFHRGQt5XlL3vZ3i8jXROQggBfze9Om5lx0+qGIHBGRIRH5kT4Hk+b8vMyNIvKXInIgT7tNRJY67f5w3s6TInJURB4TkUvM/W4RuVtEfpn3/ZcicpuINH3PzuRFvADAOIATfCPLsgkA7wPQA+CreSNnA/gWgN0AbjONvwvAPQAeBvAuAJ8GcDmAHSLSEaj7pwCGALzNXHsbgJPOtTEAj3uF5C/yNwA8BuAqAH8E4GsA+k2adwDYmffzfQA25P3aJSKvDrQPAB4A0AHgWqrz9QB+C8A/m8tLAPwdgPUAPgTgJQCPi8hrnXI3ARAA78/ThnA+6lP2e/I2/BeA74rI5U7aWwGsAHAD6rPcm1B/LrbdXwDwDwB+AuC9qD+LxwGcl9/vBPA9ADcC+BKAK/L6bwcwhXhcZFkW/cs7mwFYifpUPg/ARtRfwn8x6Z4D8HXKe3We9/q8E8cBDJr75+flfJby/V6e7ypzLQNwh/n9HQA/yL/XABwB8DcARgHMza9/C8CPnL6cn/++BcCRJv3/BYCddK0XwCEAX2yS998A/JCufRHAUQBdgTwd+XPeC+BL5vpb8rZvdfLcUf9XBttRy8v8PoDv0PPPADxK6W/Jry/Of6/I/09/G6nj/XmeP6DrtwE4DWBh9FmVeBHt3zjqI3p+7EXMr/89gBF9Ieneh/Pry/MHZf+O2Y47L+In8nJnAXgdgAkAi1BnrivyNC8C+KvIi/jm/Pc3AFwJoJ/aN5jfv8Fp3zYAP2ny7PSfsyL/3Zm36auU7jIAPwBwmJ7zQ86L+IEiLyKA1wP4bl7fhCnzf5wX8c8o7x/m19fmv/80/70q0tf783eAn9OaPO+7Ys+qzNR8dV7oKgBzsiz7QJZlRwrkuw9AF+rTzQN0b2H++QvUmcz+9QCYJl8Z/CAv9xIAbwXwsyzLXgTw7wDeKiK/nZf/SKiALMseQ33qejWArQAOisjDIvI71L57nfZd2aR9APAggGHUX0gAWJeX2ZiWReR1ALajPoD+GMBa1J/zz1AfZIymK/5cZNgJYD6Aj6P+jNagvrL2yuT/46n8U9NqP2MLooUAlmH6c/oPKsNFmVXzz7PJVXMhiEg3gM0Afo46u9wF4GaT5HD+uQ716Ypx2LmmeAr16fFtAH4Xky/cI6jLMM+jPiU8EWtjlmXfBvBtEZmLOuvcDeChXFjX+m9FXYZlnG5S9rCIbAVwHYA/R12uejbLMtuma1CXY9+dZdmoXhSReajLwdOKjdWZ43IAfQDem9VX1Fpmd4G8Hg7ln0tQFxk8HAbwS9SfvYfnYhVITqvhBCIfAvBPAAb7+/ufWbx4ceOezfvMM8+gu7sbCxfWSWR8fBwHDx7E8PAwzj33XJw8eRJHjx7FggULMHv2bADA6OgoDhw4gHnz5mHu3LlT6uV27du3Dz09PejrayzCcfjwYYyNjWFsbAzz58/H7Nmzcfr0abz00kvo6upClmVYtGhRI/3w8DCOHDmCc889F52d/hg8fvw4hoaGsHjxYtRqNRw4cABdXV0YGJg6oEPPja+PjIzg8OHDGBgYwJEjRzB37twpfRgaGsLw8DAWL14MEWnkOXToELq6uhrPc2RkBAcPHsSCBQswa1adqDT90NAQjh07hvPOOw8AcOzYMQwNDWHJkiXo6Kiv98bGxrB//350dHRg6dKljWsvvPAC5s+fj56eniltfvHFF7Fo0SLMnj0b4+PjeP7559HX14cFCxYAQKNcbcPLL7+MAwcO4MILL0RXV1fj3v79+3H06FFxH5ZBGUbEkiVLsGXLFoyPjwMAfv3rXzfurV+/HhdffDE+8pGPAAB27tyJTZs24frrr8fatXVNxJe//GX86le/wic/+Un09PQgyzJs27YNjz32GC6++GJceOGF6OzsxNDQEJ5++mm88Y1vxIoVKwAAt9xyC9auXYt169Y16nzyySexdetW1Go13HzzzZg9ezYmJiZw++23Y2RkBOvWrcMVV1zReCg//vGP8c1vfhM33ngjBgYGsH37dpw4cQKDg4Po7e3F0NAQduzYgSVLluBTn/oUAGDPnj3YvHkzBgYGsHr1asyZMwfHjx/Hc889h/7+flx66aUAJl9A/pyYmMDdd9+N0dFRZFmGjRs3Nv6ZIoK9e/fi3nvvxcKFC/GGN7wBhw4dws6dO9HX14eBgQF87GMfAwA8++yzuOeee3DNNddg1apVACZfhu3bt2PHjh34zGc+AwA4cOAAPve5z6G3txdvf/vb8fLLL2Pbtm0455xzMDExgVtvvRUigkOHDuG2227DlVdeiUsvvRS1Wl1S27t3Lz7/+c/jgx/8IFatWoUZM2bggQcewEMPPYQ1a9ZgzZo16O7uxt69ezE4OIjLLrsMtVoNH/3oR7Fv3z5cddVVGBwcxNjYGO68806IyPdRX3hOvjBn8iIWxcGDB7F582ZccskljZcQAK677jrcdddduP/++7FxY11V9853vhMLFy7EE088gSeeqM9Y/f39WLFiBc4555xoPcuXLwcALF26tMEStVoNy5cvx+7duzE4OBjNv2zZMuzatQtbt27F8PAwenp6sHLlSlx++aSG4zWveQ1uuukmPPzww9iyZQtGR0fR09ODZcuWYfXq1U2fRa1Ww+rVq7Fr1y6cd9550/q0cuVKrF+/Ho8//jieeuopvOpVr8K1116LnTt3Ni07hMWLF+OGG27Atm3b8JWvfAULFizA1Vdfjd27d+Ppp59uqcwNGzZg0aJFeOSRR/Doo49i1qxZuOCCCxoDsbOzE5s2bcJ9992HBx98EC+88EJjhgLwJJqIMU2nZouLLroo27JlC06dqsuyw8PDjXsjIyMA6hQN1Kc4ex2oT8VAnSWAqaxhP+29RkPzKUCv628vTexeCLY+245m6bkv3vPkNsfawmmUpWwevqa/9dPCy8+/Q+Vou60Y091dFzNnzJgBAJg3bx4ANKZjAJg5cyaAOmNv2LABe/bsaTo1J+ubhEogvYgJlUBpGVFEGtORLlqA5tOu/c6fsWlNEbvXbNqN5ffq5nZ55fP0HeuDpvWmTgbXFWtDqG6bVuvmVW6sHO5/LucBmJx29Z6KabZcratIfxWJERMqgdKMWKvVGkw4NjbWuK6jhu9Z5rAMasHCskWIETzhvQhCLOwxdwxlFnnKEKEFmP3OCwbv2YQWJ/pb6+M6vLQW3D7v2SgD6uJE/++2Ti27q6ur0GwFJEZMqAhKMaKIoKOjo8F2Khfa78yEHguGRrQ3es6EET1m07TcLssGrCoqwn5lVDIxllNm4U+bVtUpoXK9umNyJOfXZ6Npbd084zFD2nvj4+OFZ47EiAmVQGkZMcuyKCPyitjKDvpdR3RIdvIQkp34uy3Pk0/1U/NoGm+lGVrde2ilDx7L6acqjPm6vVfm+Wka7b83W2h5PFvY3/q/17T8f7ffy8jRiRETKoH0IiZUAqWm5izLMDEx0aBeq+hkyi8ypeh0aKdvRWhx4gnmnNZbKFkB2n7yde+aV17I2saDto9FEttvnopVcayfet/LzwsQO+WziORNzSyesALe/p81DT8jq8orIzIoEiMmVAJnZAbmMYSOIjXL0hFtvzMzxkZQSC3iKVCZuWz7WCWhI1itg+yoVwGc89g0rKaKKcG1fcx2drZgBlR1CC/wbHms2tE89jlqHzQN981C82kaj2E5v/4ObQMm9U1CW6E0I05MTLhvOY9Ob9QrS1p5x+bxEJKvbLmchtkOmC7L6EjWPFYVpWmY9axFujIAq0W8Z6P95f5bVmcGjNkj8rOIPT9Ny3KfLY/7UETNxDKnZdgiW6SMxIgJlUDpVfP4+HiDKbyR4uVpBi3PptURF1pp27o5DW+BAVMZD5hkNE3jrUr1GjMkMF02jG3xKduFZGObn8spskWqbfCUy7ylyXm8fDHjDJaxPUMLmy8ZPSS0FUobPXR2dkY32Xl7zTKXspBulCss0yh0hGk5Kl95bMzyqLeSDbEHt5v7G6qTGSDmP2J9OELQ9qhcy3rFmNzFK1fuGzDZP68NLN/qp7bb6zc/Y1tnyE8mhsSICZVAehETKoGWLLSVulkNA0zfQrKKTlV/FLHOYOoPCegWOn0rbPmsTLb94b6weOGpeFgJz4sWO53xtOhtK3J7FKxcBiafqX6ySspbXPCztotLnq61XSpCef9ndjm1z0bzJXvEhLZDaUa0o9gb9awctelVEGdG9ViOmSW2feexr63H1qWfGn+HVTW2bL3m2TcyQ7MQb8vzbDO5fTwDsALeshzHvpkzZw6ASSay7MTqFu6jh5CHIn+3v72+jI2NJUZMaC+UVmiPjo66IzzEhHZ0cj5mE2/kscWywo5oZQJmRI81WVVhY+YouC5mIAA4cWJqxGaVPT0Zka95aixmrph6SdOwwl3rsXIwG6Ow3GuvsdznmXixD0xMOV9mqy8xYkIl0JLPijKEBlzS60BYYQxMjhrNr1tfygyefwszLBsbANNlTy3XG/Walg0l7IpbmYa3/zwZkbcTtd0qg9r8bERhGVHv8YrYW9Xrs9XPmDldKMKD5wXJjBiLWqH5tZ+WhS0zpy2+hLZCaRnRevF55vV8z44UlgmVEdiYFphkGh1x+/fvn1K+HWlah7KI/tbVpK1Lw+UxvNgtvKr3GJtZKOZlWCS0HrOTPhPbF73Hof96e3sBTDVX03v9/f1TPi00fWirz1sLaNvZeITvpVVzQlshvYgJlUBLFto6XdqIsbwQ4YWDvcYCuOaxAj5vHbHQ7fmjsFrITgs6tbFi17NyZrWD53jOCw79rX3w/FHYZtNT8Whd+tw0QqsX9oOnvZMnT4Khz5j9WbRc23beMoyFbGExwz5X7e+pU6fS1JzQXmjJQttT2ioTKEPocRWeCiUUTsOOaP3OCxrP34OV1ayiAaYruzlolB3RyhaaR9vn+cBoO9kwwmN3ZSX2qLNpeOtNFeeeUYbmZ3WThT6nY8fqJxgzc9v8RXxgONSI5g35fCdGTGgrtGT0oKPBUyorQ3jWvcoazAiqGLcyp6cWsGV4I42V6pZhWTHOSmrLdrztp2oSz88j5gvCdWt7YqGQOb/H2FxXLApGSO7z+qssyYzonfbAfkae6Vna4ktoO7QU+0ZHtlWc6rWQv68HZRXNG/ON5dWyp2QtYr7EK2qWQe01Ds9r28dbcGziZeU/u4r0+hRqs4VneMDPxGOgUIhmW48+f73HxsO231wnG2DYa8kwNqHtkF7EhEqgJXtE65OgYGHbU6EwTVtLXr4f2o+NKVm99oausULWK5enrFid3H87lfKU7PnPsL+J90ya9cVT5Iec5b1ATSpuxEQchdbludqmkCMJbYvS6puxsTH3jVdhlW3lLEILEIXHbLz1xYsOL79nocPl8Sj3FgPM6lYd5C1ggElViGVBDhvnKY65n6yk92aWUF+8/nJe71rIit3zJbJbt1xukeCljMSICZVAaRnRYw69F8qjCMkO3shmxmPFcWxkx9oRksHsCFe1FCvuvS05VodoGi+4JYfN87wMub+eorsZ48TYyZO9Q2exlGHaWMCrIkiMmFAJtLRq9pTUocBM3ugMMaPnJx1aNcfY2BvRzKTcXquQVllQr3l+MgxW9HrW6yxzerJXmZM9Q8+x7GzBbSgig7LPj4VVdieFdkJboSUvPg/s8WY31TmNInYeXihPLCReEbAfhtdeXn3HAraHjpiwYM9G7zxAroOjTFgzNpZLi+j9GJ4XX0jn6M1UMZndM5ZthsSICZVAehETKoGW3Ek9ZS5PLSrE2iklZgFir1vE1AShtN4ChKfkmGsn2/vFbA1DTulFDvq2dbKYwuFZvNBw3PbY1lpMdOD/S8j91baHRQYv6FToBAoPiRETKoHSMbRrtZqrkA0dNu0JsTyqYqMmtC0Yc2D3GILVDMwM1gCBFc+eiqKZvaQXAIBVHnYbkL0CuS+xExxCR/8CYSaMqXjYCt4LtRKyc7T9jdmiMhIjJlQCLVlo64ixodl4VHqGByEjhxgjslxVRNZRWObgYEm8eW8ZUa9xiDhvBghZS3syIp/a5CnlQwece6cBhGREy04hH+iYqVjs7BiP8W0fm7U5hMSICZXAWdvi8wxCAT9CAQeU9EZtSH6Mne3M/iOxs+7Yl9caPWi7WAPg+WWwrMjsZ9vHsp0NOsWMyLJ2TCaOhTkOndNcxECE+8TfbVqbR1fS3d3dKSxdQnshvYgJlUBL6pvY4YOKMk7WnqVJaOrwlMOhg7S9KYoPaGTraWDS0Zytrb026R41u1VasYB9VLxFGgevUnhTHy92WBSx4lFoUeXVoWBRJ7ZoUbTip2KRGDGhEmjpUEjvXBNWIXhL+JC1Tcy3RMGsacsNhUrzIryG7Py8gFKxNoTUVV4AAA614oVN4Qi7RQ545IVHbLsyth3YbBsuxnax2Sw52Ce0HUrbI3Z2djZGrQ05ElI7eFbIoc11D6GAQ14YND443DtvjhmriFeghqmzLKeyoTJWTP7jEB5FjDuYPb3twBgThtJ66pvQ/8WTT4swXBkrc0VixIRKoLSM2NHRET2VVOEpV0NK6iLMyCZZnhzETOgZK3AeXiEDkytfZUK9Z+U1DhPMltUxMzDtv7UK98LFcTmclp+n5y/DTOixcRkL72YW+sBURkwK7YS2QmlG7OrqclfEnmEAI+Q3W2S1x/AYJ8as3GbVG2qQ956enkZa/c4BO71tNo7MEAPLqbZvHJqPP2NmW0W27UJ5i9wr4r3oPZsZM2YkRkxoL6QXMaESKDU112o1zJw501UYK0ILEe9aEfUD5/EitLLCWGG3ungR4S24FDwVx2wr2bKGTyuw4OnWS8Oqj1hAqTJTcquhWoqW26p7b6OcM8qdkHCWUFqhrYYPgG+VGwrpUQSxw7ZDG/xeHbHAn1qeKoiVyaxynlnJO9bWC1bqtcHWHYvsr9/ZwKJIEKYiBib8PGPxtlnB7Sm/YzOU3VhIi5WEtkJpRrRKypjlrsLb4mPEVAAhhi3ixWeh5agMx6cC2PbrKU3sUef5cbMc6bExm81xUCZ7LeSR5ymp+RkVUX4XkRWLyPm8iWBlbtuuZPSQ0FZoyQxMFb32EO4irNSM5bxgP6HtO88MTMEGDfY7r1g9XxtNw4wYM3niE55s3cxqMSV1yP/YO+uE5edYkKgydcaMHkLPwtuMSH7NCW2H9CImVAItxUdUwdQKqCHFZpl9Sm8BErK+9pzIOa+FN11b2DJ4/9hTebCimRcrsQBV3pTHyu2Yk3vI3dNrJwdzOtNTCkILI+9/VwaJERMqgZYWK8qE1vKYneVjI88rl+83U4jHVCmKmII8pGS2fdE8bIUNTA/UxPD8UWJbe8xK3C7vOTITxhgtZjlfhhFDC0xvsVIGiRETKoGWtvg83132tfUYjWWkkNrAuxZjSPaK82SwkLznHTHLchX30dYZUmcUCYRkmZHbx+3yWCa0FemprZqd+uWhzOaBt+WagjAltB1KB2EaHx93GZHNrLyRGJJBioxOVuzGfJZjMlLIQMI7XZPZzlMq89ahx7AhIwJPJubVuGfiFlJke/JkSIsR8yTkcmP+N57Rg72XjB4S2gothaXzttl48zumB4ttISnKGFxyfs8zj0cuM5ddETPDeqHmWCa2ZmS2fNs+9oWO6RFjswYzl5ZXZGszJj+HzowpwoixZ1MEiRETKoH0IiZUAqXVN8AkddtQbjrtsO9GkbM/YlOzwnNcV3AcbHYVBaZO08B0JXNMCRs7+DCmKFboVKUigxc+jhclIXWOzafXNK+ndgoFvooFYYpZRfGU7P1fmm2nekiMmFAJtKTQ9gT8kL2gDdPRih9LaGFjDS40NEhvb++Ue5bJlCVZsPds+VjN4oXyYMbStLposWzACyU7kyj4EMiQj41FSM3iLURiCKnVYgFP9Rq32+ZLQZgS2g4tqW+8JXsoGGXM6KEIM4ZGlx3pHNTSM0gIhTXmo2ttWvZriYEV0J6cpvc4fLKtI2QYYWVc7m/IhMy2i3/HlN78jLxnEzK4sPWnLb6EtkNpRjx9+vS0VRowfZSzLAY038j3ZJtmnn82H8tRlkX0XiiKg8dOMWbgtNo3lVdt+1iD4G0DKtiHuohin9sX8+fhPDZNM4Nbmy9m9GH/v2mLL6GtUHrVPD4+3njL7apZR5PqylSvaJkm5NXlrdp4Iz9mmh4yQfNWcmzk4BlRFGFCBjO4dzIqr75tMPzQcREea3qegl5eW25IP2nbrAht4wHTT+7yjDLsNm/ya05oK6QXMaESOGtBmPh0pZgdXWgh4i1A2PfFmyb5gG9PAa35eVrU617Ufk3DJwbYNLxlxvUA061ttL12alaELFc8dQuremIh8RSxIAGeWo5/swent/3pPYNmSIyYUAmUZsSOjo7oYkBHiqpzbKAhT+1j4S31WeURq5s32z2bwJB/h2UKZSpeMHgLGi9Ikvc71HZuH7O790yYCdkIwrP8VngGCaEtQo/1eCs35kudtvgS2g6lQxd3dXW5MoiOgrlz5wIAhoeHAfgqnhCLeAipRWJWyJ6MqO3QtDFTJTZzi4V7Y3aPhRNmBvNOd+VnpNet8QgbRsQU5EW8IJX5eCuST/Ky19gSP+bzUwSJERMqgZZi3yi7xAw7NY1lRJZ/FDEWCclVntEDK6vtKNV7bKTqbW+xQUQRP11mpVhYOv1tWS7k8+0ZcLA8yTOAZ/RQxASPA9x7/WUfcvYBsnUkhXZC2yG9iAmVQEvH5PK0AUzfu2X/EWBSlcPWvaxc9hByJgemW7d4FitaB9saeor30HQS88vgyLOx9nmLKc7HbYgd9Miwebl/XqABz2rHpvHUNxy6z6aJRacNITFiQiVQOixdrVZzPd/4Giu47TUWeL1tIh71sdBpITtHb7Gi+ZkhYw7ioa0viyK+IdxOTwms4FAmHliN4z2bkKekZx0UsmLytmn5t5cmy7Jkj5jQXihtoW2X5N5GvI4GlQ2t2kEtpnmUxtQ3IQtlj01iNoyhIEyeysMLzVwUMR+OIornUJoy1uueAp7Z0mMw9kdR2OcQCnhl25tCjiS0LUrLiNYMzGMMlqPsqFCf39B5IzHfYh7RsdM/Q+wHTGcsllft95jsVUR25bRlUGTFGeunIiTveSZ8vMJm7Ya9p6yn5nN2xe2F+muGxIgJlUBpRpwxY8a0zXFg+ipZR4oXkYENTz1GbOaXEfOXjgXCZDnS0wCEjDJinm+xUHshA4kYC8fkZgbLfTEZMaYl4E/NY3XB3L5YXCARSVt8Ce2F9CImVAItWWh7h3eraiYUhxkAenp6AIRDZHjWPDE3TUWRCLSKkI9JkSBMdmpudtpVTL0UC+oUCsviiRkhlYw3XYaso2w5rJrRPDZQgS44OY+nINfFbREkRkyoBEoxYkdHB/r6+twQaTpqYgEmNXAmb7cpbLmcJhYI07avWRpFEUYMtcFeY0V0kS1Ij7nLGAiEHOI9hXRI1eadi1LEplT/RyHbUtuXFIQpoe1QWn0zc+ZM19eEt/Y4mBAwuYHf19c3JU1M5cGjKhQwyEvjWTVz+d7vMmGJQ/Kpx3axMCIhxKzWFayQtvd5u9LbHmSZkMPn2bRch8d+to4kIya0FUp78c2aNcsN1K7sw6PIyhcKHUUaatgzpGTWYDnLkz9YRvRWuTxCY158MRZl2ZIZwjNkjRm0hur0GCW0ui1j0ub5aPMq2WNYZk3PTM0LVtoMiRETKoH0IiZUAi052PNxXxas6PQUp7qA0WlIFy+eRTU7mHtWN6HIs56NXGhf2rOtLILQYiUWsMmrJ7QAiU3NPEV7Z540W9jYfFoen0ljVT+hhZYXr9z6NzVDYsSESqC0+mbWrFmu5xsreHlUAdMtc5iNvNHDkf0969/QiQPWaiRkq1hksRIL5RYqJ6Z28foZCkPnWXyzlY23SAmVyyFDgOmhVTiAguehxwscDTHD7UqMmNBWkJJbSwcB/O9vrjkJ/w+xLMuyBc0SlXoRExJ+U0hTc0IlkF7EhEogvYgJlUB6ERMqgfQiJlQC6UVMqATSi5hQCaQXMaESSC9iQiXwf/I5AehCCRTaAAAAAElFTkSuQmCC\n", + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAKIAAACoCAYAAABjaTV9AAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4yLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvOIA7rQAAHytJREFUeJztXWuMXVd1/tadscceex72xDaxTZzEHtmloU4BC5M25aHgJiLghBQiObyShrpAEESEiigKTaugJpS2gBVUSuOSigRkobjI1A40DkncBGgrKAq26gSFlDi2Er8mtgePPY/TH/esO2u+WXvfc66Ncm61P2l07z1nP8+c/e21115rbcmyDAkJrzRqr3QDEhKA9CImVATpRUyoBNKLmFAJpBcxoRJIL2JCJdD0RRSRD4lIZv6Oi8jPROQmEek06Z4Tka//phqa133HGZahfTn/rDSqIhCRO0SkrfVwnc2TNPAeAPsA9ObfNwFYCOCz+f2rARw7q607+/hXAG8CcOCVbshZxj8CeOiVbsSZoMyL+N9Zlv0i//59EVkB4BPIX8Qsy356tht3tpFl2UEAB1/pdpwtiEhXlmWnsizbhzpJtC3OREb8TwC9IrIQmDo1i0hNRB7Nr/VpBhF5rYicFJG/tgWJyJ/k0/2IiBwSkXtFZH6oYhF5fT7F/r659vH82p3m2mB+7R3572lTs4hsEJGfisgJETkmIk+JyEaq780isjMXS4ZF5HsiclHs4YjIp0XktIgMOPf2iMh3zO+/EJGf5PUfEpFHRGQt5XlL3vZ3i8jXROQggBfze9Om5lx0+qGIHBGRIRH5kT4Hk+b8vMyNIvKXInIgT7tNRJY67f5w3s6TInJURB4TkUvM/W4RuVtEfpn3/ZcicpuINH3PzuRFvADAOIATfCPLsgkA7wPQA+CreSNnA/gWgN0AbjONvwvAPQAeBvAuAJ8GcDmAHSLSEaj7pwCGALzNXHsbgJPOtTEAj3uF5C/yNwA8BuAqAH8E4GsA+k2adwDYmffzfQA25P3aJSKvDrQPAB4A0AHgWqrz9QB+C8A/m8tLAPwdgPUAPgTgJQCPi8hrnXI3ARAA78/ThnA+6lP2e/I2/BeA74rI5U7aWwGsAHAD6rPcm1B/LrbdXwDwDwB+AuC9qD+LxwGcl9/vBPA9ADcC+BKAK/L6bwcwhXhcZFkW/cs7mwFYifpUPg/ARtRfwn8x6Z4D8HXKe3We9/q8E8cBDJr75+flfJby/V6e7ypzLQNwh/n9HQA/yL/XABwB8DcARgHMza9/C8CPnL6cn/++BcCRJv3/BYCddK0XwCEAX2yS998A/JCufRHAUQBdgTwd+XPeC+BL5vpb8rZvdfLcUf9XBttRy8v8PoDv0PPPADxK6W/Jry/Of6/I/09/G6nj/XmeP6DrtwE4DWBh9FmVeBHt3zjqI3p+7EXMr/89gBF9Ieneh/Pry/MHZf+O2Y47L+In8nJnAXgdgAkAi1BnrivyNC8C+KvIi/jm/Pc3AFwJoJ/aN5jfv8Fp3zYAP2ny7PSfsyL/3Zm36auU7jIAPwBwmJ7zQ86L+IEiLyKA1wP4bl7fhCnzf5wX8c8o7x/m19fmv/80/70q0tf783eAn9OaPO+7Ys+qzNR8dV7oKgBzsiz7QJZlRwrkuw9AF+rTzQN0b2H++QvUmcz+9QCYJl8Z/CAv9xIAbwXwsyzLXgTw7wDeKiK/nZf/SKiALMseQ33qejWArQAOisjDIvI71L57nfZd2aR9APAggGHUX0gAWJeX2ZiWReR1ALajPoD+GMBa1J/zz1AfZIymK/5cZNgJYD6Aj6P+jNagvrL2yuT/46n8U9NqP2MLooUAlmH6c/oPKsNFmVXzz7PJVXMhiEg3gM0Afo46u9wF4GaT5HD+uQ716Ypx2LmmeAr16fFtAH4Xky/cI6jLMM+jPiU8EWtjlmXfBvBtEZmLOuvcDeChXFjX+m9FXYZlnG5S9rCIbAVwHYA/R12uejbLMtuma1CXY9+dZdmoXhSReajLwdOKjdWZ43IAfQDem9VX1Fpmd4G8Hg7ln0tQFxk8HAbwS9SfvYfnYhVITqvhBCIfAvBPAAb7+/ufWbx4ceOezfvMM8+gu7sbCxfWSWR8fBwHDx7E8PAwzj33XJw8eRJHjx7FggULMHv2bADA6OgoDhw4gHnz5mHu3LlT6uV27du3Dz09PejrayzCcfjwYYyNjWFsbAzz58/H7Nmzcfr0abz00kvo6upClmVYtGhRI/3w8DCOHDmCc889F52d/hg8fvw4hoaGsHjxYtRqNRw4cABdXV0YGJg6oEPPja+PjIzg8OHDGBgYwJEjRzB37twpfRgaGsLw8DAWL14MEWnkOXToELq6uhrPc2RkBAcPHsSCBQswa1adqDT90NAQjh07hvPOOw8AcOzYMQwNDWHJkiXo6Kiv98bGxrB//350dHRg6dKljWsvvPAC5s+fj56eniltfvHFF7Fo0SLMnj0b4+PjeP7559HX14cFCxYAQKNcbcPLL7+MAwcO4MILL0RXV1fj3v79+3H06FFxH5ZBGUbEkiVLsGXLFoyPjwMAfv3rXzfurV+/HhdffDE+8pGPAAB27tyJTZs24frrr8fatXVNxJe//GX86le/wic/+Un09PQgyzJs27YNjz32GC6++GJceOGF6OzsxNDQEJ5++mm88Y1vxIoVKwAAt9xyC9auXYt169Y16nzyySexdetW1Go13HzzzZg9ezYmJiZw++23Y2RkBOvWrcMVV1zReCg//vGP8c1vfhM33ngjBgYGsH37dpw4cQKDg4Po7e3F0NAQduzYgSVLluBTn/oUAGDPnj3YvHkzBgYGsHr1asyZMwfHjx/Hc889h/7+flx66aUAJl9A/pyYmMDdd9+N0dFRZFmGjRs3Nv6ZIoK9e/fi3nvvxcKFC/GGN7wBhw4dws6dO9HX14eBgQF87GMfAwA8++yzuOeee3DNNddg1apVACZfhu3bt2PHjh34zGc+AwA4cOAAPve5z6G3txdvf/vb8fLLL2Pbtm0455xzMDExgVtvvRUigkOHDuG2227DlVdeiUsvvRS1Wl1S27t3Lz7/+c/jgx/8IFatWoUZM2bggQcewEMPPYQ1a9ZgzZo16O7uxt69ezE4OIjLLrsMtVoNH/3oR7Fv3z5cddVVGBwcxNjYGO68806IyPdRX3hOvjBn8iIWxcGDB7F582ZccskljZcQAK677jrcdddduP/++7FxY11V9853vhMLFy7EE088gSeeqM9Y/f39WLFiBc4555xoPcuXLwcALF26tMEStVoNy5cvx+7duzE4OBjNv2zZMuzatQtbt27F8PAwenp6sHLlSlx++aSG4zWveQ1uuukmPPzww9iyZQtGR0fR09ODZcuWYfXq1U2fRa1Ww+rVq7Fr1y6cd9550/q0cuVKrF+/Ho8//jieeuopvOpVr8K1116LnTt3Ni07hMWLF+OGG27Atm3b8JWvfAULFizA1Vdfjd27d+Ppp59uqcwNGzZg0aJFeOSRR/Doo49i1qxZuOCCCxoDsbOzE5s2bcJ9992HBx98EC+88EJjhgLwJJqIMU2nZouLLroo27JlC06dqsuyw8PDjXsjIyMA6hQN1Kc4ex2oT8VAnSWAqaxhP+29RkPzKUCv628vTexeCLY+245m6bkv3vPkNsfawmmUpWwevqa/9dPCy8+/Q+Vou60Y091dFzNnzJgBAJg3bx4ANKZjAJg5cyaAOmNv2LABe/bsaTo1J+ubhEogvYgJlUBpGVFEGtORLlqA5tOu/c6fsWlNEbvXbNqN5ffq5nZ55fP0HeuDpvWmTgbXFWtDqG6bVuvmVW6sHO5/LucBmJx29Z6KabZcratIfxWJERMqgdKMWKvVGkw4NjbWuK6jhu9Z5rAMasHCskWIETzhvQhCLOwxdwxlFnnKEKEFmP3OCwbv2YQWJ/pb6+M6vLQW3D7v2SgD6uJE/++2Ti27q6ur0GwFJEZMqAhKMaKIoKOjo8F2Khfa78yEHguGRrQ3es6EET1m07TcLssGrCoqwn5lVDIxllNm4U+bVtUpoXK9umNyJOfXZ6Npbd084zFD2nvj4+OFZ47EiAmVQGkZMcuyKCPyitjKDvpdR3RIdvIQkp34uy3Pk0/1U/NoGm+lGVrde2ilDx7L6acqjPm6vVfm+Wka7b83W2h5PFvY3/q/17T8f7ffy8jRiRETKoH0IiZUAqWm5izLMDEx0aBeq+hkyi8ypeh0aKdvRWhx4gnmnNZbKFkB2n7yde+aV17I2saDto9FEttvnopVcayfet/LzwsQO+WziORNzSyesALe/p81DT8jq8orIzIoEiMmVAJnZAbmMYSOIjXL0hFtvzMzxkZQSC3iKVCZuWz7WCWhI1itg+yoVwGc89g0rKaKKcG1fcx2drZgBlR1CC/wbHms2tE89jlqHzQN981C82kaj2E5v/4ObQMm9U1CW6E0I05MTLhvOY9Ob9QrS1p5x+bxEJKvbLmchtkOmC7L6EjWPFYVpWmY9axFujIAq0W8Z6P95f5bVmcGjNkj8rOIPT9Ny3KfLY/7UETNxDKnZdgiW6SMxIgJlUDpVfP4+HiDKbyR4uVpBi3PptURF1pp27o5DW+BAVMZD5hkNE3jrUr1GjMkMF02jG3xKduFZGObn8spskWqbfCUy7ylyXm8fDHjDJaxPUMLmy8ZPSS0FUobPXR2dkY32Xl7zTKXspBulCss0yh0hGk5Kl95bMzyqLeSDbEHt5v7G6qTGSDmP2J9OELQ9qhcy3rFmNzFK1fuGzDZP68NLN/qp7bb6zc/Y1tnyE8mhsSICZVAehETKoGWLLSVulkNA0zfQrKKTlV/FLHOYOoPCegWOn0rbPmsTLb94b6weOGpeFgJz4sWO53xtOhtK3J7FKxcBiafqX6ySspbXPCztotLnq61XSpCef9ndjm1z0bzJXvEhLZDaUa0o9gb9awctelVEGdG9ViOmSW2feexr63H1qWfGn+HVTW2bL3m2TcyQ7MQb8vzbDO5fTwDsALeshzHvpkzZw6ASSay7MTqFu6jh5CHIn+3v72+jI2NJUZMaC+UVmiPjo66IzzEhHZ0cj5mE2/kscWywo5oZQJmRI81WVVhY+YouC5mIAA4cWJqxGaVPT0Zka95aixmrph6SdOwwl3rsXIwG6Ow3GuvsdznmXixD0xMOV9mqy8xYkIl0JLPijKEBlzS60BYYQxMjhrNr1tfygyefwszLBsbANNlTy3XG/Walg0l7IpbmYa3/zwZkbcTtd0qg9r8bERhGVHv8YrYW9Xrs9XPmDldKMKD5wXJjBiLWqH5tZ+WhS0zpy2+hLZCaRnRevF55vV8z44UlgmVEdiYFphkGh1x+/fvn1K+HWlah7KI/tbVpK1Lw+UxvNgtvKr3GJtZKOZlWCS0HrOTPhPbF73Hof96e3sBTDVX03v9/f1TPi00fWirz1sLaNvZeITvpVVzQlshvYgJlUBLFto6XdqIsbwQ4YWDvcYCuOaxAj5vHbHQ7fmjsFrITgs6tbFi17NyZrWD53jOCw79rX3w/FHYZtNT8Whd+tw0QqsX9oOnvZMnT4Khz5j9WbRc23beMoyFbGExwz5X7e+pU6fS1JzQXmjJQttT2ioTKEPocRWeCiUUTsOOaP3OCxrP34OV1ayiAaYruzlolB3RyhaaR9vn+cBoO9kwwmN3ZSX2qLNpeOtNFeeeUYbmZ3WThT6nY8fqJxgzc9v8RXxgONSI5g35fCdGTGgrtGT0oKPBUyorQ3jWvcoazAiqGLcyp6cWsGV4I42V6pZhWTHOSmrLdrztp2oSz88j5gvCdWt7YqGQOb/H2FxXLApGSO7z+qssyYzonfbAfkae6Vna4ktoO7QU+0ZHtlWc6rWQv68HZRXNG/ON5dWyp2QtYr7EK2qWQe01Ds9r28dbcGziZeU/u4r0+hRqs4VneMDPxGOgUIhmW48+f73HxsO231wnG2DYa8kwNqHtkF7EhEqgJXtE65OgYGHbU6EwTVtLXr4f2o+NKVm99oausULWK5enrFid3H87lfKU7PnPsL+J90ya9cVT5Iec5b1ATSpuxEQchdbludqmkCMJbYvS6puxsTH3jVdhlW3lLEILEIXHbLz1xYsOL79nocPl8Sj3FgPM6lYd5C1ggElViGVBDhvnKY65n6yk92aWUF+8/nJe71rIit3zJbJbt1xukeCljMSICZVAaRnRYw69F8qjCMkO3shmxmPFcWxkx9oRksHsCFe1FCvuvS05VodoGi+4JYfN87wMub+eorsZ48TYyZO9Q2exlGHaWMCrIkiMmFAJtLRq9pTUocBM3ugMMaPnJx1aNcfY2BvRzKTcXquQVllQr3l+MgxW9HrW6yxzerJXmZM9Q8+x7GzBbSgig7LPj4VVdieFdkJboSUvPg/s8WY31TmNInYeXihPLCReEbAfhtdeXn3HAraHjpiwYM9G7zxAroOjTFgzNpZLi+j9GJ4XX0jn6M1UMZndM5ZthsSICZVAehETKoGW3Ek9ZS5PLSrE2iklZgFir1vE1AShtN4ChKfkmGsn2/vFbA1DTulFDvq2dbKYwuFZvNBw3PbY1lpMdOD/S8j91baHRQYv6FToBAoPiRETKoHSMbRrtZqrkA0dNu0JsTyqYqMmtC0Yc2D3GILVDMwM1gCBFc+eiqKZvaQXAIBVHnYbkL0CuS+xExxCR/8CYSaMqXjYCt4LtRKyc7T9jdmiMhIjJlQCLVlo64ixodl4VHqGByEjhxgjslxVRNZRWObgYEm8eW8ZUa9xiDhvBghZS3syIp/a5CnlQwece6cBhGREy04hH+iYqVjs7BiP8W0fm7U5hMSICZXAWdvi8wxCAT9CAQeU9EZtSH6Mne3M/iOxs+7Yl9caPWi7WAPg+WWwrMjsZ9vHsp0NOsWMyLJ2TCaOhTkOndNcxECE+8TfbVqbR1fS3d3dKSxdQnshvYgJlUBL6pvY4YOKMk7WnqVJaOrwlMOhg7S9KYoPaGTraWDS0Zytrb026R41u1VasYB9VLxFGgevUnhTHy92WBSx4lFoUeXVoWBRJ7ZoUbTip2KRGDGhEmjpUEjvXBNWIXhL+JC1Tcy3RMGsacsNhUrzIryG7Py8gFKxNoTUVV4AAA614oVN4Qi7RQ545IVHbLsyth3YbBsuxnax2Sw52Ce0HUrbI3Z2djZGrQ05ElI7eFbIoc11D6GAQ14YND443DtvjhmriFeghqmzLKeyoTJWTP7jEB5FjDuYPb3twBgThtJ66pvQ/8WTT4swXBkrc0VixIRKoLSM2NHRET2VVOEpV0NK6iLMyCZZnhzETOgZK3AeXiEDkytfZUK9Z+U1DhPMltUxMzDtv7UK98LFcTmclp+n5y/DTOixcRkL72YW+sBURkwK7YS2QmlG7OrqclfEnmEAI+Q3W2S1x/AYJ8as3GbVG2qQ956enkZa/c4BO71tNo7MEAPLqbZvHJqPP2NmW0W27UJ5i9wr4r3oPZsZM2YkRkxoL6QXMaESKDU112o1zJw501UYK0ILEe9aEfUD5/EitLLCWGG3ungR4S24FDwVx2wr2bKGTyuw4OnWS8Oqj1hAqTJTcquhWoqW26p7b6OcM8qdkHCWUFqhrYYPgG+VGwrpUQSxw7ZDG/xeHbHAn1qeKoiVyaxynlnJO9bWC1bqtcHWHYvsr9/ZwKJIEKYiBib8PGPxtlnB7Sm/YzOU3VhIi5WEtkJpRrRKypjlrsLb4mPEVAAhhi3ixWeh5agMx6cC2PbrKU3sUef5cbMc6bExm81xUCZ7LeSR5ymp+RkVUX4XkRWLyPm8iWBlbtuuZPSQ0FZoyQxMFb32EO4irNSM5bxgP6HtO88MTMEGDfY7r1g9XxtNw4wYM3niE55s3cxqMSV1yP/YO+uE5edYkKgydcaMHkLPwtuMSH7NCW2H9CImVAItxUdUwdQKqCHFZpl9Sm8BErK+9pzIOa+FN11b2DJ4/9hTebCimRcrsQBV3pTHyu2Yk3vI3dNrJwdzOtNTCkILI+9/VwaJERMqgZYWK8qE1vKYneVjI88rl+83U4jHVCmKmII8pGS2fdE8bIUNTA/UxPD8UWJbe8xK3C7vOTITxhgtZjlfhhFDC0xvsVIGiRETKoGWtvg83132tfUYjWWkkNrAuxZjSPaK82SwkLznHTHLchX30dYZUmcUCYRkmZHbx+3yWCa0FemprZqd+uWhzOaBt+WagjAltB1KB2EaHx93GZHNrLyRGJJBioxOVuzGfJZjMlLIQMI7XZPZzlMq89ahx7AhIwJPJubVuGfiFlJke/JkSIsR8yTkcmP+N57Rg72XjB4S2gothaXzttl48zumB4ttISnKGFxyfs8zj0cuM5ddETPDeqHmWCa2ZmS2fNs+9oWO6RFjswYzl5ZXZGszJj+HzowpwoixZ1MEiRETKoH0IiZUAqXVN8AkddtQbjrtsO9GkbM/YlOzwnNcV3AcbHYVBaZO08B0JXNMCRs7+DCmKFboVKUigxc+jhclIXWOzafXNK+ndgoFvooFYYpZRfGU7P1fmm2nekiMmFAJtKTQ9gT8kL2gDdPRih9LaGFjDS40NEhvb++Ue5bJlCVZsPds+VjN4oXyYMbStLposWzACyU7kyj4EMiQj41FSM3iLURiCKnVYgFP9Rq32+ZLQZgS2g4tqW+8JXsoGGXM6KEIM4ZGlx3pHNTSM0gIhTXmo2ttWvZriYEV0J6cpvc4fLKtI2QYYWVc7m/IhMy2i3/HlN78jLxnEzK4sPWnLb6EtkNpRjx9+vS0VRowfZSzLAY038j3ZJtmnn82H8tRlkX0XiiKg8dOMWbgtNo3lVdt+1iD4G0DKtiHuohin9sX8+fhPDZNM4Nbmy9m9GH/v2mLL6GtUHrVPD4+3njL7apZR5PqylSvaJkm5NXlrdp4Iz9mmh4yQfNWcmzk4BlRFGFCBjO4dzIqr75tMPzQcREea3qegl5eW25IP2nbrAht4wHTT+7yjDLsNm/ya05oK6QXMaESOGtBmPh0pZgdXWgh4i1A2PfFmyb5gG9PAa35eVrU617Ufk3DJwbYNLxlxvUA061ttL12alaELFc8dQuremIh8RSxIAGeWo5/swent/3pPYNmSIyYUAmUZsSOjo7oYkBHiqpzbKAhT+1j4S31WeURq5s32z2bwJB/h2UKZSpeMHgLGi9Ikvc71HZuH7O790yYCdkIwrP8VngGCaEtQo/1eCs35kudtvgS2g6lQxd3dXW5MoiOgrlz5wIAhoeHAfgqnhCLeAipRWJWyJ6MqO3QtDFTJTZzi4V7Y3aPhRNmBvNOd+VnpNet8QgbRsQU5EW8IJX5eCuST/Ky19gSP+bzUwSJERMqgZZi3yi7xAw7NY1lRJZ/FDEWCclVntEDK6vtKNV7bKTqbW+xQUQRP11mpVhYOv1tWS7k8+0ZcLA8yTOAZ/RQxASPA9x7/WUfcvYBsnUkhXZC2yG9iAmVQEvH5PK0AUzfu2X/EWBSlcPWvaxc9hByJgemW7d4FitaB9saeor30HQS88vgyLOx9nmLKc7HbYgd9Miwebl/XqABz2rHpvHUNxy6z6aJRacNITFiQiVQOixdrVZzPd/4Giu47TUWeL1tIh71sdBpITtHb7Gi+ZkhYw7ioa0viyK+IdxOTwms4FAmHliN4z2bkKekZx0UsmLytmn5t5cmy7Jkj5jQXihtoW2X5N5GvI4GlQ2t2kEtpnmUxtQ3IQtlj01iNoyhIEyeysMLzVwUMR+OIornUJoy1uueAp7Z0mMw9kdR2OcQCnhl25tCjiS0LUrLiNYMzGMMlqPsqFCf39B5IzHfYh7RsdM/Q+wHTGcsllft95jsVUR25bRlUGTFGeunIiTveSZ8vMJm7Ya9p6yn5nN2xe2F+muGxIgJlUBpRpwxY8a0zXFg+ipZR4oXkYENTz1GbOaXEfOXjgXCZDnS0wCEjDJinm+xUHshA4kYC8fkZgbLfTEZMaYl4E/NY3XB3L5YXCARSVt8Ce2F9CImVAItWWh7h3eraiYUhxkAenp6AIRDZHjWPDE3TUWRCLSKkI9JkSBMdmpudtpVTL0UC+oUCsviiRkhlYw3XYaso2w5rJrRPDZQgS44OY+nINfFbREkRkyoBEoxYkdHB/r6+twQaTpqYgEmNXAmb7cpbLmcJhYI07avWRpFEUYMtcFeY0V0kS1Ij7nLGAiEHOI9hXRI1eadi1LEplT/RyHbUtuXFIQpoe1QWn0zc+ZM19eEt/Y4mBAwuYHf19c3JU1M5cGjKhQwyEvjWTVz+d7vMmGJQ/Kpx3axMCIhxKzWFayQtvd5u9LbHmSZkMPn2bRch8d+to4kIya0FUp78c2aNcsN1K7sw6PIyhcKHUUaatgzpGTWYDnLkz9YRvRWuTxCY158MRZl2ZIZwjNkjRm0hur0GCW0ui1j0ub5aPMq2WNYZk3PTM0LVtoMiRETKoH0IiZUAi052PNxXxas6PQUp7qA0WlIFy+eRTU7mHtWN6HIs56NXGhf2rOtLILQYiUWsMmrJ7QAiU3NPEV7Z540W9jYfFoen0ljVT+hhZYXr9z6NzVDYsSESqC0+mbWrFmu5xsreHlUAdMtc5iNvNHDkf0969/QiQPWaiRkq1hksRIL5RYqJ6Z28foZCkPnWXyzlY23SAmVyyFDgOmhVTiAguehxwscDTHD7UqMmNBWkJJbSwcB/O9vrjkJ/w+xLMuyBc0SlXoRExJ+U0hTc0IlkF7EhEogvYgJlUB6ERMqgfQiJlQC6UVMqATSi5hQCaQXMaESSC9iQiXwf/I5AehCCRTaAAAAAElFTkSuQmCC\n", "text/plain": [ "
" ] @@ -1271,7 +2278,7 @@ }, { "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAbwAAAE9CAYAAABwXNeiAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMi4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvIxREBQAAIABJREFUeJzsvXm0betZ1vl8++zT3P7cLrlJSKMBAcEhqHQ2iICxAUFAy6BAYsCRGmXZg1ICYglKIeIQpNQBKBambCibEAVpBWpEQBEhRWNASQhpbnLvzW3Obc+5Z+9Zf8z17P3u33rfb8517jkJsL9njD3WXnPN5uvmnG/7vG2aJg0MDAwMDPxqx977uwEDAwMDAwPvC4wX3sDAwMDAqcB44Q0MDAwMnAqMF97AwMDAwKnAeOENDAwMDJwKjBfewMDAwMCpwA1/4bXWXt1am4q/T74B13tNa+3V1/u8K67bWmtv2fTrU95H13xda+1/3IDzfsGmHx9wvc89cO1ord3VWvurrbWPeD9c+ws69/EnJPt//ua3H7kBbfnRTlvi333X6Xo/2Vp7/XU614XNHP7W5LfXt9Z+8npc53qgtfby1tq/ba093lp7tLX2z9aMaWvtQ1tr/6619vbW2jOttQdaa9/XWvtd74t297D/PrzWH5b0Dmz72RtwnddIuirpH9+Ac/fwOyT9ms3/nyfpO97H17+e+HZJPy3pgfd3QwZO4C5JXy7pFyW9vx6MnynpfmzL7uNXbT4/trX266Zp+vnr2IbPl3Rb+P4Vkj5E8zMm4r3X6XqfK+nydTrXBc1z+ISkH8Zvf1HS+et0neeE1tqdkn5Q0nskfbbmdn+VpO9trf3maZqudA6/XfOz/p9JeqfmdfsnJX1fa+0V0zR9/41sew/vyxfeT07TdN21kfcFWmvnp2laWvCvkvSs5kXyaa21i9M0PXrDG3cDME3Tg5IefH+3Y+CXJX5imqZf7O3QWvu1kn67pO+U9Ps1C4Bfer0aME3Tz+B675V0eZqmH11z/Mr7OV7vp3Zs4jXhOgsFzxV/WtK9kj56mqb7Jam19vOS3iTpcyT9o+rAaZr+k6T/FLe11r5Ts6D0aknvtxeepmm6oX+bDk6SPrCzz02Svk7Sz0h6UvPAvEHSByf7vlzS/61Z8rgs6S2S/vbmtzdurhX/vi8c+7GaB/tJzRLW90r6LTj/6zRL0L9N0o9IelrS1y708WZJlzRrRr93c93XJvu9UfML8RWSfkLSU5o1qU/Dfr8utONpSb8g6f+UdDFp6/8IY/iwpK9JrvsFkg4lfVAYh+/b7P/U5vx/F/tPkj4gbPtczVrFk5Iek/T/SfqCFfP/kZtxeXjTlzdL+kvh9ybpL0j6+c18vkvS35V0a9hnf9OevyrpiyT90qYd/1bSPZKeL+lfbubglyR9YdL/SfND+A2buX9oc50L2PdFm3F9SNIzmm/wP1qc76M0S7GXNu3+O5LOY99bJX3NZi6vaF6vXyyphX0+eXO+T5H09zVrJg9K+lZJd2z2+UBtr+1J0udsfv99mtfrY5v+vVnSl1zH+9h9ftmKff/qZt/fIOm/SHpb7O8NeMb8c23ug+S3P7tpy2/ZzP0lST+4+e13bNbmOzf3wX+T9GWSzuEcPynp9eH7H9yc85Mk/UNJj2h+Hn1zXLdJWy4Wc/hnN7+/XrNi4P0/wnO8WVsPbtr/jZLOSfpwSf9B873wc5I+K7nmx0j6rs26eErSD0j6qBVj+uOSviPZ/iZJ336N8/QOSd8Svt+16cs7NN/779609aU3bK3cqBOHTr16M2kfrPnB5b8zScf/iKTfqdls8v2aH5LPC/u9XPPD4K2S/oSkT9yc/3Wb33/9ZkL+q+aH+sdK+tDNbx+p+QH2Y5L+0ObvxzeL4MPDNV63WVRv06yGf4JmKafXxz+26eNnSTqj+eH3H5P93rj57ac3x/zeTT+flfRrwn6/S9Jfl/Tpkj5es5n2f0h6I8539MLbfP/bm5uCN+yPafPil3SH5hv0OyV96qZ/r5b0D8L+J154m30ON+f/JM0v7D8r6YsWxuXjNL/kflLzC/MTJf3Pkr4+7PM3N9f6+s15/7zmG/gHJe1t9vEL722aH1q/f9PGxzWbjn9U0l/W/OL45s2+r0j680uSvnpznb+yGfdvDvvdthnnBzSvr9+n+YU2SXpNcr6f1/xw/2TNZqpDSV8W9jur2Wz1kKQ/sxm7L9N8c3912M8vvLdoFvxesdn/GUn/cLPPec1rdtJswvP6vkfSB2l+mX6r5jX1SZtx/qrreB+7zy9XcR9v9mubfvzE5vuf3hz3u27gM2bNC+8XJf21zdh88ua3z5P0lzQLGp+wGfOHFe6FzX7VC+8XNuv3d2sWxK5I+rpOO8+Euf76MIf3bX6vXnhv0ywIvULS/7ZZZ9+o2ZT82s32795c/yXh+I/frLXv1fxM/QOaBd0nJX3Iwpg+Hddo2P5PJf33lfOyt1kjL9yM01MKz1JJ/4/me/JVm7Z+5mZcPnzN+a9prdyoE4dOvVq5VPPGzjFnJN2yGaA/hcG+5AVSHPtGbSQ4bH/9ZjHfHrZdlPSopG8L2163ad+n7NDH79mc+9zm+9dszvFBSduuSPq1YdsLNvv+xc759zc35CTpN6Ct8YX3QZub4bPDtt+0Oe4Pbb5/7Ob7r+9cjy+8L5b0wDXM/Q9vbtabit/v3YzHN2O718zvD/2fNEvgUVD6+s32Lw7bzmp+wXxT0p9vwHW+XLO/9+Wb7344/nbs94OarQ57ON+XYb/vkvSz4fsf3+z3W5PrXpZ09+a7H4L/EPv9A0lPhu/W8l6N/V652X7L9bpvO2uCfz+I/T5+s/3Pbb7fs5njf3wD27bmhfflC+dom3X2v27m5kL4rXrhfR3O8bql+0THWt4XJr9VL7x/jf3+w2b7p4ZtL9ls+zNh249rFnbjPXNB80umnA/NFqsT91X47RskvXflvFj4nDQ/H1+B398h6a/cqHWR/b0v0xI+Q7MJyH+fH39srb2ytfafW2uPaX4IPaHZTPfBYbdXSHrDNE3vvobrf/zm2EveMM0+tn+nWauMuKxZA1pEa+1FmqXGfzEdO3L/r83n5yWHvHmapreENtyv+QH9knDO8621L22tvbm19rRmTeQHNj9/sApM0/TfNUtwrw2bX6vZVPDtm+8/p1lo+KbW2h9bGYn5Y5Luba19a2vtU1prdywd0Fq7TfPL9Z9M0/R0sdvHaX5BvQ7b/5nmFzfn5XumaToI39+8+fxub5im6VnNGsaLk+t9G77/c83C1Udtvn+8pLdN0/RG7Pc6Sfdpe+wZmPRTCvOoWdv6BUn/ubW27z/NAtI5zeampfPd3Fq7J+lLxE9ovmf+RWvts1pr9y7sL0mKbdq0aw0+TSfv49fi91dt2vJPJWmapoc030uf1Vq7ZaE9Z9CmtrJNa/Bvkuvd3Vr7utbaWzXf889qNnOfk/SyFefM5uve1tpNz7GtxL/H9zdrvj++1xumafolzVrZiyVpswZ+k+Z7qYU5virphzSv9RuNr5D00ZotVT8s6d8govfHJP3J1toXttY+8jrPd4r35Qvvp6dp+i/h7+f8Q2vtMzRPzE9rjgj6GM0308OaJRLjLm1Hei5iM5B3aju6TJpfBndh23umjQiyAp+reRy/vbV2sbV2cdPGn5b0OckkPpyc47JO9vNvaja5fatmc8tH6zgC7YL6+HuSfmdr7UM2L50/KukfbV4EmqbpEc0m0/do1iDe3lr7qdbaH6xOOM1RVX9E80Pg9ZIeaq19T2vtwzvtuEuz1NybL4/7iXmZ5oCCR7Q9L4/g+5XO9myc3lN8f1FoT7VGYnsNziXn8XmaTYDP4s/ReXevOJ+0MOebe+n36lh4eE9r7Udaa7+jOqa19oFs10rh56c69/HNmtfpD0m6HO6Hf6PZl/mZC+d+J9r0R1a0Zy2yef02zffH12jWsj9KszVDWr7PpHq+rnekZba+n562A2/iun/e5vNrtb3+Pkfba+8I0zQ9pbkvdyY/36X8GZad523TNP3YNE1v0Cwo/Zyk/yPs8hrN8Rh/SrMb6j2tta9qrZ1bc/5rwfsySrOHV2rWfF7jDa21C5rV/4j36vjhtBrTNE2ttUc0S+nEfdqewLUvO+k4/JpSmPE7NZvEdsErNb+k/oY3bB4ca/BvJb1ds+T9c5rNE98Ud5im6b9K+syNxPdRkr5E0r9srX34NE1vVoJpmr5N0re11m7V7Iv7akn/vrX2kkI4eFjzOPbmy+N+36atkqTNgr9TK2+sHfD8eJ3Nd2l+0Lo9H5kcd1/4fRe8V7NP8LOL39+64/lKbISS79/cN79Ns3T9na21l07TlLX77TrWbA0KBLviMzT7QT9J2w9pab5X/knn+N+j+aVt/MJzbE/EiTW60Zo/UbPL5O+F7aWQ8CsMTsn4G0q0W0kHybaIn5X0Ycn2X69rSCebpumwtfZfNZuDve0RzT77P99ae7nm++SvabZAfdWu11iDXy4vvJs1q9oRn6dtDfR7JH16a+150zRVOWKXNUuTxA9J+tTW2i3TND0pSRvT3KdszrszWmsfrTn/5+9pdsBGXNAcYPEq7f7Cu0mzJBbxx9ccOE3TQWvtGzUvpHdK+u6pCCOfpumqpB9prf0VzePwoTo2E1bnf0LSGzYawteqeDFN0/R4m5OOP7e19tenaXomOd2PaO7nKzXPj/HZmuf+B3ttuQb8T5L+3/D9lZpv/P+8+f5Dkj6jtfYx0xxabfxRzVpefFmuwXdpDhR4bGNufq6wRF+azDbj/P2btf2vJL1U+fxc1hxBeT3xKs3RgJ+p2eQW8SckvbK19uJpmt6eHTxN05uuc3t6sHn16D5rre0pd0NcTyzO4fXANE3vbq29SbPP/0uu4RRvkPSXWmv32YXUWvsNkn6jZrPvTtgIsR+nQoiZpukXJH1la+01mqNPbwh+ubzwvkvSN7TW/pZmTemjNDuPL2G/L9NsuvmR1tpXaZaeXyzpd0/T5IX6s5K+oLX2hzVL0JemOb/lr2l+wH5fa+1rNJvbvliz+eErrrHdr9J8Y3/1xoZ+Aq21N2j2XfzJjZlgLb5b0mtaaz+reYH8Yc1mzbX4Js0m0Q/XrL3FNn26ZlPC6zVHrt2q2bF/ScidCcf8dc0mkB/QbBp6ieb5+S+F9mD8hc0xP9xa+9uaX8Av13wT/plpmh5srf0dSV+48VV+l2ap8is0v3y+uzjvteIPtNae1Ozn/FjNuWHfEnyq/0izeeX1rbUv1RxR+zmaTcCfP00TH+JL+FbNATg/sFnbP6XZP/SBmk08n5qYpXp4l+Ygq89urf2M5qCut2gWED5O8/i9XXMw0F/WbE6+EeQOWwi+7G+cpuk/JL8/qllw+BzdIOl9R/ySNmkIrbVLmiN+/xedTGi/7pim6enW2i9qtrD8R21SaToC/HPBn5b0PZvn0D/RHH38PM3PkkvTNPWee1+vWUh5Q2vtf9dx4vnPKGjprbXfqDk45s9P0/T1m21fu/n5RzfXfJHmqOEP1rzufeybNuf6Wc3+x9+jmbzjf39Ove7hRkfFaF0e3hnNqve7dJwr8hs137CM4PtASf9Cs8r+jOYXwt8Kv79Q843/uLbz8D5Ox3krT2h+8KV5eCv6dW7Thu/u7PP7dDJXqoogPdFPzQ+sb9P8cHtE86L4mHiu0NYqOu37NT/8GDb+oZtzv3Uzfg9odr7/lrAPozQ/TbMWfL9mCfXtml+qZbRsONdv3pz/Mc2L+r8pRKhpFjy+UHOI/xUt5OHh3GluGMc57PfbNJt8n9jMXS8P772bvvby8Hjdr5R0Fdtu0ixs/dzmfO/VLFh8uY6jPh2l+QnFdWI+5GdtxvBZr4dNv96g43ym+zXfI7/uOt7H3Tw8zcLjpE6Ol+YH45uvV5vCeddEad6T/PYhm/vkic2YfY1mv+Ek6SPCflWUJp8dvtbFhfb+bs15rFe0Lg/vD+H4vyPpieS8j2o7EvkjJf1rzYFxlzW/6P+VpE9cMa4fpPnefULz/fvPJb0A+3xE7MNm2ys1W1J8zbdqzpPleH3DZhwscPyEVuT2Ppe/trnwwK8itNbu1ryw/+Y0TTdOWvoVgtbaF2h+Qf+aaYElZGBg4FcvfrmYNAeuAzahyB8i6c9plrr+/vu3RQMDAwO/fDDKA/3qwqdrNiX8JkmfO90Yv8DAwMDAr0gMk+bAwMDAwKnA0PAGBgYGBk4FxgtvYGBgYOBUYLzwBgYGBgZOBXaK0tzf35/Onj2rw8M5/9af0Q9I6si9vb3uZ/zfx8bfsnNmHKNL+9yoY9b8vvY61/vYXpuW4DntnZ/+32ma9MADD+jSpUtbO99yyy3TXXfdtXVMnGtea+lz6bcM1zLGa8+zK9b4z7MxXtue6lh+9vaptvvej/C2g4OD9Huvv601Pf7443rmmWe2OnLzzTdPFy9ePDrflSszheqzzx6TEV29ejVt55p7a2kN7XJvXa99l8D+Xa9jqjnaZXu1zrL3RfUu4bsgu+f92/7+vp5++mlduXJlcTB2euGdPXtWL3vZy/Tkk09K0tFnXHhnzpw5aoQk3XzzzZKk22+//cR3f0rSTTfNLDsXLlw4uk789Dmzzvs3b6u++zOeh+fwdn6P/3MfozdBHBOeg9t7bWH/fKw/4/+9NlXwgvNDyseeO3duq43exw+bq1ev6ou+6IvS8168eFGvfe1rjx5WPp/nPrab8+99fEzsq9vjtcOx9Gd2s1dz2hPODJ9nzYPV6N34cXt8mfDlwev02sYXjefJ2/kZ9/Gnr+vvnr/Ll48JYvy/Px9//HFJ0qVLM1HSo48+Kkl65pljdjlfM94D3/EdLD4w44477tBrXvMaPfzwTOrz9rfPzGQPPHAchOxrPf30ycIcXkPZfXL+/Pl0H3/vrYOleci2cxs/18ypwftzl5cYn43ZC4jPAX7P1iqFDn/3vPszzpH/97vEa8jvlNtum4lvfO/HPt9668wgeffdd+vHf/zHy/5HDJPmwMDAwMCpwE4a3jRNunr16tHbl1JgRCalxO1rJO1MO+N3nu9GmZoq9ZySfgZK3NX23jkqVT8zMfl/jtsa8DpVf3fF4eGhnnrqqaO+UsrMrkEJNDO3cRwqjasncVfozUc1Z2sk7erYnsmnmv/suv7fmgrvT95nvo/jsf6s1nmmFVZr04jHWFP0PufOneuO9+Hh4ZGG4OePzxHbwHuMVqLMEmLtgZqe0TOHVvfYLmbxzERH8DlXPUt617kWbbDS2jLrANcT1wzPIR1rdFwznuOnnnrqxLnjb972zDPPrHIPSEPDGxgYGBg4JdhZw3v22WeP3rDRd2dUGg/9I1GKWeNDq7ZX9u81Ug39YbsEQPQc/2xjpSWtcahXmnIPlTbGc2XBRuyXj8m0Ro7tWgk9nie20cf7N/tYiJ6vk76ani+3Gp9dgguogfWCOQz6QXj9OI5LTvxsHKt+eEzY5ihxL/nuMg3Dz4GlIIXsmHh+ai0Rh4eHW0EwWbvpG2TfMx8eYwfWWEZ4f8R2Stfmw6MPMaLqT9Xf3vW4PVuznDOPr6+bWfdovaGVwMfG+9rPhGwdS8caXvThsc+XL19O+5BhaHgDAwMDA6cC44U3MDAwMHAqsLNJ8+Dg4EidtVkiMzFVwQNZiC/NUVW4fpYSsGTKXJP3RzU6U68rs9aa3JYl08Ia80dlfu21rzKzZWZSmpMqk23WRp+/Z36dpklXrlw52iczh2dh0tm14/zb1GGzlL/ThJmZ0pfyPat+SNumnjU5Z5XJj/dMLx2mSkfJTM1VWgXXQ2aWqtIQHEYej2EQAddFFsKeuUV6uV7+i23smdA9Ll4X/ozmNKdGce3sEtxRBfVkc7n0LMxMmktt4RrqPRt5nZ4Jnd9pMs5Mml4r/o0BKbxHpOP5sGmTbc3SYAybO5999tkRtDIwMDAwMBCxcz28g4ODI6ksczJTeqxSDLLwYEs2TDCuEtCzbVXycAQlraUAlGzf6lyZpFVJ3L0gnUqCr4IWMq2AqEL3e/3rffd1PD8HBwddTfjq1avdwJnomI5gmL0lcmlbSrfEWK27bO1UwSvZevD6poZCa0cMqGA/iIooIG7jPuxnFgTG36h5GVmKgSXrKqggjo37bu2PazR7Xuyi4bXWtLe3102RofbitcTAlEh44cRlEl+sCQzKtNaI3tpZCuzLNLzquUNNMkvQptWjCuzq9cMaFjW8bE69L7UztiOeh+QFPaIDBl9dvXp1aHgDAwMDAwMR15R4XvHWxf8raSLTgCo/iyUCanyZdshjqRn1JK7Mtpx9j/tW4eJZ/9iWamx6UvoS7dW1aGvxGJ+/klwzfyAl354Pr7Wm1trR8bTvS7VvhuMVNTz6aJbWTC+tgmOarW/SJXF+3K9svdGXQe2tp4WSbo2fUbLn+fwbNTxL5HFOraVVxAPuf/SFVWH91ByiNue59rbWWldKP3PmzJY1Jc4l6cCstVmLu+OOOyQdUxxKx7RV7ouPqRLSM/9YdY9lqRPkAPU5mPKRzT+fuQafN5Gqj/eC++H++rNHS8hno9tKf510fE/Yt+bvvifctthGX8f7PvHEEyfa4TbGNdojNFjC0PAGBgYGBk4FrilKsxe5V2kklDYzP0Wl+VSSSrZtjYZXSWFVxF22bzUGu2hrVXRqHBNKyRUdVYZdEulpF6f035O+o2a0FOnY0xS4z1LStVT7Nv29IgiO26oE+kzjZOI1NeLeWFfJyj1KKfqxKZ1n/aJWyPNyncc1tBT9m2nx9OUyCTq7Du+xXrJ3a01nzpzZutfjc8DnueWWWyQda3Z33XXXic+o4Xlfanj0+9F6EP+vNCFqN9Kx5uNPH0PKtF4kMa0O1PDd79hu98f+S/ebhOvxfJwPUom5D/EZae3Mv5kQ2mTiHM8Ia4w+h7+7PfEeZPL7Lhga3sDAwMDAqcDOUZrTNB29/UklI21LovSlrKWhiudnBFyUeiqf0xofV0XBlVE/LdHxrKEyqyJYM18RNQmWA6Fk3KMnWxOVWvki6MPJbOlradBaa1uUUlFKyyioMsS2WoJmrTRvt/TMqEZpW8MzeK44tpwPRq9lxMaVP5SaXXZPUMusaMHiNUg7xWNZriW2lRGXjJbL+ufr0O/CSMmMFNvnj1GYRGtN+/v7WxGq0TpAjcdazD333CPpWMOLGhA1HUZrVtp0/J/3lvtDLcd9zPrOMcmeVVwjtGBkUajsnz89Bt43aniMpKRli9GU8V6lduhz8TpxHPkMZJSmEf2/vaj9JQwNb2BgYGDgVGBnDS8iixCzVMGindw3HkN7Md/uVaSYdPzmt/TC/JBMsl9i2Mi00KV8m5520vN59s4dUfmq2Ob4f5WHlfmKlkoK0bcX991F0qrKuERQa/U1LS1nJNT0Wy0x00jLBOduaxZRTN8C+5Xll7ENLN/jeyKLhGWbyFSTVf9mW6rcpix6kp/UPnrRh26rNQn7ZaJG5oKtjA7OME2TDg8PtwiMs7Xq58DFixclHWsXWT4bI4W5fjnWmYZH8Jjow6tK+vRyhqkV0irgMaU/MvutKnQbwXnnWrHm6uK79s9lfacFoWfVsW/1vvvuO3HsQw89tHUM/XtR+1/C0PAGBgYGBk4FxgtvYGBgYOBU4JpMmlSrYyIhQ3j9neapjAqLTnaaLBgQE7fRZOo2WZ3PKHciJZbUr+ZL0w7NE5nJz6DZrQryyEyoNGFW9bay5FEmBNMsFsfE1+6ZO9hGjttSWkJmgorn4zj5N4Y3ZwEaDCzwp80fWXoF59vj0aOa4xqkuTij0arSHypShqx/DOX2PjYXRjMvTYzuJwNRjIzSjkFTNMvG9cYUFhJMZ3XQ3J943h4tXVaHM6vUnqUuxbZkQSQ201Xz7nbH9jG9yn2M8yCdXPM029L0l5l1szSneH26bNakfnjcPBZxrbrvdCN4nfkefOyxxyRJDz/88NGxNJFzzWRuHwZd2Qx+7733pu2IiJSDw6Q5MDAwMDAQsJOG11pLQ0qj9MGACUoZWQh2DHGOoETgc2bUUgyFZRh9DNdlkjUDGzJaIGoIFRFzj1KKY1DRN8VrV/RnVZK+tB0ybVCDysadzn3OV4/CLAuGifvu7e1thTv3KoRbqqyIAWJ7qyRrhk9HrbZKgq+0gwiOC+chrh1K4T2SAh5L7chjbi3q0UcflZRreO67pWMfY2Ta0Nqq3/EYBjxRg8jWGQN2ljS8y5cvb2nkcV5ME2aLjuFrZ8FE1T2d0WZJuSZMS5bPwdQM9sd9jm2y9hSvw8ApWol688X+MWXD14nrwuvI68oa3COPPHJiu+9NBx9FVFa3LDjH80Lrg4/xvEatkPft0PAGBgYGBgaAnTW8M2fObNn1eyV4KmT+MdKQraHXopZWkRPHc1j6osRRhWTHa1b+N0pYmb2/CpnP6MqobdI3SM0v0yyrZPhsbiidr0mkZ/LrGmoxakBxHN1H+1RIxFwRBcTzVmNr9NITOA+ZT82+YUrHloB9bM8KkZH2xrZlfmAmkzOxOfNNssRPVWA5amtsE8eA54ztpZbtfekji/97bJZKSx0cHGwRXWRjzHa6/SxZE9tNDZ5J1pkFg35ZayIOr89Sdbi+qmdV1Jo8zkwer3z8EUzNcputSXpe7I+LY/Lud79bkvTOd75T0rGm52Pdxjie1OyqhPeY/M9jOPZZSTBq+pFYfAlDwxsYGBgYOBXYmTza0paUawyVpE0qpqxke0VC2yuQSamS1DiMUHM/4idLUFTJvfHa7F8lGcfzUxqraHtiexn5RE0yI+NmNCbt45m/i/6kpWR5qaZXq7C3t7dFkBuvQ8orllHJ/Ij0h9HPa98tCYLjMdToObexn5SwGf1nH0ecS4+7tYAq4tbtiWuVGje10cyPbvg8PsZ95xhl/jhSPPFej/1jZKLPy6jKjJYu3k/V+nHsgOewRxpMLdlt81jEttIXyIhealFZWRuWheJYZFYikhbQx2nNKzsf75vKTxfbRro4r1VraTF53Nd+z3veI0l68MEHT+xTWV2yMfAxbpO133g9byORtdua+d5JOJ8VNKgwNLyBgYGBgVOBnfPwDg4OtkrH9wpWUprNfE6URLyVcSWFAAAgAElEQVQPc/oyKZ1Er1XUUkZHRmmQUaFZNGCVG8jIzwyUinqEw5aS6OuqSsv0tB6jp7lSC/UYMwIvG5M4pz1JK0b50rciHc9zpRlkuYGMOOX4MFIs02qNKoo2k9LpJ6PWkVHZkXaPkXfUruL1uHbof4t9qSizmN+arR2fj9RY1EKyKGtG3BkZnVxGc1VR0zmCkzmJsc/WTNwXRxF6vPx7FqXpfakJ29dEcmlpm1iaz6pe9KT3cZu8j31pUcOjT5BjwDmObeSaqQqzZrl7Xqum+mJeXEbybM3Nn4yyzvIN6WtntGt2X7OM07lz51YTSA8Nb2BgYGDgVOCaygNVxValZT+OkUnA/rTf5e6775Z0LOVkWtYdd9whadve3vMvVRGP9FPEczCaqNLkGPEp1eTX9B3FcbQUQ23DUg0JeWPkE311ZJShX0A6lqQsndNHsYbJoSdl7e3t6fz580cSHCXy2G76Anr+UTJDeN+YdxnbmJW1oUbZK2XFHDeOl68br09fGX12nuvMN2Wpn9p5RoZscO4YLUcLQJwDStYkDbb/J9NcKP33ykbRX7qUS7W3t3fkA7WGFDVht5caN5lCMqYg30PWYnwdlxTKLFnMryPDUxZR7PVMK4HbaKLkyCrittAPduedd55okz/js40sVz4vo2bjXDJn1NdnTIS/+/krbUdyeu2+9a1vlXQ8B1lktlFFnWbsQ8bNN988NLyBgYGBgYGInTW8mGuV5Y8ZjMLiGzvz+1kqpmTFvJsokXgfRxz5uvQHRemZkUY9JhejymGqShll5SzYd2qUMfqI12Peks/pMYsSJ+eH+2TaKbVaahT08cV9I49hT0qPv7kfUdusCpPSp5pZB7iGKIGzBE88hhqq/ReUwCPox2buWRalyzF2P3s+vMo3SYtGXLPWBjwW9KHQkhIR/UcRPr/b5mjUeD1aEshCknFfRoakJeuQtSdrDnEd2MIRIwB5zXiO2K4Xv/jFko4tSj4H11JWKNXPHZ/Xz64sx405jNZ4yD2a3cu05DDit1fqyfvQh5dZZmgxcb9oIXnJS15yYnvc1+P3YR/2YZKkF7zgBZKkN73pTZKOIz/jdag5cl1n1o/Y1hGlOTAwMDAwEDBeeAMDAwMDpwLXVB6I5oiMmqgqhZOpnlZbbQ7oOfGlnOyU5gCaW7OK0DQHMMQ4mkzYZwan9IigvQ9NP1lwDEFzK2mOGB4f92WwQkV8HfvD5O5e2zIS5F7y8P7+/la4dpwXOrCZhuCxiGYpm51I2+VjbQIi6XLsq9vvQABXy2byfzwPiQ48/jSTxjaxjTSPZ5R2TNGpiAcyM5gDHDyu999//4n+2FQbx5lVxXk/ebxjG5kkzGMZwi8d37dxPfTWTjzWbejRTZHowiZAz610PD5+7tAdwnssrk+P3RLlXzTZk3DZn3QbRFMz0xw4Rm5jlmpEqj4Hlfh7dk6a1Tn/Nle+4x3vkHTyfvLa9D4eI99XL3vZyySdfFZVz2LDc+yxi22MATNrMTS8gYGBgYFTgZ01vMPDwy0JLqM1qsJEMyJW0vOQJoehxlmIakUxlYXgV/RJpKzJ+uW2MCiCZS2i1EzHc5aIG/sd/6eGTOLuTLLLgm7isb3gHGrgTBSPY08Nf01oMKm54phXZAEkkLVkLh0HmDBopEo4z0qTWGO0JOrvHvsokXJtMqmXQT+x3ZV2SK0wri2mpzC1oEf+QM3K2o0DTjKqtorgnGWWohbCtViRQcS5ZhDU4eFhGXhw5swZ3X777Ufnt2Qf97emwUAZak9xzXvfqmAtg6Vi8JKv7bb4/CSR6CXoM2jOa9nBM9m+VaBglg7FtZnRLMbt8ZgqHcn7mnosPn9sTfHa8HhZs/T3uL55n5IGLSMr5z3YKy1FDA1vYGBgYOBUYCcN7/DwUFeuXNkqPhhDmelTYGpBljxO+iJLCJZ4epoEC78a9P/16GyMKmk9buM+lgZZziJKs/TzkYaMCdxxG32GVWHOjDKLEp7R0woYqszk5Ow60TfZK/Fy9erVraTh6I/jtf1JyTErqkmJlMnevk7m92Gb6bvLiLkZgs95ir4irlv6JqkZx/6RBo/I1oUlYPs9qPF5PLM0D96LTKHJSgp5bEmKzHWYaXC8BzK4eLD3cfudqB2Pt6+OBVhZRFg61jz4POP4+BxxTrnO6Etj8n08Pz89fj5/Nv+8D9lmrsO4jT5jrsfsnqgo+txGErxL21roAw88IOk4NSOjI2O5LVpOMqsHLXI9MnFiaHgDAwMDA6cCO5cHikl+WXkgRpVlhL/SSb9IJTWTRikjRaYEWr3tMzt1VcA284+xHzyW0mzcn/Z1aiNZZKdRaXj0SUXJjv4XtjnrH8exIqvO+hW/L9FDsT9ZqSeW9LHUbmQRgkxcrSjH2B5pm3qJWGMd4Hpgm+Ox9MsYvahnWhiYFJ8l43OdU5vKLAv0mVSlmqIFw9J3Rt8Wj8lK16zBwcGBHn/88a3nQQT9ovSPMmIx6xs1B/pPY59Jr8hz9cgduM4dJWqLVvSxMZKymtvML09yahIR9Kw2lVZOjTbeB1VJs0y7NqpYBfpXoyWIPte1SefS0PAGBgYGBk4Jrok8mhE7mbTGNze1jiwHjJpPReKbEcBW17e0meXhZZGCcXtEpeFV0kXcXmm5VRkfqfZncYyoMcX/OW69qNCKQJvzlmkSxlKkVCzUmFHOUZJmWZbMb1BJj/RfeB3Esa5I0HvaB/O8KIHb/xPXlH1ppHarch17Y2xwTrOSQgbnhYWH49iRhox5UZkWWpGIU5PMNIk1xOMHBwe6dOnS1n2SlRgjuD1qQPS/V/dNFgld3f8k3e5FQN5zzz2SpOc973kn9o2WBmpUVSHgLDq4WgeMvOwV5q36y+dPBJ931Cjjc4jPNVojfK6o9dLK0YvwJYaGNzAwMDBwKrCThudoqco3xH0jqM2sOYaSb5aDwrIVbFPGkkCplZGk3jdGBjHSkswk1GhjG6sIqyofL+5D0JeT+YOqQp8VaXWv/ZUvL0NPyjo8PNTly5e3pPTYhkp7rfyl/F/a1l7i9QlqdFUfe2TVlNrtJ+lJzb2yOQTLvlQ+4wj6kXoRkGxHxaLUm1tG+Fq7pU80u46x1MaY/5v5biqtjPdW5h9lviBzETNtpmLHsWYcCdXZR5/HeZ/OK33nO9/Z7X/8ZJxDpuFREzLoH8tKmXGdVeu+V7aHxNMcs3hean/UqjOLYJaXvYSh4Q0MDAwMnAqMF97AwMDAwKnAc6qHlzk4M+qwExdMKJ6MquI4VdasJhtBFT+GStukybbQPBlVb5oFqircvVDZKl0gM4NWJiT2KzNP0iTDNmbm0qWAk+zYjJqqBxMXSP3ahpXpNTOv0exZpcyQnixuq1I9eikfvg6rsvuYjIaqZ/b2+Ei5ibsi1s6CSJiQW1HzZYFIDBaoAlAyZBW0I7Lk+Oh66AWAZakhETbPMfTeYLh79htJLKpnWATvd9K5ZUFZ3tcBTp6fLC2mSimhiTt77lQUZjRXxrHi3FXzna0dzqnH0ekWTDvL2s2E/YxQ3fCcM+iwh6HhDQwMDAycCuwctJKF2Ecppgq1pqM+I1em1FA5TLPrGZSIMg2PYdIMfOmFz1ZtNnpBJFXYM/eLoDTO62ftqzSk3jHVsUQ29nHOe1L6lStXtsrMZOsgS2iXcho5Sq1VOkWm9VapHmuCSUimzDJBMTCqopKrLCVZugglXd4jWTVug4FbTAjOCMEr7SCzfnAOGKTQ01xjkMJS8AHpzrL0FG+ryJWz5xfHsirFk93TDHijJSGSHpN43p+RIo2o1vMaMMiPqVok2I6gJcPoafpLgS4em6wqO9OGeqWZWBjg7NmzIy1hYGBgYGAg4pp8eJTkMjs1JYBeMuySD2VJ64jnr2zdWfgsJWFKqpmkbVRty8p0sGxKFYqbaU/0RVTUX2skP/qQeiHFa87Xa3927einyYiLeV6OeSZ5V2ul8sNF7a2ibePYx3VQaUdMaWHfpW1tkNpUZh2gZmI/D4l/4/xl9F9ZO7LEc4bzV4VVo8WE95jbyJJNmVYQaah6/qK9vb2t8mGx3e6zk/zd915ie6UlV2lEEZyXSjOJfWKB18z6VLWxsj4wTSmuA5ZGY6I9n0sZKh8hSyfFNvK3jNi6Or8/6XeO9wQJrnfReoeGNzAwMDBwKrCzD29NNKBUSyK9pNEliTt7k9M+nSVgSnnBWWpy1CwyCZISSUWnFPvPopCW8HoaV5Wkzt+z7/QNUZvKxrGit1pD0Lo2gi/2wdJnLCRa0bdV5ZWk7eg7zhO/Z+uA49Xz3dCnwCRY79vzUVP77FFYsUCmr0NtJ1orKu22WhcZeTQ1PWppmaZcJcdb48uinrM+E6017e/vH5EhZxoj1ye1ZSaES9vPL44bffxZtC61RGrEWfQsfVCVvzH+v1QmLHsWk1idRWoz+jNHVNI6UPkD4xzQCkALAn3IWd+NHsF5FpuwVssbGt7AwMDAwKnAzj48qU/1VNma10S+UXqs8pZ28S9luVuU5DKpVTopVVQE0JREMjofb7NEZempKv0S/6c0s0SWHf9f8q3F67m9lFR3KeOyROIatTxLt1kpFI4LtZq43thXtpfrcQ2dWo+Ql/4DRrNluUYVPRvXeY/GK/OZSMdjEv01zu+qUBEDxzYQHNdMy660XvpjYj9ixGDvvt7b29vSjGIkLH2ZzAnM8rl6NFnxd67L+FtlCcly+agte7x4nSw3lcVi/QzxWPt7nEvva78myxKtibhl1CnHKH6vNDrPV6b1VnR0LE8V104VRbsGQ8MbGBgYGDgV2EnDM1MG/QlZxGVl8+1pAEu5Zj1fXpWvUknG7Fc8JpPIq3IYVU5dxgZDCY/aR8ZAUPkxKVHuQsbdizqjtrkmd89YmwsjbUtw0nFfLZl6nZGFIbZhSdrjOGYExtS0KiLyeB6DvqKMHL3Kh6zWVCY1856Lvk/ppLZjKZmaCf0umR+miqau/H/SduRqZY2I3z3vayOwDw4OtiwjkZnElgL7oNgfj18sJGqthQVfSSKdsUNVTCDMFY1r6eGHH073ZaHZeB220f1jxLcR11Lli2YUajb/VfRnzzpA4ueqYG9sF0m3WUQ2e8cY8bk58vAGBgYGBgYCxgtvYGBgYOBUYOeglYODg62AhqgSVwmK/IyhqUskrVVYd/yfZhufPwvrr0w7Vahx/L8Kd6+2x/+rxN/MXECTMJPl15iKGZTBdvTMoJUZIs51lqBfYZqmtCZhDFqpEn9ptuwF6FSpGFmi+7WYbdn+isQ7jhMDDyoKq6x/Hp8qfN+mrcyk6fPddtttJ9rB6/QIFnapNVaZe7MEa9KPLZnKn3322W7QGkPtbSZkcExGwVaF/FfUc25T3Idk2xmNVlWXzv3x92j6dT8ciGSTprczYCir2Wc4rcP79moqsn80uxpZLT0Gmfn8/B7b4vnhpxHXB+/xkXg+MDAwMDAA7Jx4fu7cua3Q7MzpmdEkVWBYMEO9mXCcJYBmbYnnyDS8SsrMiGap9VXBK5k0WNGOVSkN8TpVgEFPqqmCJKr2ZO2m9pON41IyLHF4eLiVKpFRsFG6owTcI1c2qrSODJU1IpN8rXFZWq5SWWIiOEPUSR7cC15icjI/fWxMFHa7GRjCYIleqktFbF5ZAKTtcHRK+lGbZz/29vbKOTK1mPuT3QPsI1NYMmsUU2QqLTO7pyttkBYsr5P4G9tEisPYRmvw1tKt4TloyWPge6ZntfGYuE1Mko+o1grLemXamj893yRUj9YIHsNnYpYa5PGKz82ReD4wMDAwMBBwTeWBepJwVlSwOtcSKoqkTMOj74QaV7Q90+/Coo0ZIS+lsqUE3R4hK9ucaUiUoCrtsEc8vfZ7PA81hypMmf/7+9K8UiKN66TqG31BWcFSanRrSv7Q38vrMB1C0ha9FcPDs/lYIkfn9qjhVhaTnt+Pfa/Wm5Gl0FR+8+yep5ROPwzJiuN5oyRfWYNaa7pw4cKWD6pnWfL9mZEPG7ynWX6I27ME/coCY+0mpk5UtIf03cXr8NpVCkuWAkCfOH1pbmOv0DXn1L68rHwQ7x9rzp43Xy9q+h4f7+PvPe3T6FkbKgwNb2BgYGDgVGDnKM3WWpeSh/b7yjabRdpVydvVZwT9LT3SYEYgVRpelmjKSLuKyir6VKooVEpgmQ+MtnRGZVWJ7z1kfi1KtWxTT5pa41d08jA1hajNMJqvRwTAYxjxZlTk3vw/64/bEf0wJC7m/GQWBc6Rz1dpaxktHc+7RNQdQYsGI38zvxal9eq+lmofDSmlsrFfQzxu8mjSZ8W1w4hhkjtk1GLVM6kioo7z4j5W1H/ue7a+Sb1GTSuLXGZCtkH6rszSw34xyTseU2mM1E7pf47tr9ZDFoFZ0c/1nmduS3wWDx/ewMDAwMBAwDX58Eium2l4lR8mO4b5aFUJikwK7EV2RWT2/kpzzDSgim6oys/r5Xsx6jTTYKpjqAWwL3GfSmLt0fRUJVF65Mu75FKRXDlSi1lqrOiLMuuAr83ouKr9meRY+YEzgmvv47worgMji0SjRkWfDbX3+Bt9UtRcenmYlLArn2JsG/MMK2LguC99NJT0MxLuuJ6XrBTMz4ygr4fPoUybrZ4vjEjuRfruQp1ILYbWgixGgQTQjs5km201iPcT54z7eF6yiHJa8aoyUZlViuutKprM/6X6uZeRR8f81qHhDQwMDAwMBOyk4e3t7en8+fNbJL49FpMq8i1KQj1y0QyZ78ngdWnjjr9R+mN+R0ZySi2k0vTW+Lrow8kIh6uoLEZJrSEr7jFVVBGjPa0ti+Rbmju2N9rzGSVHidvnzgin2d6quGcWPUnfCq0SWd4fpX9Ks5km4bXD4po9dpMsmjFeP9OefAy13TXrgRI1tRJeVzqOrLNmRw0iY1eiHyYyqRB7e3u66aabjjQU5q1lfSN2YRfi/LMUTw9cf3Gu6duk5kPS9Pibj7l06dKJ7QajHaXtArDUztzGLCqY0ehVPm4Wjc9nfs+6V/lueW9mEfO92IcKQ8MbGBgYGDgV2DlKc39/v8sbyWilKuIpQ5UfRCm9lwtGDS8rkElePbaVErm0LeVVvIiZtEHb9S4FDCtNjmOTcdpxfnqlf5aYSdZoej0wSpOai7St4VXzkuUrUtqjBpblOlb5cFyj8Rivp/e+970n9q2k2ni8/X4s0ErJtxdJSA3Ln1keHqOQq9zKXoQkNVdyVkrH/iVrF/6kLye7Thy/Xh7e/v5+6XuP515ai73yObTiVFyn0rZPkJaX7Bjm6For4/Moi2+gllYxPcXr0ZJQ8VNm0adVxHpvfKnJVf7N7By0jPQitNnuXfheh4Y3MDAwMHAqMF54AwMDAwOnAjunJezv75fOfu8jbVP9LCV3xn14rp6ZoFKTKxOQdGzezOhxIrLtVvGZ6NxTq6vf1pbViegFq/B6VapENo5VkMwube2ZO1qbCYArM6W0bXJhX0kbJdUlhSpzZTyW6SF0wGch0V5HNuP5k/3KyG697hjaT3N5Rh7NsHB/MvE99pEpIKTD47jG/yuCgMxFwOr1VVpCFljVIz2O+54/f37LVBsDGUhWQGQmbe7L4DW6KTIyeaO6x6NbxM+Ou+66S5L02GOPnfjMzIZsE6/H51+kNGQKi/epAl947QiOeY/wokqDysyTFUl5dV0en33vYWh4AwMDAwOnAtdELUbn/hKllLQu9Lp3TWkdEXBF5hqvx9IhDM+10z2TBi3Fcgyq9ITYlkrDyvrDMakCUUhiG9tUHdNzwvO3jDSabVyb9Nla65beYfkXOvGpEcV9Kgo0zkvUIpnMzbnjdePxDBdfKjETf3v88cdPnCtLOOb1eB3ee1H7cHg7Nbg1dHRV+hCDJjKLSRVuz2Ck+H9Mjq+0JD9zWJomaj0MGuG5srGtniucDyY6S9v3P+fDfc/WKjVw3kdRS/M20h9WwYFxjFlOy8eQUiyOFVOziMp6EK/NoBKu88yyZHBcs3asKW9VYWh4AwMDAwOnAjtreFKfRqvSTHoUPEv+oSqROh5bpSOw9AvbG49lSHmU7C35ZGHZ8RxZ6PxSUjopunrnXdLasn2JTLNcSjRf8rG4rWvnMvMfGUzfoKYVpb5KO6qKbFZE3j3EdRD/z87XIxzg2qR0ntE1kfC3KpvSS0ugxF0loMc20L/DtIuMMIClZLhvHCum0/SoxaZp0tWrV7c0sEzDq+6LzIdHTYHJ4vTXx+tRu6j8SvEY04IxlcbX87msoWf7cp3T752NIddsVSQ3orJ60GKSzak1SI9nj4yjIh3p+Wu5bnchzh8a3sDAwMDAqcA1aXh8+66JUKyk2ex4vrEpdUapoKI8YnmOTCug5MGowCjl+jy0XbPtWdRcFUFqZMVkqQFVZNFr7OJLUVNxW0+b5velKFe2YYn8O0u8jt+zKEb6HlmeidpzbCv9LpXfJ9OefIyl8YoENx5DSZprN1s7hPvFEkbZONLf3JO0Ca5vRpZGCwf7QY08u28r6sFee6g1RV8X/YRr1jz9UaR+Y8J+nL+s4Gq8jhF9eG6vP63x3XnnnZKOxyA+D6pocFImZs/iigj89ttvP3Hsmn4xYrUXB8CYCEZBr1l/azTz7LclDA1vYGBgYOBUYOc8vDNnzmxJjJkPoIqSzDQjSrhVSSEji5qjXZoaUeZTqz4zf08lRdCHlPnCKloeRpRlfk1KwJUmkWmJS1pbbGNV5mhJ49sF0Q+T9ZmoaJSihkc/AaPMOI49rbaKKO5FF1KztP8irh3S0PUsFll/s996UYiVNlDlQ2XWAR5b+emy36pSMlGLy6w6S5YCa0bWquP5ImlyhiyXjj40f7K4ae+eptbOck7Rh0cN0hoerRBxLr0P/de0OLk9cV6qkknsQwRzQtk/Wj3i2qlyXv3pZ3PPIlit/Uwzj1G7a59LQ8MbGBgYGDgVuKY8vDU+vCp6kp/StoZH7YyScJTsLLVw3x7RbFVeghpeZn+3dEnpj1phZnOuvmdE21VJDWoumZRGf9Wa/L9Ks1tDGtvL6yLY7jiXzGlkn7PrkC2FGl1FJh3Btvh75s+gz9BrpJKE4/FeI9Q2qTXGYytSYuYqZn5GWgV4bJZjWUUQ0x+UWVlIMM3rR+0j83311tje3t6W7y62gePAMc3uS26r/OKZhsfnAPtFTU/afkZwvfeI53kMmVc8L70xpG/N17MWGa9XRW1zDfXWXeX3y85XPWey5zejaPf394eGNzAwMDAwEDFeeAMDAwMDpwI7B63s7e11nd5GVQcvo/rKzJxS7dTPar/x2IpUOJ6PgRoMLsgIeaMaHY/tEaRWJsUqwCfrV5UQ3FPll2pmZcmclQkj6xf37TmjW2s6d+7cVlJ/L1CHa6VXL4yJzFXV8ixAg6Y3zmlGXMtkZa6LXuAJzVQ+V69aeuVGyFJouA/XTHaMwTZV6QPRnMg5pUlzTYLwUmh5a20rMTymRtjEWJFIZyHsvN95TzPQJR7LlIWKUCG2g2PoACe33dePY+vz33LLLSfOx9QTjnVE7x6O14199TEkEeD6zmo3+hxMmVgTjFU9f3rBP8OkOTAwMDAwAOwctLKk4VUSaJVUnO1L8Bw9jbJyOLMP0rbkVoUlZ/tWCc89rZf7UOtYU+m6CsbJEk4pDfacx0YVtNJLAF0jwe/t7enmm2/eCk2O0mxFMF7RN0nbGh7pyLjeMi2U689t6kmkDLm2huc1lKWJMHWGWmKW1E1NgWsnC3hiOgDXCNds1PRoValo3bKSQkxAZzBaRlLsNtx0001lQvLe3p7Onz+/Ra4cSxSRMJv9yJLHK9ouBqL1yKOrhHymS8VjrK2RgNzBI1mKhc/rtkTS7fg9roOKlIMBXFkbqzI9HoNMW+TaqLTenhbK+9PtiXRrTOAfGt7AwMDAwABwTdRixhoNr/JBZcnDPYLpeO5e8rBB6TYLLacdnt97CceZT6i6XhXyv6aIZOVfJDJfWDWOa9IIKi2+R5m2pDmeO3duy18VUSWLU/OKY9ALz8++Z/4Knov9yNZqJh1LuSbBsWOoPMPs49rJSuvE7xWZdDzWWEM8Ts2o8uX1NDz6fZj4Xo1BT8O76aabtrS3qHGRcs1aU2X5iX3knPIYzlOEr+Mirixx5QLB8bx33HHHifOycG7U8Ek0UFkw3Jc4LywWXGl28RiWDlqyZMVnFp+Ra6wRvbgCaZsUILYhpqmsoSuThoY3MDAwMHBKsHOU5v7+/pZUnSWUVr68jCy2oiGjdJ7RA1GLyaLIYnuy8/AzKzmT0ah5TLI2ZlQ4PSoxgv4dRihWNFjZOSpNLNMKjUqz60VprrGjV8Td0rYESr9llnRbSby0Ghg90vLK75dFaZLSqfJbxH0Nanpcf9m9YSxRzMX2Vmsji5Su9uE6YwRmtq2iI+vdtxcuXCjXT2vthI+P2o60ndS/hoCi8rdXdHrxerwvKj9wBLW+mPAtHWtXcV5odWJkrfd1/zPKN56Xml3PYsIisgbvA+mkTzWevxfHUUUQ22eXlWaiD6+3doih4Q0MDAwMnApcFw0vvuXpA6jstxmRLCWBSsPLouco2ffIjivthfbqTLKvIit9jozweClXp8qPyfq6VDYo6yexS5TmGgLdzH+QnXd/f7/MQcv6xrWSnZ/5QiwL1APPV0Xv9opPMhLOiN9JQ0XLSBUlGNtSlaHqkWJTI/J5GdkXx4E+VmosGbUYo/+4b6aZMxf27Nmz5bq0D49jErfxWrw/ehoe78+KkDwey9xD+uOyPFOel8+ZLHfPx3utVJpW5o+jRsVz9Ij1GZna84WyrZXFLutfRQFH3118x3jeY5ml4cMbGBgYGBgI2FnDu3DhQvk2lmrmk17kYGVbZtQcpcL4W2XjznwqFeMJf4/nYiFGo7JBZ9phxcKRFf6kxELJiv6ujLmGUm3P51bl3dEH0iPFXor6vHDhwpEknvlPGGHHSMQ7A6gAACAASURBVMRsXjjeXEv0l2VglC61ql5kasW0k61vHsM+ZBps1e5KA8/O4+sxB5JzK9VlaDwnzDOLx1C7Yb5hpknYj9XT8M6cOaPbbrttK2/ttttuO9qHeW+VLy3elxXhdxUZnRVKrZ5NPWtNRVafRWDzmUEtkXOYsVAxz7PKk8zOz/uIz9OMcaeK22CfsrHwdWPpn/hdkm699VZJJ7XAoeENDAwMDAwE7KThWUrvZcwzb4gaXa88UBWVR0RJkFIR+eh6OUBVxFPP/0cpjRJeZuOuJBxGeGUaV5WfUkXvZceybWv8cTxXzwdi9KL+zLRCiTQeQy29yqmLY1H5+SoGlghqdtY2OC+Z9Ej/BLWBbJyWSthw/+x61FizaDlGcrI/1Hp6vLbWpnxfW2uLbCDU+pj3lZVQylhMenl4N998c1k2TDpmL2Hfqty6+D/vD96PWcRv5f9nrh4jF+P5Kp9xfA5wX65n5j72mE+qwrxZZCfXkP1mvby/ylfH52yWC+vz83lHdhrpeO34fo35vUsYGt7AwMDAwKnAeOENDAwMDJwK7By0cv78+S11NwatMByX5s8s8dzHWFX1d6u5VXhrxFJ5kWiOIDmw1XOGiWfhs2vMXdxeJYn30hGygIKIXiAPTTJVqaQssKZCZjKgyezg4KAbZHH+/PkjE8+aMjoV8XMcR58nC6aIv2fh+15vXmdex5WpMV6b41+RF2S/LZkW43WrdJhe+k3lTmA7SIMV/6dpq0o9yLaxZI2DDLKAkRgo1Es8P3fu3InnjCQ9+eSTR/8zyZ3PHbe/RyLA7fzecwFkJnO33fC40BzKNrOaeTyGY9RLj6GZn8+UiuJQ2l4HlUtlDaVhj46sMufSRRBNxQzyGSbNgYGBgYEBYOeglXPnzm2FlkfpxlJYVlxSyqXmKlm0+uwlArMES2w7/69ok4ws1JuO38rR3ZO4qWHuIqVXxL+Zs5pBHj1ar4pmyci0VKYNXLlyZTE1gefJ6JpYeoUWhWycqIl4u8ea2gHblfWxpz1zrVSky1JO4RT36aXsVAFIPQsAJXZaXTjO8Xpc50wxoPYW9+H926OlY0j+ErXY2bNntxL4IzEzA2Z4/1PLje1ZKpvV07wzesV4nSzthqQVJGyObWdwD9vKc/TmZYkOLe5TPVfXEHsspaVkgUMkM2GKULx/qeGNtISBgYGBgQFg5/JAZ86c6RKL2tZKiWdNIU5K9FWiZC+MuiqF0QtHrpJFM7omSj7UBjJNiFIQJe5eEnblw+n5/6qUhiqVotf+Xgkj0lBdvXq1q+EdHh5uhURHf0VVkLMiTJa2k12peTFMPPNX0dfB0O+MEIBrPyNVJqhRVWkXEZU2Rp9kT0ujVsZ7JB7LfaqUgxhuzznlWu2Rsccx7lGL3XLLLUdz6f3sG4ztdnsdsk6/b8+qwTXPdRHbxzWZxSbE36VtirKKVDnTuKihknIsK7JbWYOY2tJLocr6UW3nWPM5R4JvadvH7v55brO0oipZfQ2GhjcwMDAwcCqwc5Tm3t7e1ps1vn0ZuVkV1cy0NErclaaX0dkw0ZzSeiaJ0K9TJWjH36p910QJUaKqtMSs/UZPOlvqR0/Do5RL/18vSpNSZoZpmlLfRIQleEbU8XsWIcjoLkrpmQZGrYDrgmsrO39F1JzRn/XmLDtHdiy1QK77+D+p2ujfZuRl/J9zWvnT4/WWKO0ySqmepcLY2ztJHu3zuJBqvLb9eozAre55afnezTThqgQSfbkZMTc1LkYzZs+dyofbo/erLEi8x9dEIxsVZaRUk31Qc45z6fOxDJITzUkOEY9ZiszPMDS8gYGBgYFTgZ19eFJdOiL+5k9GS2W24CX6MZ+DEUvSth+JEkhGHs3rVPRka6IYe5FlS/tU7VlzTEViHH+rbN09bY3aJqW0jGg4akiVD+/w8FCXL1/ekthiW7zN88yo3EzqrGiMYm6gtO23iu3nednXjPS4ip40YhupDVa+hyxqsmpbFU0pbfvs/J05aVnuIn11HLdeOSpuI6VYHEdSSfV8v+43Cdwj3RR9d9b0GFOQ3SdGRQFn9IreVj7vTFurKM0yovOKZrGKksysRPyNmnj2TK600So6Pf5GPybHJIvW5TvF85bR0hk9DbXC0PAGBgYGBk4Fdtbwog/Pb+XMd0N2j14kUlUKnlFS1CikuiyQ0Svxsib/zqB0VNmne6ikpkxLoP19ydfRY4HgdXoaHs9R+Rul3D/Wk7YODg62pNsswtdSHVkeqL1FUHsxrN1k+aGV74maf1wfmZ9F6uecUUurIm4zVIVfuXbjPUj/EiXvSouLx1YMHtn9WzFr8BkQ/bbU8NfkcPYsFT4387fIXtKzoixFM2ZjzDZT88miC6vo1Z5/sXq+Mcox7ldFeNP6kd3TXJNVgeNeLAYtJb28VrfJ0ZnW3rMYAt57ly9fHkwrAwMDAwMDEeOFNzAwMDBwKrBzWkJGipup2wzfpoM0U1H5G01m/sycnkSPeosqdhU00zNT8ry9MOuq0nFPDa/Mkrx+lhZRmT+r+mgRVSjzmpD5XlqCz0ETd2bmckADTXOZGdSoUlsY+BTruDGthuYh7lddW1qXZF2RBtA8HkFXQJXcm5kllwJQMpMmTWNs05p0GAYgZMFmJNJeIh4/d+7cKiKCiqibqRnxf96XNOtl67sKzCAxQfacYxJ5r/I5E80rIv3MpE8S/ooAPI4jXQIcc5rlSTAS9+EayfpXmfnp3ohjz3E8PDwcJs2BgYGBgYGInYNWopZHyci/S9tSHbWzLGy/orGiRJqFpVfBBJkGREmbQTg9KZ0h1tVnlmS7RIXTI3GtJKFMmqqS/KvE0/j/LjQ9Fd1Qhb29va2E89gGlgIhNRYJZuPxHJ8qJD/rn0PZGaySlXxZ0rSzVAb2ryIryNrIIClqG72q1RUtGC0m8VimHVR0YXHeKHF7/qjpZeWB2PcMJrzgvtk2kg1TW4/zQk2Rbai062wft8V9z+a/WiMMtMnSYHwM54fzEi0YFdE9SZ0zUg6en/2kBSWCaR3VM1LKtf/4PRvPTDMd5NEDAwMDAwMB10QeTQkr86NRqqOGl6UJVHZYUkBlWgE/1ySArqXgiv9XfpdKSsz6tUQxFffh55q0BJ6DyKSypYT6LMmTfe9hb29PFy5c2NLwIgkxCwD7vPZBWFLNqOyqElNeMz3/ImnJLFX6HJGAmvNfWQdiP6uwbK77XgIwfSU97aPyfTOtp0e3xvHqaUqVr6ZKIs7O05PQp2nSwcFBV3um9s9nUua3rlKm+D177sS2xXNlWhqvx7VTfcZ9fd4q1SBLG8osYtn36LejdkYLSc/HW61voxdv4HQEWuy8b6Qjo6aaXavC0PAGBgYGBk4Fdo7S3N/f34r262lrlM6NnsZVJWSzDImUkxBLxxJIlhxfUd3Q15ZFlVHSqnx7GYVRFWXYo1ei5Fb59DJQWtqFdLW6ThalafSkdEfaUfKO8+f5pU+NlGMkCmC7YlvoB86iNBkZZmSlSXhstW/8vfINc91lycxuGwl5jSwRvCJf7/nueGxGgh2vn1k/qKHQrxU1vGo9V5imaWufuA5YOJRRkhmJwNKzw8dak4j3zRIpPqNEs7ZUz7ve85QFWKmNxvuLWjmjT32uuA6q+31pe2w32+oxZ3mkbCyq52i8B7OSQkPDGxgYGBgYCNhZwzt37tzRGzsjWaXESW0pIyGm1M+3PaX1KKVVEiKl2/g721CRkPZy96r8u8wfU9GSVX6yiJ6GFa+f5UJWfsWehrek/WXaR8xfqiQtrx2SikfJjRIgScNtLcjok7iGKiqkuJ3SJKPKMp8hr1uhFzVL/wul5SxXjGuUlGKZH473APOwesVq6c+qooOl9dJ5piFVZW4iHBmeaemGtUifj35ErlX2IX7nuGQ5qFXUdM+3mmkrcXs2thUdGX361EqzNlU0dRmyorcRmU+08sdWke3x/yX/ZgSpB5999tmh4Q0MDAwMDEQ8pwKwvbLyljgoaWXRhpUUQw0yk7SowVHjychQKZFWEZG9Mh2U8HrHkvS48uXF75X2SYkyk9KqfXt+P2qsPH/G3lL5WjPY/1uRLku1FcDb7duL8//kk0+mx1Ay7Pm6GMlZrcd4PNckI+J6PtwqKjPzm5Ed5emnnz7R1qwALDW7jFEltiNbQ72oTKKKTGSkdvx9iZUnwlGajCqNmhKtAv7O8jJxDJb84ms0IIOsU5mPi+NdaWBrIop7UeEGc1KrPmTPOY4JfYT0LUv9HFRpmzUmno/PDrLQZHnNVa5lD0PDGxgYGBg4FRgvvIGBgYGBU4FrSjw3MvMRaWx6zkeDjmY6N2mWjGYCqu104meE03Qa98wCxFISZ3ZOmgUqCqOIXpXvpetVZk+GNEdUJtQeCTfnacm0ME1TGeaebavSRWISqq9pU1/Vnyx4iZR13tfVsrMAK5qdGDSQBQjYzMY5rei1opmIZk4nAjMQJSbw+39/0mS7JhWgIkPv0eNxrVaVw7Pjl0xzBwcHW+3N6qqxvaQay6i3aBpbIl/n/1JdWzEbY5oFGYiSBa1kayNuz9Yd72XSkmVtqwL3SPvHWpXx2nweVKlc8bfK7J89d2g+HmkJAwMDAwMDwDWVB6qSfKXtwANKe5mjnJIOP6tE7XgdUktRO8wSMpe0px6paoUsfaBKFs6uw/NUASEVqWtEpVVngUOUrCoJv0cavIRpmrqh0ZXmW5VekY4DWQwSTffmuHLq98oDMWCiCl7J6Mg4R1WwRGwP17UlfGp6UXPx/0xDYL+ztcU2MliBKTbx/yqknCTGcd9eqSq2uQpqk05quPF81t4yjatKuVhDREzN3mNekSHH9tLqlJEhG1XKDIMD1wS8GJU2xf9jm0ki0AvKMSqrUZaWsBRol6V3eKwPDw8HefTAwMDAwEDEzj68LNx6zf49H14l+VZ+g0zLWNJmsuKNFVlsZg+vSKLpl+v5fZaSyLNk3uy32N/ML7eU6Nybt8qG3ks4XitdSfV4Sds+BoO0XVmya1WGihpKT5Og/zfrH/1vbiv9FFlyfFa4MutXpj2xbUw1iD5MUvDR6sH10EvGrnzwmRZa+e19vUj22yvFVaFH9Vb5+3vpKlXye/Us6fm++UzJ7okqPYltzbSZig5xzTOLz1O2MdO4KssOfaJZrEJVsDnTCitSbF6/5ws9d+7c8OENDAwMDAxEtB0jFB+U9LYb15yBXwV46TRN93LjWDsDKzDWzsC1Il07xE4vvIGBgYGBgV+pGCbNgYGBgYFTgfHCGxgYGBg4FRgvvIGBgYGBU4HxwhsYGBgYOBXYKQ/vtttum+6+++5uLpVxLcEw76tj3l9Ymyuy5pg1/b4R18tYOWLuzoMPPqjHH3986yS33377dO+995alkeK1mR/FHKNsvS0xdfAa/D/7vnR8D2vKttwoLJ3/WtYFj83GsWIqycpSMW/t4OBAly5d0lNPPbXVuNbaFM/L3C1puwRRrxSWwXzEat+qQHRv3zWo9r1e67DaZ00+brVPleP7XFGVSstyc7PnwdWrV3V4eLg4KDu98O6++2596Zd+qR5//HFJx7XIYhIqHzxVbaksmZcLq3qIZUTJFXov46WFfC0Pxx4x61JSd+/8uyy06tg1CeJV1WInDUfi5ltvvVWSdPHiRUkz7dCXfMmXpOe955579JVf+ZVbNe2yvjOp2rRNpNOStknCSXNVVV+OfTW4b496ie2u1nD8benFTSq1iOr+yaj6qmTdisqsR3jAfbLkbCZ1swYdq5FL0qOPPipJeuihhyTNhN3f8i3fstVvY39/X3fccYekeS1JOvouzc+meK01tF28hyrKP58ju+e47ogeyXZ1P2YE7VX9vYqAPB5bEYBnCfZL1IIkulgjaPbq5DFxns/+Bx98UNLxu0bS1vvnqaeeOtpvsS2r9hoYGBgYGPgVjp2pxaS+ZlRJiFXZCak2KVSScK8UDpGdu6L6qtTq7HwVdtHsevRh13KdCksSv1TTj/nTRK1ZG6lV9drcK420pAFl40apsdLaMpowmr+q8VljFltTpqWSYntY0uwyLWENLdwSKtNz7xwsZUTaLWt+Uq2hZGit6ezZs0fH+9hIIs7f2KZMI6m0lF2eBxUBudGbn2rfzG3A+SAlW7aWKq2c3zMqszVmae5HbbRaO71iA1zvt99+u6STtHRLz+0ehoY3MDAwMHAqsLOG52KMUt8PU0kEWYmIJf9URdwct1XISthQwrZ0tkTunLV1jfZEVFJUVlyXqKSmngZb+aZ6Gjq1gkwSz8iJe/2epqlLlMt1xT72tJol8mGWp4rbeGzPx1utxZ6loUcSniGbF2qjXEMZAfDS9ZbmKkNPC+H9ZOk9829RS9vf3+9qPhcuXDja15+xNBT9h9VzJ/p/e9YGqSZdjvtWz5/ec2mJLD9qrhXBdEW6HdtIX108b4WlwJ1dCO95b2Sl2nge+g4dMxDLbWXWprUYGt7AwMDAwKnAeOENDAwMDJwKXFPQSi9Mt1chO27PTDBLof6ZWr2mUrLUN0dUJpnYRpqslpzJa3Jc6DzepdYgzQdZkMQueVFVFfvedXi9JbTWyirI0klzU9aGLP+Kc1iZZLN0i164dDx3bGNVn67KIcz6ypzGnpmINeA4p700gecStLL2vspQhehnwRFrapq11nT+/PkjE6bTYaKZy/9XQTBZnTqaOasgrLU5njy/lLtuaGrk/R+PqWqB8p4wslqRVapRtlY5BwxEqZ6ZEUvumBjgw/7xfrWJOqZD2aTp32LKwhKGhjcwMDAwcCqwk4bngJVKG4j/V+HhfoNHyYRSShUIkkmVVbIotcGs4nkVPs39Miwl9fbSEyiVZyHaa5OHM1QaHrf3qsBXCcdrNJcMe3t7On/+fNmW6hhpWwrsSZXUsDnWmZOdY91LIvf4WCtgknxmHfB5uZ6WtNHYbmq31PziPVRptdX89Jhr1oTsc0x4z/UChiyt9wKe9vb2dO7cuSMN77bbbpN0HLIuHQewVAFO2b3MSu2eQ4P3SVZpvUr87iX1s+/+rKwqPE9sMwM44rxU816RgcTflu6NrI2VBYP3baZlM9DJ17MWd8sttxwdY9KCzDK2hKHhDQwMDAycCuys4UVJqZcIHCW3+Mk3t1Tz4PE6vcRPg7Zm0gPF/y3RrdGaqA1WWKOxcIxIxSRta31rktWrtlQaWJTwPCbUfteEV69J0JbmfjNRNraf0h2xpi1cb1xbPd/xmiTyzBeUHdvzb1f7ZNYPJlSzX15D8RhqdpWlJLN+sM8Vb+4ulH2Z750+qF4CemtNFy5cONLs7rzzTknHml48z1Kyc2yDx87b3AZaO7Jzs0+Zdi6dfO5U97/9j/6eac+V9uT10XsOUJOjrzy2mWkPnJceRSQ1Lj67srQjapvZ+0E6SSNnDc8UY0vpUCfau2qvgYGBgYGBX+HYOUozvuEzKcDSkN/Qll4qyVSqpWWj5zMk6H+hnT47ntJsL7mWbVzjZ6SUWdnwY9TZku+md90lCTuTuH0danqVxhzbsEa6coRmrx9LvrqKsqiHHjUW56XSVDNfh9taRWtmbai0gsrfGP+vPnv+38p3Q8LtLOqZGj771SNliMnkWb8joi+yWkdnzpzRxYsXde+990qS7rrrLkkntYBK+/f5+RyK/7PPFbJj2TdGNUZtyhYlrgdHILo/0ZdowvTqOvThxTGstHLSeWXPOc9dTO6Px2RjshQd7PF1n+I2g8/gzEdtbc+aXi/Clxga3sDAwMDAqcA15eEZWUSmpRRLBpZeetFylb+ol0O1BNrlM62AEXVV3ldEJaWvQRU1mflSqn3WRDdWJTd6mlGVL0ltK+63JBFHtNa0v7/f9eHx2mw3tc+sDZWUuSbHieug8gvF9sf+Vb8vRcD21jXPS20zyxWjdYManYl4/Zm1lfcG/YuZVtDLl4ztytrdoxbb39/X3XfffVQCyNGZWf5kpXllNHJVhCW1KPrLYh8Njy1pyOL6jJpN/M6cs6jhPf300yfOw3VdRbjH/vAeoT94jR+O58/ovaoocK7HSATNOAqD/Y3z5vJQ733veyXN2vvQ8AYGBgYGBgJ21vBipN3RSYIUYCmF0WPUFKKk6rc8bco9iS+2Jx5jsFJuFmlHKYyaUWafpmTPNq/RoigBRYmHqPxklJoyP0yl2WXRkEsSUtaOTBPrkc8eHh528xWpvVi6vXTpkqTjQrD+lI6l5Cq6lH65KBHbCuFPrl37fbI+c4x9Xa/lLMeRWoDBMi09bc1gpHE2//7NY2RGiieeeOLEZ9QAKkYN+uajb4fjF1kxpDz6kOhF2u3v7+vixYtHmp3Pnz13SFhd5QbG46v8WFqjslxH98l5YmxHFh3O3ECyNMXngSMRmSNY+cIzawE1cLeR2tqa8/u75zw+I90/Fmx2P92vqClzvbktPsbPgCyK94EHHpA0FxFea/0bGt7AwMDAwKnAeOENDAwMDJwK7GTSbK2dMGlmwR0Mk2biN9X4uE8VmFE5NCOqc2QmJqvW/o3moczhTFMZzYUVCWrch2aVXkCC21glntIsG4+t6I08b1ldqmtJ+jfiHC/tR9NjNPnYfOF5eOSRRyQdhx/bVOL9pGOTj7f50+Y7EgZkJs2LFy9KOiYlpqnT26Vtc1AVIBLXDtc+x5rH9kL+GULPtSsdm5JssvT4PfbYY5KOx4zBK7EtNOvRXBnNlh4/JoY7fNzjlwWZVETTEU5L8Hls2ozr13NFc6HHwp+ZWdJjahO259RrKCOGYPg8qd68PaYauf0MCOF9GcmQ/RvNgwzGMaJ5kulPVepElm7BtBejShWKYBqC11f23OZz2v30fGZpN05LcRDTu971rmHSHBgYGBgYiLguaQnx7eo3Pp2slkSz0HJKyVXYdhaCzeRtalGZhlclV9PRnYVRM+x4KagkHlNVJ85C/lmyhOetgjXi+Sj9VUnL0naARlVROWJNqZDY7sPDwy1tN2prdkJbA2GwiucyHuN9fEwVmOFjM4nbGoM1FH9aQ8lIiitia18voqJnojaSER1bOvY8MLXA68DjEMfCGvKDDz54Yh+PZ5bIz0rk1uTc78xCYzBwhxaUuJaY8tGzDOzv7+v5z3/+kUTvAJG4fqnNWKutSk5Jx2Po9eSx9HePn++J5z//+UfHVtXXeU9nGiUtLO5PRkDBxHM+f3qJ524TtVz3LwuSqtYq53RNWSpqdBnpiPfxNga+ZM989+t5z3uepNnC0HtORQwNb2BgYGDgVOCaygNRSo8+AEoalMozDY8aDkOJe5qD7evRzxKv20sarpKtjYxGrSJvZsJrr0xHRUTdS+q2dOSxodTWs6VXyapR+qSkRV9ElnZBX8BSasM0TUfzYk3MyaOS9J73vEdSHdZMCTX+X2mFHKeY/Mu0kMwawD7bD+a+06flY2PqBP2HVTJ0lmTL0Hi30e2wRun+x20PPfSQpG2yXUrPcR3Sj1XRnvVKy/g3+hLjdeyHicdUWt7Zs2f1/Oc//8hXSGJh6XgOPS7uOzXkOP/0DdOf9PDDD5/4fv/99x8dS6oyJnP7Mz6XeH9Ys3O/jBe96EVH//MZQesT770sTcCWE/fX/fJYZCkttBy4Hd7u50QkdXZb+CymLzyW+vH1mM7hz8yC5Tm1xn3nnXd2yccjhoY3MDAwMHAq8JzIoy35ZKV+/BuThek3y86dvdWlXMuilM6kWyOj3KHNmcmiWRQjkzTpv8qkJtq0K/qj6G9g4jQlH0p+sb+U+tZErnpft4E+luhXMJjke/Xq1dVRmpYco8+Lc0iNOIvspN/IGp/PxYTzTAKuIs+ytcoEWZIGeJyy8arIomkV6EUSWjOmRhs1F+9TRfax2Gbm/+C4UsOLWjYTzanl8N6Qjp8Ha5PS77jjjqP58vUyCi73nX4qf7cGKB2vPVJ+UQPPfMcV6TGfLSRfjn1mAr2fo3E+6N+jr6tXPozWNH93v7124vr2urIW6H3t1/ZYWVvLylL5GN8DfPbHeXN7fR9Z23W/afWL23y9D/iAD0iT5zMMDW9gYGBg4FRgJw3v8PBQV65c2YpqjG95SnOUuLKIPvqJqhwgv8V7ZXtItmpkUmwVAZnZg6kNViWGsuhKamukGOrRAlEqslRIH0K8ns/vsajy8jLSYPrqqjyj+NuaKM3Dw0Ndvnx5KzIuoiq5409LjjFPidIjNWKupSgJMsqUfacWIh2vRV/P+1Baj+NUEX5TC8zyongdRp/SNy4d33u+nv0slpoZ5RjbxfvHY8Lo0HiP+BhrM9XaieBa6Wl4rTWdPXv2aLysBVgLkY7H3+22BuL20k8X97H2Qv+ox8d5hRkFG8eF2ntG30frl6MNmacnbZdZI8UbrTb200nH8+K28p7zOeL9ZA2vsvT0LBy0zDiqls/xeG+QGo+WOa/VOI5e357zO+64Y0RpDgwMDAwMROwcpXn58uUjicFv2CitMY/C0hLzUqLUvFRM0dKN3/a9XCdG9GXaGllgGPGUaSxkamCEoiUd9z/6NZk7Q82O7Yn7MjKx0oJjPy3RW3KjdJuxp7jdVUkPIyv2G+e2itR0hCZ9D1Ey8zyTmYGaXYyA9PksHTPizeNlKT22vyICp/+HuVzStj+O2mCMVOOapzRKX2KUcisNz5J8xl7h63gssqhcKS+K6og+R896HbONUVvwmDJnjxp0tnaiRlytnb29vRPasK9jzSxuo1ZDJppe9HTFfORxjNoMNWzeN943ttHPL0a3e1076jCuN88782Tp787ynxmdy1I8GbMPtXOOhefWkaTxXvSa4bPEz6PMv01/JjV9FseNx6+NzIwYGt7AwMDAwKnAzlya586dO5IMyCsobeeJkWWBxQ6l47c684T8Jqc9PsL7UnoyS4IlBOaG9GDpM8vZcptYxoISXsZPR42C7BkZGwz9cCyx4TZGzYZ+DOaOUTOL/1e8jj3/XFYMktjb20vzLfg7rQAAIABJREFUp6K052u6vZSAyZri88a+vvSlLz2xj3P7Mv5F+l/oy6O1IrahugeykkJcM5XvjnMet3n8fX23meswXpvXYcQgJe8Ij9cLX/hCScean++rjNmFObGeN183WnWy8jK99XPmzJkt/1VcT/SPk3c1y+H0vpwXrx36/+Lzx9t8Dha8pgYYj/ezqvJ9x+dOpSUzbzaLXfC6clsYpWsNMD6/Pe88loxCHqPM32jtj+xD7373uyXljDssVcT7Oq5Rjt/tt98+uDQHBgYGBgYixgtvYGBgYOBUYGeT5tmzZ7fMXVkiOMOarYZm1YpJ+8SEyPvuu+/E9aJppEoEpyk1msF4Hu7bo1yqTJqkLorOVybK0mncI4BmiDn7nQU6MDSaibVZuZOKwJtBOTHJuEplyNBaO2GWIHVQdk0SQvcCNO655x5JxyHeNp94fGwmzdJFaI60ecqky1niucebZAUs6xSP4XcGaWXmUJpx/UnTTxwbb/NcsZI204rivHjM3YZI0CtJb3nLWyTlaQlVoENWMTyjWVsKWiGpd5Z47k+nLJC8ICuF5LH0M8rh9A7CYCJ/BCnEGNSWmfFJ2OBjM/PdC17wghNt9Hj5Gentvk4cE88lnz9MJ4vPUI+Bx5H9YJpEnHOvCa8VkhX4+pEG79577z3RFh/rOfZ9nRFGeF5uvfXWkZYwMDAwMDAQsXNcp1MTpG1aG2nbuWqJwG9sS88x9JaOWJbPYKJhdj2WSyEJclbqx2C6QAZqeFVhVCYtR1DbrBLus34wvNpjlFEX+drUlOlYj5IdNUnSUmWaSyaRL2l5pJKKErDbzXQUSsRxniz1e+yYsmKJ2BJ/piWy8CvTB7JCwFwrTOLOkvpJk8QCsJkmREo7BskwUVfaXqOeb0vW1lx6686anaVot8PjHceE0n+l5WSlZEjKkGGaJl29evVI+neKSdQUOD7eNyt2bDBohZYRUozF+4WUe7ynfGxMS3BbqHFxDWcBGkzRoaXB140ljJjeY63NY+PPuIY4JrRgMY0g05hZRNhanMc3C17y+dwmrz/PdXxOeE066KZnHSCGhjcwMDAwcCqwc+J5JAjOyuxkhQHj90xasoRhLZClKEivlUlrpPbxuXolVwwSszIhXNqWrCsCYJ8jk5oM+nR4TmnbV0j7O/1asa30wznUmEmcGSUc28TyQ9GPwVIyPQ3ZloGMeottsMRr+z3D9mMbOD6W+j0vPofHK0siZ1i+pehMW2XRTpIieN2tKZxLMvRM26EG4bl0G6uUF+m4z/RRWqPNjvHYW/K2FE3ffKaFuC3+7utkqUHs+5UrV7qkBZcvX94a0+w5wBJCLJ8UnzsVEYT77hJGXlvRmsI5pEWposqSjteg59KfmVbo5xpJnal9+pjYP/siWSrL64LWnLgvx5pjlJEocAw8Xu6fv2dWKa8Za3TuD9d/bG+Puq7C0PAGBgYGBk4FdvbhxRIvTGSMyPwR1b7cRm2K0XvRj0Tpn9dl8U1p2/dIjS7z01Ca4LHUcqLNmdFwjA7MaLx4PUpY1LwysmIe6+225WcUVhXxr7dntG5R2qt8eNM06dlnn906b0YtZimPGoil3dgGJsYzIZuacmxfVTaJUcPxGPqKLL1ae/H3bO1wndOHy3bF32iF8HxnCcC8P71G3GZLz1mxYmpZ0U8m5RYaUj1ZgrfUnh3D++bw8HCxRJBBf3bsK+/7XumljMgiwhoeS01J288IJmZnYByAz0/NJ56DFI0kSSAtWjyWFHNMVs9oEEnRVll+MrIJjrHPSw0/FoA1vC994Nk7hs+qHikGMTS8gYGBgYFTgZ01vChBUIKU6rI8zOfKcs5Io8Q3eVY0lpIANTqS1Mb/qyKqjJqLx9BvUBHPZj61pXNFVEVwq+KkPWmVUqg1l11KJmXaAIvdnjt3rqvhXb16davIZZS4LQkyP4kFOON4klKJkZDV/MRjWLKIkbCxjYxSs7bktmZUX2wTIzp7eYz0ebKoJvsiba83jl/v3uD9SstCJlVXxPCZ/4XHxHu7WjvOw6M1J/aT1gzm2LkNmebN50tWiDXuJ237sth3j3lGeu1tzrGz35cxDPGa1CipCWVr1cc64pFxBrQSxfP4nuBnFYkZ21YR22fPm+r94PHL/OlZjnDPOhAxNLyBgYGBgVOB3esrBGRSPyVqvtWpocRt1Biz8xNV1BCjRTPbOqVBaphZCSOjaiujp2JfqYVy30wLpSbn79RgsrYRlBLjftSAqpJNmR8ji2rN0Frbmo+sZAylZbJIRJ8DpVQWlKzmKbafv9EXlZV4sZ/R/hFvz6wQBv2ju/jwmL+a9ceo/C+UzjP/XxV1SG0w3g+MLqUvJ8vXNaKWu5SLxxJMWTwA1ymfC9kazbSVuD0jyTeY58tIz6jhkQHHPjz7fX2daK2x786+1MqS5Zzb2EZqtSRdZjFjaZsMm89mMv5ka7W6j7NodIPk31m5I4P3/JL/N2JoeAMDAwMDpwLjhTcwMDAwcCqws0mztbZlCsxqWtHMQQfxmvpF1T5Z1eIs/SAio8SiKZPVuDMHcGUq4/cs0d3n5/hlNedoOqpMtZn5cilMt2dSqPpXUanFfXtzauJxBhdEMxJNowzUIPl2bA8p5phgzjQSaZt43N9pjooJ0wxWYei9TUvZ2umZh6s2ksKK6Tcez5jMy0RjjkXP7Mr7lSbOrKYfQ9SrFIHYr17CPOGAJydMe+yjaZvEE1VgWDyGlHWsOck1n903nEs+j+JzwPvQDE7zofspHZs0vY1t8TxkROD8zdehWyGjeeSzyddl3dHMpMlnV49CsQr2owk1HuOx8La15kxpaHgDAwMDA6cEO5cHaq1tker2qntTQ6gc9XEfOqPXBK0wyIJt60m1DPHutZGSzZrAGpaQYfBA5qCl1My2sI2Z1rumbQb3oYS3RBsmzf2sAg+iZSCePyNKrsLbfe5YRdoSu6VXjyEDkDJQAmUIOxOq4z7UBpkWEvtVaVhVSk2W0kB6MG6PGp6DIFi52+1gEFW2Pqq54Gf8n6TfvSAmn3cp+duYpmkrXSSmO5BSjvRTWfCax4maN8cnW0OcQ6NK+peO16q1JF/fII2YdPxsWiLWp3YqbVecp5bGALgIjlsvwd2oAoN61r3qucKAsjjOtKI9++yzI2hlYGBgYGAg4pp8eNRY4tuXochr6JQqeq41pUOMKkw7kxCoSTINoRc+W/ldjOxYaqH05WXURZT6K0qzzO/DtlaaXna9pX5mSbHGmTNnugTAMXw4Czem1F8lDcc2eCy9TyWdZ34YSqRVomxGjs7kZPqtsiRlSv1VAd0sEZjEzFwfmTbFsaavumf1MCpfckasTn9iL0XJx2drP+tHXJ/WXBzWL2378Emuns0/1zT7WhVDjvtQS+Ix8Xr2BTulxde1Rmei7qjhuR/Rrycdjzm1s7hflQbFEkqxX9SimVLSS0/hM6qiUIxzXcUIcD6j5sq189hjj61ay9LQ8AYGBgYGTgl29uHt7+9v+RPi25WaAmnD1kTqLCFLdK8kxKwgZ0U43Ss3UdmwK+mlF0lYFf7MyJxZbqTS6HolMij99Oihqkg7Sm9xnygR9+ahtbZ1TJRQK2Jpa2+ZD6CXhMw+8liOISN8MwsDNbwqGjn2i2uD/gnOTzYvnF9L55boowTs61Ar9PrqUfVVa5XtyUgSqP317utdyaPj/Gbk59YqHSXLRGaOSfy/SpznfZI95yo/mI+NvlVrpPS/uc0PPfSQpOMCvdLx/NqXV8U50D8bjzX8vLYGacoxlxGKxzs6lHR0lSYWt1XPqCzSu3qe+v7K7hG30RrxpUuXhoY3MDAwMDAQcU3k0Yxuy4ig+cZljhvPGVFF1vWozJaksqy8BH02PRLfXnRS/J3tyvahj4B+Bmnbls5IuIrUN/5fSefUNOL56DPq9ZvjtUuZDmr+2fHMqbK0HKM0qXFx3CsfcraNvg5SZMXr+TdaLrL1n1kZ4nf6OuK8MWeTa9WaXvT7eHx6uXqxDxk471Vb43mqIsnZmFMz6vl/Dw8Pdfny5a0ixNaMIljcuBdxWeXuUqvICO95XsLz5PmRjjUsz4/b/+53v1uS9K53vUvSseYSz8+oU5+DfYhaL/N/rdF5X6+ZWK7H2p7XjNtC/2+2dnoFtGNbs4jy6pjsWeV2v+Md7zhq04jSHBgYGBgYCNhJw3MuTC8ni9oKI9EyjavyF1RMB5mPo2I8yWzbjDSqCKYzadCoWDN6EV0Gc1syIlaDv9GntqbwJNucSadVNCN9FZkPxOj58KZpLgBL23zWhio/LGPRqXx3JA/uMfxk0aZx33iMJWt/khkiKy3F9V1Fh2ZRoRx/EueyeGiE9yXBes+3Vt2La3I6q0jiTLtiIdOehndwcKBLly5tFTKNmhDnOYuWlU5aFNwG+vCo2WV5spXvlkVe45q1H86f9tW97W1vkyQ9+OCDkk5aMBil6P5Uayd7ZpE5xr5Ea5jR/+txNJuNz88yPb1cZVqLyN4SwXu6ek94LUvHml1WjHoJQ8MbGBgYGDgVGC+8gYGBgYFTgZ1NmgcHB6UDPW6Lx0i1uTLuUwU/9Eh3q+AUBn1koeykT6pMMhloMq36Eq9dpQ64PZHirKqDVyUc94KBqmCVXuI5+9n7rSLsjvDaodM7mok4Ttw3C5ggQTH37ZFe00xbVWaOc+w5Ir0RTU1xPJmYXSW6G5k51GYum59oYoo0WzansW1VIFLP/FqZ+bPk4areYnZfu89LaSU+7sknn9y61+L9QmLxpT5n+1bPqsxMXbkWnFzufR3eH4/xXN5///0nPrMgHAbMcI3yXo6mP/fV2yr3R7x/vY5Ig+bvXP/Z2iFo0u6R8nuOnVLhfsa59pjYjP/II4+sDpgbGt7AwMDAwKnAzonne3t7W4SvmdREx3+PbJnOYqOi9uklkfuTklGUgI1Ko8sSZykNVuUzMo2CycOV4z/2n7RtFXksw6+lbSm9klgzVFRSvXnrJb0bpodisEJsd0UA0AuYWBNMEc+VSelVikdWrqVKaWE16SxIilXEq+CcbDwjjZI0S7XStsQdz19ZKBhw0LNk9LQ0g4EMVUBFlsDf0+xiG5544gk98MADkk4mShukqiMheDYvFe0YxyWreF5ZBdwOa1UxAMVj57B698dzGlM02A9aAfhMYaJ93GY4yIdEDpHEugpss9UgplnE/eO+PNbfs3VWWRK4b0Zw7fM+/fTTQ8MbGBgYGBiIuKbEc6P35l6SHtckClLayGh8qNFZwqIWEwsjsv2k8aIUL21LpJbcKKFmRQndNvq6aHeP/WIoNAmVYyHLCpU/lVp3xBLZdyZ9rgktb62dODZLT6koqSpqtNiHNb7iuH88hudgOZ0opTNs2xKvtQ7SRknbvmKGi1N6veOOO7ba7zbQUmFfXnZPVL5PWgfiulzy4WXbq7SLXqpMloKylNLC+Yhj4f85pj6//T3xmMqyxO09ukDGDJCoO64Dty1SYsV9mGpSXTuen/tlaT62Pnhe+CzJtKeKwIMkA/EZU2mjfO5l683g85upIdLxmNu6MRLPBwYGBgYGgGsqD2T07KYVIW6v6CSl/so/F+313FaV1YltZQQnpRb6WmK/fQx9hBUVUwSLNRqWVKI0yKgl9o9aaWwrE+vpy8sS+BnVRgkvmzeeb8mXl0nIEZQil5L7q3bFa5ECLGqUFYWUNQiuC+lYWn7hC18o6ZiuyRqfr9sjc6akTb8m/STSdlQmE5FjEq776nVVJSsbcV6YwM1xzZLIDVo3en6/3nMg2/fKlStbz4PMAsPPLGnc4L1aabOZNYJJ6xxbWp7i/7Qg2TqQ0XZlFHwR/j2z/JB+zJYDRpjGZzXbT42Vv/eIKHjO7HqVFY/3RhaRa9/60PAGBgYGBgaAa4rSXBP1V1F+GRnZMX101MSy3DdqaSRTzbS1ShtkW7MSL9SwMioxKfd1UYLLctGq6xlV3mFWIJGf1MSyKFS2mRGFmbS+ltbsypUrXWqxyl/Ba2fHcPwrMufM10U/TPTZSSfn0j4g51vZN8y2e93F4zlOnhePSUagy1xBFsXN8v4YIcj8p8q3G/9fQ1JuVDmQ1OJ6kv0zzzzTldIPDw+3SLHjOvHc0Y/Eey3LH6TfiO3ItjMKlFGb9sPFdeC+VgVY/RnXn+fS68zf+Wz0eoixCm6DC87ee++9J9rqY+K8eBtjB0hTZ2R5eFwP1Loza1QV/U5NL/6W5QIuYWh4AwMDAwOnAjtreGfPnj16K2eSD9/UtM1mkhYjqihxVZ/xPCwTQ99WlLR43YpZI4uapPRX+ZmyvKjKP5YxlVS5clX0VAQZL6oCnVmEFdu8xjYeJe5eiZenn356a+308rCq0jQ90muDEjA1c+lYamVkH0v+xHXgY+wz41h7nUVJm1aGqvCov0d/nK9nfwUj/Lw95gra30HfoNFjoXFfqzYvaWFZ/7I5ojXn8uXLi7lUlV8pgpaeNQTWlU+/ys+VjjV8+s5oPYk5g/b/eu58Ps8X/YHxfxZG5TPT6y3OtUmi77vvPknHmp7P4T5EC5P7Hom543avRz7XY59pHaB1IrN+VOuL14v/x3lZq+UNDW9gYGBg4FTgmjS8zAdkVNoY/WJRM6miM5fYTKRtyZqSaRa95P+XtM8s94MsMxWrRRZpxQi4ym8Wj2H0Z1WIMRvPXnQjv2fRnllbM7YMI+PzjOe5evXqlkaXFUqlf6cX9Vf5OPlJaV7aLvVD7cCImoRLulDqp7XAUZvSsWTPXDCyY2RttLZnidsMK2T0iBoeIwgrH2Kv7A3XEOc2zn2Vz0ZfTs+H14u0m6ape2zcxrbwvonHVLECzJekz0va1ui4znwOa1HxeN5jbrPbETUg5tsy6ph+sXhu+pl9HX/P/Ixsv9dX5QvvzQHbls1vVeasitCP11wbmRkxNLyBgYGBgVOB8cIbGBgYGDgV2DnxPNJHZSbNinyUqmnPRNGjkuJ3mh34mVXm9W9W7WlC7RGx0gleVf7NSqEwYIN9iKBDfqkSdRaqv5TAHVElkffCkNdQSEVcvXp1yxQbz0czGj+zIIslggP/btNMRvXEczCNI5r8bFqMJsS4j8fCZkzpmJzXJibSg9mkSnqqeB1fNybgZteX6vGqyBF6QUD+pFlsjTmJJu8suG0N6a9TWmgOzwImsmvF73GueW2b9mhey0xypAPjdZg+Es/jdWBzpYNY+MyUalJsuknY9rgvA/pIopERQtDU6POzPZlLguPKFJEsUM2/8RmZmTSZPtQjwyeGhjcwMDAwcCrwnBLPKUlKtWRFCSsLUa4ke0qDmcO8+p5JFZYWLE0weTijGvK+ltwZGs02Z0VxKwou/x7bWEnaa8q1VJoRtdGMALjSmDPSYEqBPanfgQdV8n1sb1X0Np6L/1dpIQwIiZJiJYlyDLIEZxL/cqxjsIK1MwYRMFWCyb7SsRTL0HWjR+pdUT1Rm8+k9IpAmUFi2TEVHVkWlFUFVPH4J5988kjbzbSZnjYZrxexVD6rSnGIv1X3o+ctWhQcJGKKLwc2eT1k650BSJU1wtpbTIdZCiIi9VxsL2nQeI7smVXNYc8iWK2dKoBNyu/pQS02MDAwMDAQcE0+PEq+vbdr5RvKaLuINUndlT+C0k1GGkyJnppYj3LJGh9DmjMpjdoS227EY+jPrGzrFXVb7Ef1mWkAVdJoTyusbPfE4eHhVqJ25j+iT5VSZo9arNLwepRoHktLx1URXGm7lJPPS00vamleKy78aWm8okXLpFlej+sghqOz6Cn7Xq2HeG1SynmdZ1ovNfy1fjnp5Fz3ngNXr1490kg8T7HPVTHnqs+xDb30idif6L+qSgq5jd43aqH25/l8/39759IbuZEE4ZI0ssdzGNsYrGHAh/3/P2uvXsOwAY8x45G69xRS6mNEkq3FHrydcZH6QbKKLLIz8hEphsdr7OLkycvB+8l5v/hM4nVypToUuk/yixWpREhwsf7kfepyPpLo+hEMwxsMBoPBVeDiGJ6Kz9fyvu3EHtgaosvw3IvldZl9tITdNrK6ZNnQEiLzq/shKL3k2GHye7OI1LUS2fOLd0LQqZmnu257VlK3TccYhfP5bBlz9x5Zmys43WN4XexJoOAvr2mdF9kTz4HiTE4AWJ+le4PFzHW/qZhXrKEWKFMMgffVEc9Mau7s4nEc614MsSJJ9jmw7VFlT4zrcSwuk4/ngVmyXDM1QzblHei6O/YhZioxAcV0KertvCh8Ta+HvAeuwS0b5+pc6Pq4tUqPRXrmu3sxZa6750TaX9dIV+evsuiJ4Q0Gg8FgUHBxDO/NmzcbGZvqA05NFY+wi+T777I0ub8kO1O3IRusc6v7cFJZyVrmvh0Y56NFWRmeawZZj9fFSxIrSDWK/N+hs85qHOnoflzWZ4o18fMuhsf3O7ZBQV5Zx66llCArnX+5Dh0b4F+NufOY6D2NjbVhGrvLWEwx1i4OI/D+TV6C+lmSierYQL2nkwCwssN1T8jCrxmJ9NYwDutqUCmtJgZOdqZtJOtWv8M4GGNPlYlpLJSYU9amGJ8+r2A9HJ93Wm91zbKxMWs4tU+XFcxnE0X5+bqOjV6QdF3rGLlG+UysY08Zy0cwDG8wGAwGV4GLGd75fG7Fo4Xkz3eWfbIe6WsW3Lb0aXfqLLQ4mbV5JCaV4JgZz5NrjVJfr7VtkZT25WKU/G6K97maOs6Z361MgrGH+/v7dk3U8dJ6duMlW6RQM7d3x6HF7+ZMy5QMr86ZihCprZJiKmvlNkR7KkFrbRu9Hmn11DGl+tfFmVxLpO74dRtmjHatX5iR+PXXX8dxq4YzxXnW2maXcv+uATBZTG1GWyFG+fPPP2/eY5NdZhXWMWosbNaqbE2186kMj7FJehRS0+K1tmLkVEnRmCt7InPlONKY65gY++R17bwtOj5joXWMuj5H6n83xzn8zcFgMBgM/saYH7zBYDAYXAUudmlW10JXWpAkg1wSQZLl2ivUdtvShaG/NW1b+6V8Dily19+NlJ/BcScTxqQBuhqqu4XlFXTvptRfh0tcCumvK3Cmm2vPnVnn4dZQ6gTO9dB1vN8TknXiunK9pGQPJ4PHMSvhwLnveJ50vbnOKGq+1jY5YM99WME1ymQZl3iVCp153E7KjN9xqfSXuKE0Hiak1f3RPct72YkYpH6L/Fzutd9///3ps19++eXFX4YyXPmLxqb9yXWp1y48I/cn1zcFDty9xxIZPhPldu8SQii/KGlFzaX2faQoutCFhhja4DNR7ss6Rrpm63j3MAxvMBgMBleBixne7e1tm0Z9lOFV0HqhlcykC/drvtdaploZZG5JgseNlWNKrYXcNrQyGeB2rDCl26dyhYq9Fj8u0SElUNB6X6svNSHO5/P68uVLTGGv2+8VSFcmTEuefzsR2tStXH+TeHWdc1pLdYzcL2W7yACdN4LfcYxbYBIGEyqYEFXXmCz5JHDuGCXnlbwPrpzkiFfgdDqtz58/P41bx3EMT/tj66+upIX3O9eF25YF2kpi0T5YerDWtuyA7aLEnqrwOBk+nztManFi7PqMTC8lqNTv6HgsR3D3pkvyqvvnfVXfYwIfk1Uqw+N1+/Tp0xSeDwaDwWBQcTHDO51ObfsUWiAE09LdeymWJwui+sf5a58sOpdaLiQZpTqHJE7L+ISzbjmG1LbDxQwZB2G8zKXwaywpBuq2SbE7V3rAbRzLcDidTk9Wpls7ZDNMLWfx7VpblkKWQe+Ba5Qq6LyR5dT1os9YXEtW5bZhfETz47mtDI9lAox5uJhxKh5m7IOsoRsT5+08Jimm24m+V6aX2N7pdFp//vnnpjVTjXWy1Q3XjJMwSx6lVJ5Umdd333334nwkKcO6jQrMxfA0fr3P12vle4yyhHpdi8g1Bo5R81b8rcbhyMb2Sncqg+VzWuA9UZ9zvC91HVmW4Jr91mf8MLzBYDAYDAouZnhrbf3k9Rebwqt7TM/tN4kSM1OIx67bdNlZqQ2N4LJEU6ZRkrByxfHJH+6knlIWqLNuiBR7OiLqy3OeMhnre9WK3ovjpXYz9X/6+juZsBRvTRmCleUo/sKMOmW3OQECWbSyihPjrqDQMz0KnJeT4OJ+KV1VY4ZkeJQ0Y8NjVxCepMucFyIxfLLTOkae285CP51O648//tjElSp7SsxOr52QA2PFLra91vP6+OGHH57eU8G1y1qt+64MiF4BbcO1VAvPu6xmNwfFEtfaxmw5L5d3wDE5gYg0Ho6NvwFO0pFMVZmwmgfvRTf3N2/eHIoFrzUMbzAYDAZXgleJR+uX2zVilBVBFpWyCzswbkXB3rW20kuMAzmrImVyEvV9F3NYa1vb5GJ4KYsxtbKpx+ZnScLISSbRv99lU6asTPrsHcO7RIKNDK9eS8ZBUiuUimT5kjm4LM3EhJO82lrbBpkUUhdqLEVI8WVeQ+cdENiGxjFXMrvE7N25I6PvJMWEJBacWnbV/SQps4rHx8f18ePHDSOpdXGUFGPmreBqAZPQtNgtn3drPXuZPnz48OK7XfNggXkOPAd1jLyXOU8KUnetpRifdZmW+oz1doqtsQFyvW70mKX72GX1s4UW7zO3di6t5VxrGN5gMBgMrgQXN4C9v7/fWEY1BqJf5MQmjtRs8bPOykztKthMs6u/IWtLNXBu20tA1tkxzWT906J3VlPKWE2ZmGttszH3/tZtnFXpcHt7u7H2qjXLtUELlFmbFbyGzPh1408smrEPd564NhgfcQwvgcylEx5nLZVjTxwbY+2pLnCtffUZoWMSZBRkMm5eDw8PrRD4p0+fNpm4YgNrvcw0rMfqmFYSyOZxdC7qMX788ce11lo//fTTi8/oEangdaEHRiyqzkvbsHkwM7F1jZU9upZnpmttmWtdu4yb6zrpua4WSYy1rbV9niZPhqvDY12j/jrvDtfJJc/iYXiDwWAwuApczPDu7u42Vf5fgNcVAAAPW0lEQVQ1E6n+4q+19be6lj97qiEp9rVW1uFMzQjr9qkRbMe49sbsrFQyqr34nBtbqit0WYopyzVlXq61jUXx/Lk6PFrNe9mfNf7rLLgU16Fl7LQ0eR4YP9C4a4av5paadzr2xBYyZI4uFsWYTWKubn6cl4vzETqPsuQ1T3o9HBtJ9ZfdPZkysVN9q5vP4+PjbkyG16W28RE7IgPqztee7irvn1ofqXWkmjkxK7LoOvej8bi6RvXZ999//2Ie1GOld6p+lwyfyi71+jPGntoP6dyxqWw9jsaubbsa5eQd4D7X2rLQqcMbDAaDwQCYH7zBYDAYXAVeJR7NgHAtAP3tt9/WWtuECbo3XPEw3Z9J+qnSXVFqBsYZmO2C7Nw/Sw0c6DpLSRP1/6PFkXV/nHNyh7rj0cXIJJPqyqArhu4wt41Lc09zVMITXTGdEDTRuS2SUHEqoF7rOZVb55gdouX66dqR0AXs1g7d+bx22odLdOH5TF2knQye5qe/dEs7qb4kCO7WtUAXkxNSINje5suXL/H6yh3O81TXjt57//79i7HofeeaTe6zlPDSJb7QtedKqNI6YFG8k95KgvN02dbjcR66znJl6q9LWtKYFKLSeWT5Tbce+Ox3oRQmpegzJoe50hmXDLWHYXiDwWAwuApcnLRSLS1XzEv5JFkrSdB4rW0iS7IMXZE1GZbGJovLSVjRIkjp6C4lNskPdYk3e8HxrjklWQcZhGPDHGNKQ69zYIlJSnhwIgOXiAp0zXUZzCccM08tnZJslxM9Zhq6zrkTnCbIiI6UsuyJVtfPeWwmwLh7hm2GmJzCJIZqcZP1pFY/jsmzjCMJEdfPuhKgeqy3b98+jVNeJCcXyHs2iYuvtb3+LMwWM+Z5q99RE1UJWuta6zlYE/o4ZxZV02tQwfY5qXSngk1VBT0btU/XuFXMTtuqLILizp1Yxl7pzlrb55nmwzZErsCdXpUjGIY3GAwGg6vAxQzvq6++evL9Ov+1rCL6mmUpdLJWTFGlJdzJD7n2GGvlpoQOTHt2ln3y5zOG59KRhSQE7OI+KWW+i48khpfSlNfKZQj6riyumppNhrdXAFpbS9X3BHoByNKcFZuKXZOo85F4leDYqGv/U4+bCrW7MfP4rhVKarHiCurJ5BnDYQzPeT/IJIk6f46NHhNXhO3aeiUPwd3d3fr222+fGJHYhZObYqyLXignVq7xkWWwRKOuDzYo/fXXX9daW2kux56cp8q9rkheBnrbKjvk9dazWWN2YtUCpevE8FR4LgboJBtTrJqlVGttG8ByHppDLUFh7O4iucrD3xwMBoPB4G+Mixje7e3tevfu3cYiqhacGIEsIP0ydyKubNIp7El/rbWN0dE/7TLRaIXTCnQ+YY5lLy5XkdggizxdW5iUOZqs0fpeslRdMT7jOWz4KWbn4hjCw8NDy2wUA15rGyfj/Ds4Kz1dj1R8v9aWzZCh0ONQ/2eM60gsSnDXu27r1oGQRNJdbCplZTJjtbtmqVjeFcfT8mYmZvUOuLh5l6VZM3zFmpzEYMqwZrZm3b7LL6j7rhADEuNRXFFsybV14v2+JxdYkcbIdVDPMRkez6+uk8sO1nv6q/mK2fE56/bDzHzmdbix8DXnt9bzM0is85Jn8TC8wWAwGFwFXsXwmPFUrQr9LyuMLdqd1Vz3373uMuAEMUo2PaxWGuN6XVyJ4GepfYsb956Yaicezb9dCxsyV8Z0WKtY/yfTYyzP1e7p719//dXWGt7d3W38+V1cLtXi1GMw027PUqxIwuapxVV9by8O5+aTmD6P7zIu018dr1vftPTJBjrPwp6Qd/2M54ZxwMpcGMfq6vB0XNYg1mud2gGleuA6f573lJlaX4vxMBu83gtrvWQ9qZ1W10Itxf8Z5+48T5w7Mz2rbBglDZmlyRrImr9BVps8Jt3c+dxxjXv1LFKG7EiLDQaDwWAAvKoOj7/GNcuHlfnM2nRZhsk6poXorPjEmlJ7+fqeqy1LoBVIq7YTuE4KFLR8qxWTlFWOqLYw6zW1V6psjVmaZAMus9M16E1xEK0dMlTHTPk6tXNyc06Zl1R7qPvjd8kaK3gtmVnnrPQkopwYZh0jY4+pttLVVDJm67IyOY6jlrKrgdurSaznivGrzkq/vb1d33zzzdNx9Iyp97QYCFkU42Yui3FPscMxfbEiMrCOxes8s10PFX/quWXskWpUHQtlrP4IK9SxWW/HnAwXg0/3E59z7hnCDHJtq9ioe64wbnsEw/AGg8FgcBWYH7zBYDAYXAVe1fFcECWuFJ3SYgyCyx3hXCLJxZOSPup3SM+TC7L+T1cFj+9odJJY6grPk0uO86kuH5fIUkH3gUu3TgXITlKKheXJZeZSiut3O/Fo59Ks+0viupSnq+eErp3kynSi5alTN+fYCeRyjbrCdCbopD5o7pxwH3RTdcXjvGa8tsKRvo/p2rht6E7sXGf13uvc9Le3t5si5ZpsoTlLPJpwbkmGWVwH+LptPR47c9Nt7EIPvIbc5gj2ynBceRK/24l86z0W+XO+PHd1vy6Rqu673hupvIZC0/U3xglUHBXmH4Y3GAwGg6vAq5JWaD1XC0EBWLIXiiC7ALWTnnGo23bsb63cTmWtnKzQIQnjdsWPtGxSEbljLpwP2QaD2fx/rW0CimMFjvXV77jCVpYY7LXpOJ1Om/m4VijcP1nckbKRtE1dOxyvayHE46WAPNefE/Pmd8nsHBMiM00JKB3zZuG50Fn4e93Z3TY8N2RkThz9SJKMLHixDSfFp+cO50S2W8eQ5Loo1Mx5rrX1VFHIuCu/0nlhCyGWSazlBfrr+/RWuW1ZliCW5kpM9pJVumuQnoGal2PZlDejR8a1PVI5wiXt1oRheIPBYDC4CryqASz/r0yB1pxedyUALGRPRa8ulZ3WS4rHVdCqZGzFtVxxsbm6La1zl5aeisg7SztZcmQHbr4852R6LpV9L+29MjxaYR3zOp/P6+HhITKw+t5erPOIcHZiHc4iTbE8xtrq/sheKDXmylL2xt/NizENFp67eHNKZedfF0/n2FmG4eJ+FDzncStjciUnie2dz+d1Pp+fWJXgPBQsiFZzaq1bJ4WV1i/PTy2yFtPRGOi5cs1OU2zdxeGJVO7DZ4dr10PpMrE1FpPX9xi7o1g0WynV4zG+7O4jQmLbFOXWfGqTcX2m47x79+5wE9hheIPBYDC4Clwcw6sCwPpVrb/cFBvWZ5Smck08UzsJJ8Qq0LKhFeFiBakFPYtWuyzNlAHVMTxa+Cw0rZY2rfDEQpzMEuNxqWjZZXYm0VYX59T+qyW8x6x5TV1TULIK7rOe871idVdwzuMxtkCm7zJ8CbIZh8RumbnqrPTE6F2xOlnfnhfCFe6mmJ1joanJM89rvTe5rh4eHuK5O51O6+PHj09NVjtBeO1DDEX7d+LnYi98/vC+FzNSEXSdC/MOOI56vpjHoOMrs13MxYkxpKbVXFMuv4FeNx2X8br6v5heYoM69/Waptik0OVKcF3zGVnnpfOl9fD+/fvIgIlheIPBYDC4Clwcw7u5udn4oKtFol91WkD6rn6dXZ3a3t+9ppT1u87HLMhaIrOT5eXElev8HRJ7q2OiddxlmKY4o9BlRiamSvbmhKDJDniNHZN0c3ao27p6Lp4njqWTgDoiNF73VY+XWjB1Ul+sQU0ZpfU9J6K81pZ5u7HTs9Ax/NQYk+e8y5RMXgm3bxeDrvNxsZvOa0OcTqcX8TOXmSwwfqjrI+aiWNFaz5mBYi8cP9v41CakfFZQAowsqh5PLYX0mmOt5yRl4aZnR902NcFN8mF1XmwASzFplz2ZWoqxVZtr68RaZHoHXOZyff6MePRgMBgMBgUXM7y7u7unX/Iua5KNX9lKyImqpngVLZR6vL2szE6smhYPGUWt00lZmpx3x9Y4H1plzkpJgsNkH649TKqLclZj2t+e+kXd3+l0ar9/c3OzsaI7lY+UtXaEFRw5x+l6kCUcsbhTFm19j+uYY+vWQRfn4xhTPSMz7BzLYjsWzsvVe+1ln7p63SQw7XA+n9fnz5832YyO4ekYvAdcc9Uqer/WM9Njxi1jfW5/9BYxI3qtZ++WwBgXx1znSC9NiuG53Ai+1ti53t17XGe8/q75N+eVslLr/4z/8nUdI59VR9ndWsPwBoPBYHAlmB+8wWAwGFwFXtXxPKWbrvVMeUntWTDrCphJy5mIINeCc6fQ5UPpm66InO6blAp8BM6t0wlLV7j3U9JIJ+qc3CBJoLXuP5UjOJEBuu/2XI3n83kj1OtEiFnuIND9Uffj0rLrPt1riiAk6bfOpcki9W4brlEeh/t0+0uuzE6MfU/K7hL3pOBkwrhWmBTjnhNHINGCdO7r/0yCYBJRdY0pgUXPs9SvskuSovSW3KLuejHRLLkpndweQw174Z86D14PrsN6D/I9lpHpnLkyDxWHcz6dvFu6pnQru2ScLgSQMAxvMBgMBleBixne27dvN+n6rhCYgUrH7LhNStDg6yqFw+JKypM5Qd69lF7HxI7IZx1F6jx8SSE42VqXgML5dIWf/02iSxUWJ87n83p8fIxpx25uSptmmUVFSq6gddmxDO6X68xJsNV51b98n8d0x+lA1iSGQvbWiRakjutuLe+VNLhtNabEzDuvh9C1lhLDc8yO4+P14X3i2szos1qysFaWSazH472lNeMEs1OiCQv1HeMW6NHg86Fja0KS/lprK1qh8avtEtv11POZhOeTaHrdJsngMYGsvnfk/iGG4Q0Gg8HgKnCxtNjd3V20iNfKDI9lCc6PSys9yUa5OBLlko60axGS9VqPs2dNHLGehb1YZf0sxdaSyLPb754s2ZH9Ouua12nvHD0+Pm7iSNXS30tJdmw2FY2n+EgFx58azrqCeX7GuMIRIeg0HneOk+C4K/bfE0GmZ6GLgdA6d2U+e9s4MNbeCSfrudOVyqT7gwyvshneW4JYC1udueeOWtVQzMGVQaRShq6on8+z1NLMiVtwnVFmzTFb3jeaj84FWxnV0o7kdVJ8U+y3nke2ROIa1evq1eP1v7+/P8z2huENBoPB4Cpwc0mGy83Nzb/XWv/63w1n8H+Af57P53/wzVk7gwOYtTN4LezaIS76wRsMBoPB4O+KcWkOBoPB4CowP3iDwWAwuArMD95gMBgMrgLzgzcYDAaDq8D84A0Gg8HgKjA/eIPBYDC4CswP3mAwGAyuAvODNxgMBoOrwPzgDQaDweAq8B9dD4WEGTPBuwAAAABJRU5ErkJggg==\n", + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAbwAAAE9CAYAAABwXNeiAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4yLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvOIA7rQAAIABJREFUeJzsvXm4betV1vl+++zT3Pac2yU3CQlRGhHwEdBIsAELFcUgSBANShNCqlJPWfZgU6CIBLuIJY1NgYIi0qRsQhANSBMsChRFSAExCgQhzb25/T23yzn3nD3rj7nevcf+rTG+Ode55ybA/t7n2c/aa605v/l1c67xjrZN06SBgYGBgYFf6dh7f3dgYGBgYGDgfYHxgzcwMDAwcCIwfvAGBgYGBk4Exg/ewMDAwMCJwPjBGxgYGBg4ERg/eAMDAwMDJwLP+g9ea+2VrbWp+Pudz8L1XtVae+X1bnfFdVtr7e2bcb3sfXTNb26t/eyz0O6rN+P4gOvd9sC1o7V2e2vtL7fWPur9cO1Xd+7j354c/wWb737kWejLf+j0Jf7dfZ2u9xOttTdcp7bObdbwNyffvaG19hPX4zrXA621D2qtfWdr7bHW2iOttW9dO6ettZtba1/bWruvtfZka+3ft9Ze8mz3eQn778Nrfaakd+Kztz4L13mVpCuS/vGz0HYPv03Sr9r8/7mSvut9fP3rie+Q9FOS7nt/d2TgGG6X9KWS/oek99eD8eWS7sFn2X38eZvXl7bWPnSapv9+HfvwBZJuCe+/XNKHaX7GRDx4na73OZIuXae2zmlew8cl/TC++7OSzl6n6zwjtNZuk/RmSe+R9Fma+/3XJP271tpvmKbp8kIT3y7pJZK+UPN++TOSvm9z7s88ax1fwPvyB+8npmm67mzkfYHW2tlpmpY2/OdJelrzJvnU1tqFaZoeedY79yxgmqb7Jd3//u7HwC9J/Pg0Tf+jd0Br7VdL+q2S/o2k36tZAPyS69WBaZp+Gtd7UNKlaZr+w5rzV97P8Xo/uWMXrwnXWSh4pvjjku6S9JumabpHklpr/13SWyR9tqRvqE5srX2C5nV/+TRN/2rz2Q9J+hlJf1Hzfnj/YJqmZ/VP0islTZI+uHPMDZK+StJPS3pCs0TwRkm/Jjn2gyT9M82SxyVJb5f0tzff/dDmWvHve8O5L5X0fZtrPC7p30n6jWj/mzVL0L9F0o9IekrSVy6M8UZJFzUzo9+zue5rkuN+SPMP4idJ+nFJT2pmUp+K4z409OMpST8n6e9KupD09WfDHD4k6XXJdV8t6UDSh4R5+N7N8U9u2v8aHD9J+oDw2edoZhVPSHpU0v8n6dUr1v+jN/Py0GYsb5P058L3TbP099836/luSV8j6eZwzP6mP39Z0hdJ+sVNP75T0p2Snivpn2/W4BclfWEy/knzQ/iNm7V/YHOdczj2BZt5fUDSezXf4H+4aO8lkr51c913S/o7ks7i2JslvW6zlpc179c/L6mFY37npr2XSfr7mpnJ/ZK+SdL5zTEfrO29PUn67M33n6x5vz66Gd/bJH3xdbyPPeYXrzj2L2+O/XWS/rOkX4jjfRaeMd+mzX2QfPcnN335jZu1vyjpzZvvfttmb75rcx/8V80P5DNo4yckvSG8//2bNn+HpH8k6WHNz6N/GPdt0pcLxRr+yc33b9BMDHz8R3mNN3vr/k3/v07SGUkfKen7Nd8L/03SZyTX/FhJb9rsiycl/YCkl6yY0x+T9F3J52+R9B0L537lpp+n8PlXSXrEe0Ezm/W9cWkzvh+U9DHP1l55XzqtnGqt7Ye/U+G7GzZ/f0WzZPBHJd0k6Udaa8/xQa21D5L0o5J+s2aJ8ZM35/iY/0Xzg/jHJX3c5u+Pbc79aM0/NrdqZmOv1Kwi+vettY9EX2+X9C2aH3yfrJme9/DpmlUs36T5R/Qe1VLMh0r625L+lmb10Hsk/YvW2q8Kx7xA80PiT0j63ZK+YvP6r6sOTNP0lGY17itba2fw9Wskff80TT/TWjsv6d9qfvh+rub5/nJJp6u2Nzaaf6L55vpUzaqjb5B0W3XO5ryP06y2+cDNWF6m+cZ9QTjsb2ieizdJ+n2b/18l6V+31rg/P1/zQ+p/3bTnfn2HpP+ieT6/R9LrWmuflHTpWzQ/1F4u6as37Xxt6O8tmm+4T5L0FzSv61sl/bPW2quS9v6Z5gfNyyX9X5ql4j8b2ju96c/nS/o/Ne+lb5T0ZZL+etLe12hel8+S9FpJf1DzXpGkd+hIZfdaHe3vN7XWPmQzBz8j6Q9J+jTN83xzco1nit59rNZa07yvfmKamdE3SXqR5rV6f+Kfa/7h+nTN8yfNJogf1vzc+L2S/oGkP6V5b6zB12kWTv6g5n37uZrv1QqPSfpdm/+/Rkdr+G0L1/kKzT8Of0SzWvHVmvft6zU/mz5d84/Gt7bWXuSTWmsfL+nfSzqleQ/+IUlXJb25tfZhC9f8cM3COPHTm+96+AhJ/3WapqvJueclPX/z/rWbsfx1zffcqzWvR/e58ozwbP2Shl/1VyqXan6oc84pzT94T0r6Y+Hzb9EsOdzdOfeHtJHg8PkbNLOMWyFxPSLp9eGzb97072U7jPF7Nm2f2bx/3aaND0n6dlnSrw6fPW9z7J/ttL+v+YExSfp16OvPhvcfopnJfVb47GM25/2BzfuXbt5/eOd6xxieZkZy3zWs/Q9r/uG+ofj+rs18/MNiz/zeMP5J84/VqXDcV28+//Phs9Oa2dnXJ+P5WlznSzXbez9o895s4LfiuDdrFmL20N5fxHFvkvTW8P7zN8f95uS6lyTdsXlvhvePcNw/kPREeG+W90oc94rN5zddr/u2syf492Yc9/Gbz//U5v2dmzX+x89i39YwvC9daKNt9tn/vlmbc+G7iuF9Fdr45qX7REcs7wuT7yqG9y9x3PdvPv+U8NmLNp/9ifDZj0n6T7hnzmnWgpTroVljdey+Ct99raQHF8b4o5LelHz+BxSeYZqfh9/wbO2L7O99yfA+XbMKyH9fEL9srb2itfajrbVHNT+EHtfM+n5NOOyTJL1xmqZ7r+H6H78596I/mGYb27+W9Ak49pJm+8MiWmsv0Kza+PbpyJD7TzavGct72zRNbw99uEfzAzpKZmdba1/SWntba+0pzbbBH9h8/WtUYJqNwd+rmdEZr5F0r2YGIM2M5KKkr2+t/ZGVnpj/SdJdrbVvaq29bMMSu9iwpZdK+qfTzD4zfJzmH6hvxuffqvmHm+vyPdNxqfFtm9fv9gfTND2tWW34wuR6r8f7b9MsXNl77OMl/cI0TT+E475Z0t3anns6Jv2kwjpqVm//nKQfjaxIs4B0RrO6aam9G1trdyZjifhxzffMt7fWPqO1dtfC8ZIkMLW19vxP1fH7+DX4/vM2ffkWSZqm6QHN99JntNZuWugP2WNb2ac1+FfJ9e5orX1Va+3nNd/zT2tmXmckvXhFm9l63dVau+EZ9pX4t3j/Ns33x7/zB9M0/aJmk8ELJWmzBz5G873Uwhpf0azF+Pjr3MdrwX+S9JmttS9trb10hz14zXhf/uD91DRN/zn8/Td/0Vr7dM0L81Oa1Tkfq/lmekizRGLcrm1Pz0VsbpzbtO1dJs0/Brfjs/dMGxFkBT5H8zx+R2vtQmvtwqaPPyXps5Ob9qGkjUs6Ps6/KekvaVYHvUzSb9KROuuc+vh7kj6htfZhmx+dP6xZinpakqZpeljS/6RZlfoPJL2jtfaTrbXfXzU4TdP3aVaHvFizFPpAa+17ElVwxO2apebeennej63LNDsUPKztdXkY7y93Ps/m6T3Fe6tYb2dfNrg3fB/BteQ6Pkezzflp/Nk7744V7UkLa765l36PjoSH97TWfqS19tuqc1prH8x+rRR+frJzH9+oeZ/+oKRL4X74V5rVqy9faPtd6NMfWtGftcjW9fWa74/XaWbZL9GszZCW7zOpXq/r7WmZ7e+npm3Hm7jvbeb5Sm3vv8/W9t47xDRNT2oeS6ZavF35M4z9rc5VOP8vaFYFf5Zm+/MDrbW/31q7daH9a8b70kuzh1doZj6HdpLW2jnN9D/iQR23/6zCNE1Ta+1hzVI6cbe2F3Dtj5105H5NKcz4BM0qsV3wCs0/Un/VH2weHGvwnZrtPa/RzOZulPT18YBpmv6LpJdvJKqXSPpiSf+8tfaR0zS9TQmmaXq9pNe31m6W9ImabW//trX2okI4eEjzPPbWy/N+96avkqSNDfI2Ld9Yu+K58Tqb99L8oHV/Pjo57+7w/S54UNLPar6hM/z8ju2V2Agl37e5b36LZrvsv2mtfeA0TVm/36EjZmtQINgVtmX/Dm0/pKX5XvmnnfN/t47bkn/uGfYn4tge3bDmT9RsMvl74fNSSPhlBodk/FUl7FazLa+Ht2q2xREfruVwsp+W9AWttVPQyHy4ZueZd0vSNE3v1WzP/rKNpuz3a/4B3NO25uC64JfKD96Nmql2xOdqm4F+j6RPa609Z5qmKkbsknJj/Q9K+pTW2k3TND0hSRvV3Ms27e6M1tpv0hz/8/ck/d/4+pxmr7DP0+4/eDdolsQiPn/NidM0XW2tfZ2kP635Qf7dU+FGPk3TFc2OQX9J8zz8Wh2pCav2H5f0xg1D+EoVP0zTND3W5qDjz2mtfcVmcxM/onmcr9C8PsZnaV77N/f6cg34g5qN+MYrNN/4P7p5/4OSPr219rHTNP3HcNwf1szy4o/lGtgR59Hp+sQeWaIvVWabef6+zd7+F5odhrL1uaTZg/J64vM0P9BerlnlFvE/S3pFa+2F0zS9Izt5mqa3XOf+9GD16uF9tnGSerZd5hfX8HpgmqZ7W2tv0Wwv++JraOKNkv5ca+1um5Baa79O0q/XrPZdOvdPSfoUbUwpG0HsMyR9ZyYgT9P0Lkl/t7X2GZq9T58V/FL5wXuTpK9trf0tzUzpJZqNxxdx3F/UrLr5kdbaX9MsPb9Q0u+apskb9a2SXt1a+0zNEvTFaY5v+SuaH7Df21p7nWZ125/XrH748mvs9+dpvrH/xkaHfgyttTdqtl380Y2aYC2+W9KrWmtv1SzlfqZmteZafL1mlehHamZvsU+fptkL8g2aPbtu1mzYvyjpPypBa+0rNKtAfkCzauhFmtfnPxfswfgzm3N+uLX2tzX/AH+Q5pvwT0zTdH9r7e9I+sKNrfJNmqXKL9f84/PdRbvXit/XWntCs53zpZo9fb8x2FS/QbNX7xtaa1+iWRL9bM0q4C+YpokP8SV8k2YHnB/Y7O2f1Gwf+mDNtrBPSdRSPbxbs5PVZ7XWflqzU9fbNQsIH6d5/t6h2Rno/9CsTn42kjtsIdiyv26apu9Pvn9Es+Dw2Zo9Dd/f+EVtwhBaaxc1e1D+bzoe0H7dMU3TU621/6FZw/L/ahNK0xHgnwn+uKTv2TyH/qnmRBLP0fwsuThNU++599WahZQ3tta+TEeB5z+twNJba79es3PMn56m6aslaZqmN7fWvlvS123Uk/dq/gG8TUcesmqtfa/m+/wtmgWll2oOHep5uj4zPNteMVoXh3dKM/V+t45iRX695huWHnwfrNkV90HNcVI/J+lvhe+fr/nGf0zbcXgfp6O4lcc1P/jSOLwV4zqz6cN3d475ZB2Plao8SI+NU/MD6/WaH24Pa95gHxvbCn2tvNO+T/PDj7Ewv3bT9s9v5u8+zcb33xiOoZfmp2pmwfdollDfoflHtfSWDW39hk37j2o2qv9XBQ81zYLHF2qOw7ushTg8tJ3GhnGew3G/RbPK9/HN2vXi8B7cjLUXh8frvlbSFXzmcJv/tmnvQc2CxZfqyOvTXpq/vbhOjIf8jM0cPu39sBnXGzf76NJmnb5d0odex/u4G4enWXic1Inx0vxgfNv16lNod42X5p3Jdx+2uU8e38zZ6zTbDSdJHxWOq7w0+ezwtS4s9Pd3aQ6fuqx1cXh/AOf/HUmPJ+0+om1P5I+W9C81O8Zd0vxD/y8kfeKKef0Qzffu45rv32+T9Dwc81FxDOHzWzRrvu7XfN//P5I+Fsf8Jc2OKw9rfu6/VdKf833xbPw5AHDgVxBaa3do3th/c5qmL3t/9+f9jdbaqzX/QP+qaSFLyMDAwK9c/FJRaQ5cB2xckT9Ms/pg0py1Y2BgYGBAozzQrzR8mmanjI+R9DnTs2MXGBgYGPhliaHSHBgYGBg4ERgMb2BgYGDgRGD84A0MDAwMnAiMH7yBgYGBgROBnbw09/f3p9OnT+vgYI6/9Wu0AzJ15N7eXvc1/u9z43dZm1lO2aVjnq1z1ny/9jrX+9xen5bgNe21T/vvNE267777dPHixa2Db7rppun222/fOieuNa+19Lr0XYZrmeO17eyKNfbzbI7X9qc6l6+9Y6rPfe9H+LOrV6+m73vjba3pscce03vf+96tgdx4443ThQsXDtu7fHlOofr000fJiK5cuZL2c829tbSHdrm3rtexS+D4rtc51Rrt8nm1z7Lfi+q3hL8F2T3v7/b39/XUU0/p8uXLi5Ox0w/e6dOn9eIXv1hPPPGEJB2+xo136tSpw05I0o033ihJuvXWW4+996sk3XDDnGXn3Llzh9eJr24zG7y/82fVe7/GdtiGP+f7+D+PMXoLxDlhG/y81xeOz+f6Nf7f61MFbzg/pHzumTNntvroY/ywuXLlir7oi74obffChQt6zWtec/iwcnte+9hvrr+P8TlxrO6P9w7n0q/ZzV6taU84M9zOmger0bvx4+fxx4Q/HrxOr2/8ofE6+XO+xmP86uv6vdfv0qWjBDH+36+PPfaYJOnixTlR0iOPPCJJeu97j7LL+ZrxHviu72LxgRnnz5/Xq171Kj300JzU5x3vmDOT3XffkROyr/XUU8cLc3gPZffJ2bNn02P8vrcPltYh+5yf8XXNmhq8P3f5EeOzMfsB4nOA77O9SqHD773ufo1r5P/9W+I95N+UW26ZE9/43o9jvvnmOYPkHXfcoR/7sR8rxx8xVJoDAwMDAycCOzG8aZp05cqVw19fSoERmZQSP18jaWfsjO/Z3rOlaqroOSX9DJS4q897bVRUP1Mx+X/O2xrwOtV4d8XBwYGefPLJw7FSysyuQQk0U7dxHirG1ZO4K/TWo1qzNZJ2dW5P5VOtf3Zd/2+mwvuT95nv43iuX6t9nrHCam8a8RwzRR9z5syZ7nwfHBwcMgQ/f9xG7APvMWqJMk2I2QOZntFTh1b32C5q8UxFR/A5Vz1Lete5FjZYsbZMO8D9xD3DNqQjRsc94zV+8sknj7Udv/Nn733ve1eZB6TB8AYGBgYGTgh2ZnhPP/304S9stN0ZFeOhfSRKMWtsaNXnlf57jVRDe9guDhA9wz/7WLGkNQb1iin3ULExtpU5G3FcPidjjZzbtRJ6bCf20ef7O9tYiJ6tk7aani23mp9dnAvIwHrOHAbtILx+nMclI342j9U4PCfsc5S4l2x3GcPwc2DJSSE7J7ZP1hJxcHCw5QST9Zu2QY49s+HRd2CNZoT3R+yndG02PNoQI6rxVOPtXY+fZ3uWa+b59XUz7R61N9QS+Nx4X/uZkO1j6YjhRRsex3zp0qV0DBkGwxsYGBgYOBEYP3gDAwMDAycCO6s0r169ekhnrZbIVEyV80Dm4kt1VOWun4UELKky18T9kUZn9LpSa62JbVlSLaxRf1Tq117/KjVbpialOqlS2WZ9dPs99es0Tbp8+fLhMZk6PHOTzq4d19+qDqul/J4qzEyVvhTvWY1D2lb1rIk5q1R+vGd64TBVOEqmaq7CKrgfMrVUFYZgN/J4Dp0IuC8yF/bMLNKL9fJf7GNPhe558b7wa1SnOTSKe2cX547KqSdby6VnYabSXOoL91Dv2cjr9FTofE+VcabS9F7xd3RI4T0iHa2HVZvsaxYGY1jd+fTTTw+nlYGBgYGBgYid6+FdvXr1UCrLjMyUHqsQg8w92JINA4yrAPTssyp4OIKS1pIDSnZs1VYmaVUSd89Jp5LgK6eFjBUQlet+b3y9976O1+fq1atdJnzlypWu40w0TEfQzd4SubQtpVtirPZdtncq55VsP3h/k6FQ2xEdKjgOokoUED/jMRxn5gTG78i8jCzEwJJ15VQQ58ZjN/vjHs2eF7swvNaa9vb2uiEyZC/eS3RMiQkvHLjMxBdrHIMy1hrR2ztLjn0Zw6ueO2SSWYA2tR6VY1dvHGZYZHjZmvpYsjP2I7bD5AW9RAd0vrpy5cpgeAMDAwMDAxHXFHhe5a2L/1fSRMaAKjuLJQIyvowd8lwyo57ElemWs/fx2MpdPBsf+1LNTU9KX0p7dS1sLZ7j9ivJNbMHUvLt2fBaa2qtHZ5P/b5U22Y4X5Hh0UaztGd6YRWc02x/M10S18fjyvYbbRlkbz0WynRrfI2SPdvzd2R4lsjjmpqlVYkHPP5oC6vc+skcIpvzWvuz1lpXSj916tSWNiWuJdOBmbWZxZ0/f17SUYpD6Shtlcfic6qA9Mw+Vt1jWegEc4C6DYZ8ZOvPZ67B501M1cd7wePweP3aS0vIZ6P7SnuddHRP2Lbm974n3LfYR1/Hxz7++OPH+uE+xj3aS2iwhMHwBgYGBgZOBK7JS7PnuVcxEkqbmZ2iYj6VpJJ9tobhVVJY5XGXHVvNwS5srfJOjXNCKblKR5Vhl0B66sUp/fek78iMljwde0yBxywFXUu1bdPvqwTB8bMqgD5jnAy8JiPuzXUVrNxLKUU7NqXzbFxkhWyX+zzuoSXv34zF05bLIOjsOrzHesHerTWdOnVq616PzwG3c9NNN0k6Yna33377sdfI8HwsGR7tftQexP8rJkR2Ix0xH7/6HKZM63kSU+tAhu9xx357PLZfetxMuB7b43owlZjHEJ+RZmf+zgmhnUyc8xlhxug2/N79ifcgg993wWB4AwMDAwMnAjt7aU7TdPjrz1Qy0rYkSlvK2jRUsX16wEWpp7I5rbFxVSm4stRPS+l41qQyqzxYM1sRmQTLgVAy7qUnW+OVWtkiaMPJdOlr06C11rZSSkUpLUtBlSH21RI0a6X5c0vP9GqUthmewbbi3HI96L2WJTau7KFkdtk9QZZZpQWL12DaKZ7Lci2xr/S4pLdcNj5fh3YXekpmSbHdfvTCJFpr2t/f3/JQjdoBMh6zmDvvvFPSEcOLDIhMh96aFZuO//Pe8njIcjzGbOyck+xZxT1CDUbmhcrx+dVz4GMjw6MnJTVb9KaM9yrZodvideI88hlIL00j2n97XvtLGAxvYGBgYOBEYGeGF5F5iFmqYNFOHhvPob6Yv+6Vp5h09Mtv6YXxIZlkv5RhI2OhS/E2PXbSs3n22o6obFXsc/y/isPKbEVLJYVo24vH7iJpVWVcIshafU1Ly1kSatqtljLTSMsJzt3XzKOYtgWOK4svYx9Yvsf3ROYJyz4xU01W/Zt9qWKbMu9JvpJ99LwP3VczCdtlIiNzwVZ6B2eYpkkHBwdbCYyzvernwIULFyQdsYssno2ewty/nOuM4RE8J9rwqpI+vZhhskJqBTyntEdm31WFbiO47twrZq4uvmv7XDZ2ahB6Wh3bVu++++5j5z7wwANb59C+F9n/EgbDGxgYGBg4ERg/eAMDAwMDJwLXpNIkrY6BhHTh9Xuqp7JUWDSyU2VBh5j4GVWm7pPpfJZyJ6bEkvrVfKnaoXoiU/kZVLtVTh6ZCpUqzKreVhY8yoBgqsXinPjaPXUH+8h5WwpLyFRQsT3Ok7+je3PmoEHHAr9a/ZGFV3C9PR+9VHPcg1QXZ2m0qvCHKilDNj66cvsYqwujmpcqRo+TjihGltKOTlNUy8b9xhAWJpjO6qB5PLHdXlq6rA5nVqk9C12KfcmcSKymq9bd/Y79Y3iVxxjXQTq+56m2peovU+tmYU7x+jTZrAn98Lx5LuJe9dhpRvA+8z346KOPSpIeeuihw3OpIueeycw+dLqyGvyuu+5K+xERUw4OlebAwMDAwEDATgyvtZa6lEbpgw4TlDIyF+zo4hxBicBtZqml6ApLN/rorssgazo2ZGmByBCqRMy9lFKcgyp9U7x2lf6sCtKXtl2mDTKobN5p3Od69VKYZc4w8di9vb0td+dehXBLlVVigNjfKsia7tOR1VZB8BU7iOC8cB3i3qEU3ktSwHPJjjznZlGPPPKIpJzheeyWjn2OkbGhtVW/4zl0eCKDyPYZHXaWGN6lS5e2GHlcF6cJs0bH8LUzZ6Lqns7SZkk5E6Ymy20wNIPj8Zhjn8ye4nXoOEUtUW+9OD6GbPg6cV94H3lfmcE9/PDDxz73vWnno4hK65Y553hdqH3wOV7XyAp53w6GNzAwMDAwAOzM8E6dOrWl1++V4KmQ2ceYhmxNei2ytCo5cWzD0hcljsolO16zsr9Rwsr0/ZXLfJaujGyTtkEyv4xZVsHw2dpQOl8TSM/g1zWpxciA4jx6jLapMBFzlSggtlvNrdELT+A6ZDY124YpHVsC9rk9LUSWtDf2LbMDM5icgc2ZbZIlfqoCy5GtsU+cA7YZ+0uW7WNpI4v/e26WSktdvXp1K9FFNsfsp/vPkjWx32TwDLLONBi0y5qJ2L0+C9Xh/qqeVZE1eZ4ZPF7Z+CMYmuU+m0l6XWyPi3Ny7733SpLe9a53STpiej7XfYzzSWZXBbzH4H+ew7nPSoKR6cfE4ksYDG9gYGBg4ERg5+TRlraknDFUkjZTMWUl26sktL0CmZQqmRqHHmoeR3xlCYoquDdem+OrJOPYPqWxKm1P7C89n8gks2Tc9Makfjyzd9GetBQsL9Xp1Srs7e1tJciN12HKK5ZRyeyItIfRzmvbLRMEx3PI6Lm2cZyUsOn9ZxtHXEvPu1lA5XHr/sS9SsZNNprZ0Q2343M8ds5RZo9jiife63F89Ex0u/SqzNLSxfup2j/2HfAa9pIGkyW7b56L2FfaAunRSxaVlbVhWSjORaYlYtIC2jjNvLL2eN9UdrrYN6aL8141S4vB4772e97zHknS/ffff+yYSuuSzYHPcZ/MfuP1/BkTWbuvme2dCeezggYVBsMbGBgYGDgR2DkO7+rVq1ul43sFKynNZjYnSiI+hjF9mZTORK+V11KWjozSIL1CM2/Os7tYAAAgAElEQVTAKjaQnp8ZKBX1Eg5bSqKtqyot02M9Ro+5koV6jumBl81JXNOepBW9fGlbkY7WuWIGWWwgPU45P/QUy1itUXnRZlI67WRkHVkqO6bdo+cd2VW8HvcO7W9xLFXKLMa3ZnvH7TE1FllI5mVNjzsjSyeXpbmqUtPZg5MxiXHMZiYei70IPV/+PvPS9LFkwrY1Mbm0tJ1Yms+qnvekj3GffIxtaZHh0SbIOeAaxz5yz1SFWbPYPe9Vp/piXFyW5NnMza/0ss7iDWlrp7drdl+zjNOZM2dWJ5AeDG9gYGBg4ETgmsoDVcVWpWU7jpFJwH613eWOO+6QdCTlZCzr/Pnzkrb17T37UuXxSDtFbIPeRBWTo8enVCe/pu0ozqOlGLINSzVMyBs9n2irY0YZ2gWkI0nK0jltFGsyOfSkrL29PZ09e/ZQgqNEHvtNW0DPPsrMED42xl3GPmZlbcgoe6WsGOPG+fJ14/VpK6PNzmud2aYs9ZOdZ8mQDa4dveWoAYhrQMmaSYNt/8mYC6X/Xtko2kuXYqn29vYObaBmSJEJu79k3MwUkmUK8j1kFuPruKRQpslifB0zPGUexd7P1BK4j06UHLOKuC+0g912223H+uTX+Gxjliu3S6/ZuJaMGfX16RPh937+StuenN67P//zPy/paA0yz2yj8jrNsg8ZN95442B4AwMDAwMDETszvBhrlcWPGfTC4i92ZvezVEzJinE3USLxMfY48nVpD4rSMz2NeplcjCqGqSpllJWz4NjJKKP3Ea/HuCW36TmLEifXh8dk7JSsloyCNr54bMxj2JPS43ceR2SbVWFS2lQz7QD3ECVwluCJ55Ch2n5BCTyCdmzGnmVeupxjj7Nnw6tsk9RoxD1rNuC5oA2FmpSIaD+KcPvum71R4/WoSWAWkiz3ZcyQtKQdMnsyc4j7wBqO6AHIa8Y2Yr9e+MIXSjrSKLkN7qWsUKqfO27Xz64sxo0xjGY8zD2a3cvU5NDjt1fqycfQhpdpZqgx8bioIXnRi1507PN4rOfvIz7iIyRJz3ve8yRJb3nLWyQdeX7G65A5cl9n2o/Y1+GlOTAwMDAwEDB+8AYGBgYGTgSuqTwQ1RFZaqKqFE5GPU1brQ7oGfGlPNkp1QFUt2YVoakOoItxVJlwzHRO6SWC9jFU/WTOMQTVrUxzRPf4eCydFarE13E8DO7u9S1LgtwLHt7f399y147rQgM2wxA8F1EtZbUT03b5XKuAmHQ5jtX9tyOAq2Uz+D+2w0QHnn+qSWOf2Eeqx7OUdgzRqRIPZGowOzh4Xu+5555j47GqNs4zq4rzfvJ8xz4ySJjn0oVfOrpv437o7Z14rvvQSzfFRBdWAXptpaP58XOH5hDeY3F/eu6WUv5FlT0TLvuVZoOoamaYA+fIfcxCjZiqz04lfp+1SbU619/qyne+852Sjt9P3ps+xnPk++rFL36xpOPPqupZbHiNPXexj9FhZi0GwxsYGBgYOBHYmeEdHBxsSXBZWqPKTTRLxMr0PEyTQ1fjzEW1SjGVueBX6ZOYsiYbl/tCpwiWtYhSMw3PWSBuHHf8nwyZibszyS5zuonn9pxzyMAZKB7nngx/jWswU3PFOa+SBTCBrCVz6cjBhE4jVcB5VprEjNGSqN977qNEyr3JoF46/cR+V+yQrDDuLYanMLSgl/yBzMrsxg4nWaq2KsE5yyxFFsK9WCWDiGtNJ6iDg4PS8eDUqVO69dZbD9u3ZB+PN9OgowzZU9zzPrYqWEtnqei85Gu7L26fSSR6Afp0mvNetvNMdmzlKJiFQ3FvZmkW4+fxnCocycc69Vh8/lib4r3h+TKz9Pu4v3mfMg1alqyc92CvtBQxGN7AwMDAwInATgzv4OBAly9f3io+GF2ZaVNgaEEWPM70RZYQLPH0mAQLvxq0//XS2RhV0Hr8jMdYGmQ5iyjN0s7HNGQM4I6f0WZYFebMUmZRwjN6rICuygxOzq4TbZO9Ei9XrlzZChqO9jhe26+UHLOimpRIGezt62R2H/aZtrssMTdd8LlO0VbEfUvbJJlxHB/T4BHZvrAEbLsHGZ/nMwvz4L3IEJqspJDnlkmRuQ8zBsd7IIOLB/sY99+B2vF82+pYgJVFhKUj5sHnGefHbcQ15T6jLY3B97F9vnr+3H62/rwP2Wfuw/gZbcbcj9k9UaXocx+Z4F3aZqH33XefpKPQjCwdGcttUXOSaT2okeslEycGwxsYGBgYOBHYuTxQDPLLygPRqyxL+Csdt4tUUjPTKGVJkSmBVr/2mZ66KmCb2cc4Dp5LaTYeT/062Ujm2WlUDI82qSjZ0f7CPmfj4zxWyaqzccX3S+mhOJ6s1BNL+lhqNzIPQQauVinH2B9pO/USsUY7wP3APsdzaZcxel7P1DAwKD4Lxuc+J5vKNAu0mVSlmqIGw9J3lr4tnpOVrlmDq1ev6rHHHtt6HkTQLkr7KD0Ws7GROdB+GsfM9Ipsq5fcgfvcXqLWaEUbGz0pq7XN7PJMTs1EBD2tTcXKyWjjfVCVNMvYtVH5KtC+GjVBtLmuDTqXBsMbGBgYGDghuKbk0fTYyaQ1/nKTdWQxYGQ+VRLfLAFsdX1Lm1kcXuYpGD+PqBheJV3EzyuWW5XxkWp7FueIjCn+z3nreYVWCbS5bhmTMJY8pWKhxizlHCVplmXJ7AaV9Ej7hfdBnOsqCXqPfTDOixK47T9xT9mWxtRuVaxjb44NrmlWUsjgurDwcJw7piFjXFTGQqsk4mSSGZNYk3j86tWrunjx4tZ9kpUYI/h5ZEC0v1f3TeYJXd3/TLrd84C88847JUnPec5zjh0bNQ1kVFUh4Mw7uNoH9LzsFeatxsvnTwSfd2SU8TnE5xq1EW4rsl5qOXoevsRgeAMDAwMDJwI7MTx7S1W2IR4bQTaz5hxKvlkMCstWsE9ZlgRKrfQk9bHRM4ielsxMQkYb+1h5WFXxePEYgraczB5UFfqsklb3+l/Z8jL0pKyDgwNdunRpS0qPfajYa2Uv5f/SNnuJ1yfI6Kox9pJVU2q3naQnNffK5hAs+1LZjCNoR+p5QLIfVRal3trSw9fsljbR7DrGUh9j/G9mu6lYGe+tzD7KeEHGImZspsqOY2YcE6pzjG7HcZ+OK33Xu97VHX98pZ9DxvDIhAzax7JSZtxn1b7vle1h4mnOWWyX7I+sOtMIZnHZSxgMb2BgYGDgRGD84A0MDAwMnAg8o3p4mYEzSx127IJJiiejqjhOyprVZCNI8aOrtFWa7AvVk5F6Uy1QVeHuucpW4QKZGrRSIXFcmXqSKhn2MVOXLjmcZOdmqal6cOICqV/bsFK9Zuo1qj2rkBmmJ4ufVaEevZAPX4dV2X1Oloaqp/b2/Ei5irtKrJ05kTAgt0rNlzki0VmgckDJkFXQjsiC46PpoecAloWGRFg9R9d7g+7u2XdMYlE9wyJ4vzOdW+aU5WPt4OT1ycJiqpASqriz506VwozqyjhXXLtqvbO9wzX1PDrcgmFnWb8ZsJ8lVDe85nQ67GEwvIGBgYGBE4GdnVYyF/soxVSu1jTUZ8mVKTVUBtPsegYloozh0U2aji8999mqz0bPiaRye+ZxEZTGef2sfxVD6p1TnUtkcx/XvCelX758eavMTLYPsoB2KU8jR6m1CqfIWG8V6rHGmYTJlFkmKDpGVankKk1JFi5CSZf3SFaN26DjFgOCs4TgFTvItB9cAzop9JhrdFJYcj5gurMsPMWfVcmVs+cX57IqxZPd03R4oyYhJj1m4nm/xhRpRLWf14BOfgzVYoLtCGoyjB7TX3J08dxkVdkZNtQrzcTCAKdPnx5hCQMDAwMDAxHXZMOjJJfpqSkB9IJhl2woS6wjtl/pujP3WUrClFQzSduo+paV6WDZlMoVN2NPtEVUqb/WSH60IfVcite01+t/du1op8kSF7NdznkmeVd7pbLDRfZWpW3j3Md9ULEjhrRw7NI2GySbyrQDZCa28zDxb1y/LP1X1o8s8Jzu/FVh1agx4T3mPrJkU8YKYhqqnr1ob29vq3xY7LfH7CB/j70X2F6x5CqMKILrUjGTOCYWeM20T1UfK+0Dw5TiPmBpNAba87mUobIRsnRS7CO/yxJbV+37lXbneE8wwfUurHcwvIGBgYGBE4GdbXhrvAGlWhLpBY0uSdzZLzn101kAppQXnCWTI7PIJEhKJFU6pTh+FoW0hNdjXFWQOr/P3tM2RDaVzWOV3mpNgta1HnxxDJY+YyHRKn1bVV5J2va+4zrxfbYPOF892w1tCgyC9bE9GzXZZy+FFQtk+jpkO1FbUbHbal9kyaPJ9MjSMqZcBceb8WVez9mYidaa9vf3D5MhZ4yR+5NsmQHh0vbzi/NGG3/mrUuWSEacec/SBlXZG+P/S2XCsmcxE6uzSG2W/sweldQOVPbAuAbUAlCDQBtyNnajl+A8801Yy/IGwxsYGBgYOBHY2YYn9VM9VbrmNZ5vlB6ruKVd7EtZ7BYluUxqlY5LFVUCaEoiWToff2aJytJTVfol/k9pZilZdvx/ybYWr+f+UlLdpYzLUhLXyPIs3WalUDgvZDVxv3Gs7C/345p0ar2EvLQf0JstizWq0rNxn/fSeGU2E+loTqK9xvFdFarEwLEPBOc1Y9kV66U9Jo4jegz27uu9vb0tZhQ9YWnLZExgFs/VS5MVv+e+jN9VmpAslo9s2fPF62SxqSwW62eI59rv41r6WNs1WZZojcctvU45R/F9xei8XhnrrdLRsTxV3DuVF+0aDIY3MDAwMHAisBPDc6YM2hMyj8tK59tjAEuxZj1bXhWvUknGHFc8J5PIq3IYVUxdlg2GEh7ZR5aBoLJjUqLcJRl3z+uMbHNN7J6xNhZG2pbgpKOxWjL1PmMWhtiHJWmP85glMCbTqhKRx3YM2oqy5OhVPGS1pzKpmfdctH1Kx9mOpWQyE9pdMjtM5U1d2f+kbc/VShsR33vd13pgX716dUszEjOTWFNgGxTH4/mLhUTNWljwlUmks+xQVSYQxorGvfTQQw+lx7LQbLwO++jx0ePbiHupskXTCzVb/8r7s6cdYOLnqmBv7BeTbrOIbPYbY8Tn5ojDGxgYGBgYCBg/eAMDAwMDJwI7O61cvXp1y6EhUuIqQJGv0TV1KUlr5dYd/6faxu1nbv2VaqdyNY7/V+7u1efx/yrwN1MXUCXMYPk1qmI6ZbAfPTVopYaIa50F6FeYpimtSRidVqrAX6otew46VShGFuh+LWpb9r9K4h3niY4HVQqrbHyen8p936qtTKXp9m655ZZj/eB1egkWdqk1Vql7swBrph9bUpU//fTTXac1utpbTUjnmCwFW+XyX6Wec5/iMUy2naXRqurSeTx+H1W/HocdkazS9Od0GMpq9hkO6/CxvZqKHB/VrkZWS49OZm6f72NfvD58NeL+4D0+As8HBgYGBgaAnQPPz5w5s+WanRk9szRJFegWTFdvBhxnAaBZX2IbGcOrpMws0SxZX+W8kkmDVdqxKqQhXqdyMOhJNZWTRNWfrN9kP9k8LgXDEgcHB1uhElkKNkp3lIB7yZWNKqwjQ6WNyCRfMy5Ly1UoSwwEp4s6kwf3nJcYnMxXnxsDhd1vOobQWaIX6lIlNq80ANK2Ozol/cjmOY69vb1yjZxazOPJ7gGOkSEsmTaKITIVy8zu6YoNUoPlfRK/Y5+Y4jD20QzeLN0Mz05LngPfMz2tjefEfWKQfES1V1jWK2NrfvV6M6F61EbwHD4Ts9Agz1d8bo7A84GBgYGBgYBrKg/Uk4SzooJVW0uoUiRlDI+2EzKuqHum3YVFG7OEvJTKlgJ0ewlZ2eeMIVGCqthhL/H02vexHTKHyk2Z//v90rpSIo37pBobbUFZwVIyujUlf2jv5XUYDiFpK70V3cOz9VhKjs7PI8OtNCY9ux/HXu03Iwuhqezm2T1PKZ12GCYrju1GSb7SBrXWdO7cuS0bVE+z5PszSz5s8J5m+SF+ngXoVxoYs5sYOlGlPaTtLl6H165CWLIQANrEaUtzH3uFrrmmtuVl5YN4/5g5e918vcj0PT8+xu977NPoaRsqDIY3MDAwMHAisLOXZmutm5KH+vtKN5t52lXB29VrBO0tvaTB9ECqGF4WaEpPuyqVVbSpVF6olMAyGxh16fTKqgLfe8jsWpRq2aeeNLXGrujgYTKFyGbozddLBMBz6PFmVMm9+X82Hvcj2mGYuJjrk2kUuEZur2JrWVo6truUqDuCGg16/mZ2LUrr1X0t1TYappTK5n5N4nEnj2b6rLh36DHM5A5ZarHqmVQloo7r4jFWqf889mx/M/UamVbmucyAbIPpuzJND8fFIO94TsUYyU5pf479r/ZD5oFZpZ/rPc/cl/gsHja8gYGBgYGBgGuy4TG5bsbwKjtMdg7j0aoSFJkU2PPsisj0/RVzzBhQlW6ois/rxXvR6zRjMNU5ZAEcSzymklh7aXqqkii95Mu7xFIxuXJMLWapsUpflGkHfG16x1X9zyTHyg6cJbj2MY6L4j4wMk80MirabMje43e0SZG59OIwKWFXNsXYN8YZVomB47G00VDSz5Jwx/28pKVgfGYEbT18DmVstnq+0CO55+m7S+pEshhqCzIfBSaAtncm+2ytQbyfuGY8xuuSeZRTi1eVicq0UtxvVdFk/i/Vz70seXSMbx0Mb2BgYGBgIGAnhre3t6ezZ89uJfHtZTGpPN+iJNRLLpohsz0ZvC513PE7Sn+M78iSnJKFVExvja2LNpws4XDllUUvqTXJinuZKiqP0R5ryzz5ltaO/Y36fHrJUeJ221nCafa3Ku6ZeU/StkKtRBb3R+mf0mzGJLx3WFyzl90k82aM18/Yk88h212zHyhRk5XwutKRZ52ZHRlEll2JdpiYSYXY29vTDTfccMhQGLeWjY3YJbsQ15+leHrg/otrTdsmmQ+TpsfvfM7FixePfW7Q21HaLgBLduY+Zl7B9Eav4nEzb3w+83vavcp2y3sz85jv+T5UGAxvYGBgYOBEYGcvzf39/W7eSHorVR5PGar4IErpvVgwMrysQCbz6rGvlMilbSmvyouYSRvUXe9SwLBicpybLKcd16dX+mcpM8kaptcDvTTJXKRthletSxavSGmPDCyLdazi4bhH4zneTw8++OCxYyupNp5vux8LtFLy7XkSkmH5NYvDoxdyFVvZ85Akc2XOSunIvmR24VfacrLrxPnrxeHt7++XtvfY9tJe7JXPoRanynUqbdsEqXnJzmGMrlkZn0eZfwNZWpXpKV6PmoQqP2XmfVp5rPfml0yusm9mbVAz0vPQZr93yfc6GN7AwMDAwInA+MEbGBgYGDgR2DksYX9/vzT2+xhpO9XPUnBnPIZt9dQEFU2uVEDSkXozS48TkX1uis9A5x6trr5bW1YnoueswutVoRLZPFZOMrv0tafuaG1OAFypKaVtlQvHyrRRUl1SqFJXxnMZHkIDfOYS7X1kNZ5fOa4s2a33HV37qS7PkkfTLdyvDHyPY2QICNPhcV7j/1WCgMxEwOr1VVhC5ljVS3ocjz179uyWqjY6MjBZAZGptHksnddopsiSyRvVPR7NIn523H777ZKkRx999NhrpjZkn3g9Pv9iSkOGsPiYyvGF147gnPcSXlRhUJl6skpSXl2X52fvexgMb2BgYGDgROCaUovRuL+UUkpa53rdu6a0LhFwlcw1Xo+lQ+iea6N7Jg1aiuUcVOEJsS8Vw8rGwzmpHFGYxDb2qTqnZ4Tnd1nSaPZxbdBna61beoflX2jEJyOKx1Qp0LgukUUymJtrx+vG8+kuvlRiJn732GOPHWsrCzjm9Xgd3nuRfdi9nQxuTTq6KnyIThOZxqRyt6czUvw/BsdXLMnPHJamiayHTiNsK5vb6rnC9WCgs7R9/3M9PPZsr5KB8z6KLM2fMf1h5RwY55jltHwOU4rFuWJoFlFpD+K16VTCfZ5plgzOa9aPNeWtKgyGNzAwMDBwIrAzw5P6abQqZtJLwbNkH6oCqeO5VTgCS7+wv/FcupRHyd6ST+aWHdvIXOeXgtKZoqvX7hJry44lMma5FGi+ZGNxX9euZWY/Mhi+QaYVpb6KHVVFNqtE3j3EfRD/z9rrJRzg3qR0nqVrYsLfqmxKLyyBEncVgB77QPsOwy6yhAEsJcNj41wxnKaXWmyaJl25cmWLgWUMr7ovMhsemQKDxWmvj9cju6jsSvEcpwVjKI2v57bM0LNjuc9p987mkHu2KpIbUWk9qDHJ1tQM0vPZS8ZRJR3p2Wu5b3dJnD8Y3sDAwMDAicA1MTz++q7xUKyk2ex8/mJT6oxSQZXyiOU5MlZAyYNegVHKdTvUXbPvmddc5UFqZMVkyYCqZNFr9OJLXlPxsx6b5vslL1f2YSn5dxZ4Hd9nXoy0PbI8E9lz7CvtLpXdJ2NPPsfSeJUEN55DSZp7N9s7hMfFEkbZPNLe3JO0Ce5vepZGDQfHQUae3bdV6sFef8iaoq2LdsI1e572KKZ+Y8B+XL+s4Gq8jhFteO6vX834brvtNklHcxCfB5U3OFMmZs/iKhH4rbfeeuzcNeOix2rPD4A+EfSCXrP/1jDz7LslDIY3MDAwMHAisHMc3qlTp7YkxswGUHlJZsyIEm5VUsjIvOaolyYjymxq1Wtm76mkCNqQMltYlZaHHmWZXZMScMUkMpa4xNpiH6syR0uMbxdEO0w2ZqJKoxQZHu0E9DLjPPZYbeVR3PMuJLO0/SLuHaah62kssvFm3/W8ECs2UMVDZdoBnlvZ6bLvqlIykcVlWp0lTYGZkVl1bC8mTc6QxdLRhuZXFjft3dNk7SznFG14ZJBmeNRCxLX0MbRfU+Pk/sR1qUomcQwRjAnl+Kj1iHuninn1q5/NPY1gtfczZh69dtc+lwbDGxgYGBg4EbimOLw1NrzKe5Kv0jbDIzujJBwlO0stPLaXaLYqL0GGl+nfLV1S+iMrzHTO1fss0XZVUoPMJZPSaK9aE/9XMbs1SWN7cV0E+x3XkjGNHHN2HWZLIaOrkklHsC9+n9kzaDP0Hqkk4Xi+9wjZJlljPLdKSsxYxczOSK0Az81iLCsPYtqDMi0LE0zz+pF9ZLav3h7b29vbst3FPnAeOKfZfcnPKrt4xvD4HOC4yPSk7WcE93sv8TzPYeYVr0tvDmlb8/XMIuP1Kq9t7qHevqvsfll71XMme37Ti3Z/f38wvIGBgYGBgYjxgzcwMDAwcCKws9PK3t5e1+htVHXwslRfmZpTqo36We03nlslFY7t0VGDzgVZQt5Io+O5vQSplUqxcvDJxlUFBPeo/FLNrCyYs1JhZOPisT1jdGtNZ86c2Qrq7znqcK/06oUxkLmqWp45aFD1xjXNEtcyWJn7oud4QjWV2+pVS6/MCFkIDY/hnsnOMdinKnwgqhO5plRprgkQXnItb61tBYbH0AirGKsk0pkLO+933tN0dInnMmShSqgQ+8E5tIOT++7rx7l1+zfddNOx9hh6wrmO6N3D8bpxrD6HSQS4v7PajW6DIRNrnLGq50/P+WeoNAcGBgYGBoCdnVaWGF4lgVZBxdmxBNvoMcrK4MwxSNuSW+WWnB1bBTz3WC+PIetYU+m6csbJAk4pDfaMx0bltNILAF0jwe/t7enGG2/cck2O0myVYLxK3yRtMzymI+N+y1go95/71JNI6XJthuc9lIWJMHSGLDEL6iZT4N7JHJ4YDsA9wj0bmR61KlVat6ykEAPQ6YyWJSl2H2644YYyIHlvb09nz57dSq4cSxQxYTbHkQWPV2m76IjWSx5dBeQzXCqeY7bGBOR2HslCLNyu+xKTbsf3cR9USTnowJX1sSrT4znI2CL3RsV6eyyU96f7E9OtMYB/MLyBgYGBgQHgmlKLGWsYXmWDyoKHewmmY9u94GGD0m3mWk49PN/3Ao4zm1B1vcrlf00Rycq+SGS2sGoe14QRVCy+lzJtiTmeOXNmy14VUQWLk3nFOei552fvM3sF2+I4sr2aScdSziQ4d3SVp5t93DtZaZ34vkomHc811iQeJzOqbHk9hke7DwPfqznoMbwbbrhhi71FxsWUa2ZNleYnjpFrynO4ThG+jou4ssSVCwTHds+fP3+sXRbOjQyfiQYqDYbHEteFxYIrZhfPYemgJU1WfGbxGblGG9HzK5C2kwLEPsQwlTXpyqTB8AYGBgYGTgh29tLc39/fkqqzgNLKlpcli63SkFE6z9IDkcVkXmSxP1k7fM1KzmRp1DwnWR+zVDi9VGIE7Tv0UKzSYGVtVEwsY4VGxex6Xppr9OhV4m5pWwKl3TILuq0kXmoNjF7S8srul3lpMqVTZbeIxxpketx/2b1hLKWYi/2t9kbmKV0dw31GD8zssyodWe++PXfuXLl/WmvHbHxkO9J2UP+aBBSVvb1Kpxevx/uisgNHkPXFgG/piF3FdaHWiZ61Ptbjz1K+sV0yu57GhEVkDd4H0nGbamy/58dReRDbZpeVZqINr7d3iMHwBgYGBgZOBK4Lw4u/8rQBVPrbLJEsJYGK4WXec5Tse8mOK/ZCfXUm2VeelW4jS3i8FKtTxcdkY10qG5SNk9jFS3NNAt3MfpC1u7+/X8agZWPjXsnaZ7wQywL1wPYq791e8Ul6whnxPdNQUTNSeQnGvlRlqHpJscmI3C49++I80MZKxpKlFqP3H4/NmDljYU+fPl3uS9vwOCfxM16L90eP4fH+rBKSx3MZe0h7XBZnynb5nMli93y+90rFtDJ7HBkV2+gl1qdnas8Wyr5WGrtsfFUKONru4m+M1z2WWRo2vIGBgYGBgYCdGd65c+fKX2OpznzS8xysdMv0mqNUGL+rdNyZTaXKeMLvY1ssxGhUOuiMHVZZOLLCn5RYKFnR3pVlrqFU27O5VXF3tIH0kmIveX2eO3fuUBLP7Cf0sKMnYrYunG/uJdrLMtBLl6yq55laZR2GcWQAACAASURBVNrJ9jfP4RgyBlv1u2LgWTu+HmMgubZSXYbGa8I4s3gO2Q3jDTMmYTtWj+GdOnVKt9xyy1bc2i233HJ4DOPeKltavC+rhN+VZ3RWKLV6NvW0NVWy+swDm88MskSuYZaFinGeVZxk1j7vIz5Ps4w7ld8Gx5TNha8bS//E95J08803SzrOAgfDGxgYGBgYCNiJ4VlK70XMM26IjK5XHqjyyiOiJEipiPnoejFAlcdTz/5HKY0SXqbjriQcenhljKuKT6m897Jz2bc19ji21bOBGD2vP2daoUQazyFLr2Lq4lxUdr4qA0sEmZ3ZBtclkx5pnyAbyOZpqYQNj8+uR8aaecvRk5PjIevp5bU1m/J9bdYWs4GQ9THuKyuhlGUx6cXh3XjjjWXZMOkoewnHVsXWxf95f/B+zDx+K/s/Y/XouRjbq2zG8TnAY7mfGfvYy3xSFebNPDu5h2w368X9VbY6PmezWFi3z+cds9NIR3vH92uM713CYHgDAwMDAycC4wdvYGBgYOBEYGenlbNnz27R3ei0Qndcqj+zwHOfY6rq96a5lXtrxFJ5kaiOYHJg03O6iWfus2vUXfy8ChLvhSNkDgURPUceqmSqUkmZY02FTGVAldnVq1e7ThZnz549VPGsKaNTJX6O8+h2MmeK+H3mvu/95n3mfVypGuO1Of9V8oLsuyXVYrxuFQ7TC7+pzAnsB9Ngxf+p2qpCD7LPWLLGTgaZw0h0FOoFnp85c+bYc0aSnnjiicP/GeTO547730siwM/5vmcCyFTm7rvheaE6lH1mNfN4DueoFx5DNT+fKVWKQ2l7H1QmlTUpDXvpyCp1Lk0EUVVMJ5+h0hwYGBgYGAB2dlo5c+bMlmt5lG4shWXFJaVcaq6CRavXXiAwS7DEvvP/Km2Skbl60/BbGbp7EjcZ5i5SepX4NzNW08mjl9arSrNkZCyVYQOXL19eDE1gO1m6JpZeoUYhmycyEX/uuSY7YL+yMfbYM/dKlXRZylM4xWN6ITuVA1JPA0CJnVoXznO8Hvc5QwzI3uIxvH97aenokr+UWuz06dNbAfwxMTMdZnj/k+XG/iyVzeox7yy9YrxOFnbDpBVM2Bz7Tuce9pVt9NZlKR1aPKZ6rq5J7LEUlpI5DjGZCUOE4v1LhjfCEgYGBgYGBoCdywOdOnWqm1jUulZKPGsKcVKirwIle27UVSmMnjtyFSyapWui5EM2kDEhSkGUuHtB2JUNp2f/q0IaqlCKXv97JYyYhurKlStdhndwcLDlEh3tFVVBziphsrQd7ErmRTfxzF5FWwddv7OEANz7WVJlgoyqCruIqNgYbZI9lkZWxnsknstjqpCD6G7PNeVe7SVjj3PcSy120003Ha6lj7NtMPbb/bXLOu2+Pa0G9zz3Rewf92TmmxC/l7ZTlFVJlTPGRYbKlGNZkd1KG8TQll4IVTaO6nPONZ9zTPAtbdvYPT6vbRZWVAWrr8FgeAMDAwMDJwI7e2nu7e1t/bLGX196blZFNTOWRom7YnpZOhsGmlNazyQR2nWqAO34XXXsGi8hSlQVS8z6b/Sks6Vx9BgepVza/3pempQyM0zTlNomIizB06OO7zMPQXp3UUrPGBhZAfcF91bWfpWoOUt/1luzrI3sXLJA7vv4P1O10b5Nz8v4P9e0sqfH6y2ltMtSSvU0Fcbe3vHk0W7HhVTjtW3Xowdudc9Ly/duxoSrEki05WaJucm46M2YPXcqG24vvV+lQeI9vsYb2ahSRkp1sg8y57iWbo9lkBxozuQQ8Zwlz/wMg+ENDAwMDJwI7GzDk+rSEfE7v9JbKtMFL6Ufcxv0WJK27UiUQLLk0bxOlZ5sjRdjz7Ns6ZiqP2vOqZIYx+8qXXePrZFtUkrLEg1HhlTZ8A4ODnTp0qUtiS32xZ95nemVm0mdVRqjGBsobdutYv/ZLseaJT2uvCeN2Eeywcr2kHlNVn2rvCmlbZud3zMmLYtdpK2O89YrR8XPmFIsziNTSfVsvx43E7jHdFO03Znp0acgu0+MKgWc0St6W9m8M7ZWpTTLEp1XaRYrL8lMS8TvyMSzZ3LFRivv9Pgd7Zick8xbl78pXrcsLZ3RY6gVBsMbGBgYGDgR2JnhRRuef5Uz2w2ze/Q8kapS8PSSIqOQ6rJARq/Ey5r4O4PSUaWf7qGSmjKWQP37kq2jlwWC1+kxPLZR2Rul3D7Wk7auXr26Jd1mHr6W6pjlgewtguzFMLvJ4kMr2xOZf9wfmZ1F6seckaVVHrcZqsKv3LvxHqR9iZJ3xeLiuVUGj+z+rTJr8BkQ7bZk+GtiOHuaCrfN+C1mL+lpUZa8GbM5Zp/JfDLvwsp7tWdfrJ5v9HKMx1Ue3tR+ZPc092RV4Ljni0FNSS+u1X2yd6bZe+ZDwHvv0qVLI9PKwMDAwMBAxPjBGxgYGBg4Edg5LCFLipvRbbpv00CaUVR+R5WZXzOjJ9FLvUWKXTnN9NSUbLfnZl1VOu7R8EotyetnYRGV+rOqjxZRuTKvcZnvhSW4Daq4MzWXHRqomsvUoEYV2kLHp1jHjWE1VA/xuOra0rog6yppANXjETQFVMG9mVpyyQElU2lSNcY+rQmHoQNC5mzGRNpLicfPnDmzKhFBlaiboRnxf96XVOtl+7tyzGBiguw5xyDyXuVzBppXifQzlT6T8FcJwOM80iTAOadanglG4jHcI9n4KjU/zRtx7jmPBwcHQ6U5MDAwMDAQsbPTSmR5lIz8vbQt1ZGdZW77VRorSqSZW3rlTJAxIEradMLpSel0sa5esyDbpVQ4vSSulSSUSVNVkH8VeBr/3yVNT5VuqMLe3t5WwHnsA0uBMDUWE8zG8zk/lUt+Nj67stNZJSv5ssS0s1AGjq9KVpD1kU5SZBu9qtVVWjBqTOK5DDuo0oXFdaPE7fUj08vKA3HsGZzwgsdmnzHZMNl6XBcyRfahYtfZMe6Lx56tf7VH6GiThcH4HK4P1yVqMKpE90zqnCXlYPscJzUoEQzrqJ6RUs7+4/tsPjNmOpJHDwwMDAwMBFxT8mhKWJkdjVIdGV4WJlDpYZkCKmMFfF0TALo2BVf8v7K7VFJiNq6lFFPxGL6uCUtgG0QmlS0F1GdBnhx7D3t7ezp37twWw4tJiFkA2O3aBmFJNUtlV5WY8p7p2ReZlsxSpduICai5/pV2II6zcsvmvu8FANNW0mMfle2bYT29dGucrx5Tqmw1VRBx1k5PQp+mSVevXu2yZ7J/PpMyu3UVMsX32XMn9i22lbE0Xo97p3qNx7rdKtQgCxvKNGLZ+2i3IzujhqRn4632t9HzN3A4AjV2PjamIyNTza5VYTC8gYGBgYETgZ29NPf397e8/XpsjdK50WNcVUA2y5BIeRJi6UgCyYLjq1Q3tLVlXmWUtCrbXpbCqPIy7KVXouRW2fQyUFraJelqdZ3MS9PoSen2tKPkHdfP60ubGlOOMVEA+xX7Qjtw5qVJzzAjK03Cc6tj4/eVbZj7Lgtmdt+YkNfIAsGr5Os92x3PzZJgx+tn2g8yFNq1IsOr9nOFaZq2jon7gIVD6SWZJRFYenb4XDOJeN8sJcWnl2jWl+p513uesgAr2Wi8v8jK6X3qtuI+qO73pc9jv9lXzznLI2VzUT1H4z2YlRQaDG9gYGBgYCBgZ4Z35syZw1/sLMkqJU6ypSwJMaV+/tpTWo9SWiUhUrqN37MPVRLSXuxeFX+X2WOqtGSVnSyix7Di9bNYyMqu2GN4S+wvYx8xfqmStLx3mFQ8Sm6UAJk03NqCLH0S91CVCil+TmmSXmWZzZDXrdDzmqX9hdJyFivGPcqUYpkdjvcA47B6xWppz6q8g6X10nnGkKoyNxH2DM9YumEW6fZoR+Re5Rjie85LFoNaeU33bKsZW4mfZ3NbpSOjTZ+sNOtTlaYuQ1b0NiKziVb22MqzPf6/ZN+MYOrBp59+ejC8gYGBgYGBiGdUALZXVt4SByWtzNuwkmLIIDNJiwyOjCdLhkqJtPKI7JXpoITXO5dJjytbXnxfsU9KlJmUVh3bs/uRsbL9LHtLZWvNYPtvlXRZqrUA/ty2vbj+TzzxRHoOJcOerYuenNV+jOdzT9IjrmfDrbwyM7sZs6M89dRTx/qaFYAls8syqsR+ZHuo55VJVJ6J9NSO3y9l5Ymwlya9SiNTolbA71leJs7Bkl18DQMymHUqs3FxvisGtsajuOcVbjAmtRpD9pzjnNBGSNuy1I9BlbazxsT2+OxgFposrrmKtexhMLyBgYGBgROB8YM3MDAwMHAicE2B50amPmIam57x0aChmcZNqiWjmoC0nUb8LOE0jcY9tQCxFMSZtUm1QJXCKKJX5XvpepXaky7NEZUKtZeEm+u0pFqYpql0c88+q8JFYhCqr2lVXzWezHmJKet8rKtlZw5WVDvRaSBzELCajWtapdeKaiKqOR0ITEeUGMDv//1Kle2aUIAqGXovPR73alU5PDt/STV39erVrf5mddXYX6Yay1JvUTW2lHyd/0t1bcVsjqkWpCNK5rSS7Y34ebbveC8zLVnWt8pxj2n/WKsyXpvPgyqUK35Xqf2z5w7VxyMsYWBgYGBgALim8kBVkK+07XhAaS8zlFPS4WsVqB2vw9RSZIdZQOYSe+olVa2QhQ9UwcLZddhO5RBSJXWNqFh15jhEyaqS8HtJg5cwTVPXNbpivlXpFenIkcVgouneGldG/V55IDpMVM4rWToyrlHlLBH7w31tCZ9MLzIX/88wBI4721vsI50VGGIT/69cypnEOB7bK1XFPldObdJxhhvbM3vLGFcVcrEmETGZvee8SoYc+0utU5YM2ahCZugcuMbhxajYFP+PfWYSgZ5TjlFpjbKwhCVHuyy8w3N9cHAwkkcPDAwMDAxE7GzDy9yt1xzfs+FVkm9lN8hYxhKbyYo3VsliM314lSSadrme3WcpiDwL5s2+i+PN7HJLgc69dat06L2A47XSlVTPl7RtYzCYtisLdq3KUJGh9JgE7b/Z+Gh/c19pp8iC47PCldm4MvbEvjHUINowmYKPWg/uh14wdmWDz1hoZbf39WKy314prgq9VG+Vvb8XrlIFv1fPkp7tm8+U7J6owpPY14zNVOkQ1zyz+DxlHzPGVWl2aBPNfBWqgs0ZK6ySYvP6PVvomTNnhg1vYGBgYGAgou3ooXi/pF949roz8CsAHzhN0138cOydgRUYe2fgWpHuHWKnH7yBgYGBgYFfrhgqzYGBgYGBE4HxgzcwMDAwcCIwfvAGBgYGBk4Exg/ewMDAwMCJwE5xeLfccst0xx13dGOpjGtxhnlfnfP+wtpYkTXnrBn3s3G9LCtHjN25//779dhjj201cuutt0533XVXWRopXpvxUYwxyvbbUqYOXoP/Z++Xzu9hTdmWZwtL7V/LvuC52TxWmUqyslSMW7t69aouXryoJ598cqtzrbUptsvYLWm7BFGvFJbBeMTq2KpAdO/YNaiOvV77sDpmTTxudUwV4/tMUZVKy2Jzs+fBlStXdHBwsDgpO/3g3XHHHfqSL/kSPfbYY5KOapHFIFQ+eKraUlkwLzdW9RDLEiVX6P0YL23ka3k49hKzLgV199rfZaNV564JEK+qFjtoOCZuvvnmmyVJFy5ckDSnHfriL/7itN0777xTr33ta7dq2mVjZ1C10zYxnZa0nSScaa6q6stxrAaP7aVeYr+rPRy/W/rhZiq1iOr+yVL1VcG6VSqzXsIDHpMFZzOomzXoWI1ckh555BFJ0gMPPCBpTtj9jd/4jVvjNvb393X+/HlJ816SdPhemp9N8Vpr0nbxHqpS/rmN7J7jviN6Sbar+zFL0F7V36sSkMdzqwTgWYD9UmpBJrpYI2j26uQxcJ7P/vvvv1/S0W+NpK3fnyeffPLwuMW+rDpqYGBgYGDglzl2Ti0m9ZlRJSFWZSekWqVQScK9UjhE1naV6qui1Vl7FXZhdr30YddynQpLEr9Upx/zqxO1Zn0kq+r1uVcaaYkBZfNGqbFibVmaMKq/qvlZoxZbU6alkmJ7WGJ2GUtYkxZuCZXqudcGSxkx7ZaZn1QzlAytNZ0+ffrwfJ8bk4jzO/YpYyQVS9nleVAlIDd661Mdm5kNuB5MyZbtpYqV832WymyNWprHkY1We6dXbID7/dZbb5V0PC3d0nO7h8HwBgYGBgZOBHZmeC7GKPXtMJVEkJWIWLJPVYmb42cVshI2lLAtnS0ld876uoY9EZUUlRXXJSqpqcdgK9tUj6GTFWSSeJacuDfuaZq6iXK5rzjGHqtZSj7M8lTxM57bs/FWe7GnaeglCc+QrQvZKPdQlgB46XpLa5Whx0J4P1l6z+xbZGn7+/td5nPu3LnDY/0aS0PRflg9d6L9t6dtkOqky/HY6vnTey4tJcuPzLVKMF0l3Y59pK0utlthyXFnl4T3vDeyUm1sh7ZD+wzEcluZtmktBsMbGBgYGDgRGD94AwMDAwMnAtfktNJz0+1VyI6fZyqYJVf/jFavqZQs9dURlUom9pEqqyVj8poYFxqPd6k1SPVB5iSxS1xUVcW+dx1ebwmttbIKsnRc3ZT1IYu/4hpWKtks3KLnLh3bjn2s6tNVMYTZWBnT2FMTsQYc17QXJvBMnFbW3lcZKhf9zDliTU2z1prOnj17qMJ0OExUc/n/ygkmq1NHNWflhLU2xpPtS7nphqpG3v/xnKoWKO8JI6sVWYUaZXuVa0BHlOqZGbFkjokOPhwf71erqGM4lFWa/i6GLCxhMLyBgYGBgROBnRieHVYqNhD/r9zD/QseJRNKKZUjSCZVVsGiZINZxfPKfZrHZVgK6u2FJ1Aqz1y01wYPZ6gYHj/vVYGvAo7XMJcMe3t7Onv2bNmX6hxpWwrsSZVk2JzrzMjOue4FkXt+zAoYJJ9pB9wu99MSG439Jrsl84v3UMVqq/XpZa5Z47LPOeE913MYsrTec3ja29vTmTNnDhneLbfcIunIZV06cmCpHJyye5mV2r2GBu+TrNJ6FfjdC+rn2P1aaVXYTuwzHTjiulTrXiUDid8t3RtZHysNBu/bjGXT0cnXM4u76aabDs9x0oJMM7aEwfAGBgYGBk4EdmZ4UVLqBQJHyS2+8pdbqvPg8Tq9wE+DumamB4r/W6Jbw5rIBiusYSycI6ZikrZZ35pg9aovFQOLEp7nhOx3jXv1mgBtaR43A2Vj/yndEWv6wv3GvdWzHa8JIs9sQdm5Pft2dUym/WBANcflPRTPIbOrNCWZ9oNjrvLm7pKyL7O90wbVC0BvrencuXOHzO62226TdMT0YjtLwc6xD547f+Y+UNuRtc0xZexcOv7cqe5/2x/9PmPPFXvy/ug9B8jkaCuPfWbYA9ellyKSjIvPrizsiGwz+32QjqeRM8NzirGlcKhj/V111MDAwMDAwC9z7OylGX/hMynA0pB/oS29VJKpVEvLRs9mSND+Qj19dj6l2V5wLfu4xs5IKbPS4UevsyXbTe+6SxJ2JnH7OmR6FWOOfVgjXdlDszeOJVtdlbKoh15qLK5LxVQzW4f7WnlrZn2oWEFlb4z/V689+29lu2HC7czrmQyf4+olZYjB5Nm4I6ItstpHp06d0oULF3TXXXdJkm6//XZJx1lAxf7dPp9D8X+OuUJ2LsdGr8bIpqxR4n6wB6LHE22JTpheXYc2vDiHFStnOq/sOee1i8H98ZxsTpa8gz2/HlP8zOAzOLNRm+2Z6fU8fInB8AYGBgYGTgSuKQ7PyDwyLaVYMrD00vOWq+xFvRiqJVAvn7ECetRVcV8RlZS+BpXXZGZLqY5Z491YldzoMaMqXpJsKx63JBFHtNa0v7/fteHx2uw32WfWh0rKXBPjxH1Q2YVi/+P4qu+XPGB7+5rtkm1msWLUbpDRORGvX7O+8t6gfTFjBb14ydivrN+91GL7+/u64447DksA2Tszi5+smFeWRq7ysCSLor0sjtHw3DINWdyfkdnE94w5iwzvqaeeOtYO93Xl4R7Hw3uE9uA1dji2n6X3qrzAuR9jImj6URgcb1w3l4d68MEHJc3sfTC8gYGBgYGBgJ0ZXvS0O2wkSAGWUug9RqYQJVX/ylOn3JP4Yn/iOQYr5WaedpTCyIwy/TQle/Z5DYuiBBQlHqKyk1FqyuwwFbPLvCGXJKSsHxkT6yWfPTg46MYrkr1Yur148aKko0KwfpWOpOTKu5R2uSgRWwvhV+5d232yMXOOfV3v5SzGkSzAYJmWHlsz6Gmcrb+/8xw5I8Xjjz9+7DUygCqjBm3z0bbD+YtZMaTc+5Doedrt7+/rwoULh8zO7WfPHSasrmID4/lVfCy1UVmso8fkODH2I/MOZ2wgszTF54E9ERkjWNnCM20BGbj7SLa2pn2/95rHZ6THx4LNHqfHFZky95v74nP8DMi8eO+77z5JcxHhtdq/wfAGBgYGBk4Exg/ewMDAwMCJwE4qzdbaMZVm5txBN2kGfpPGx2Mqx4zKoBlRtZGpmEyt/R3VQ5nBmaoyqgurJKjxGKpVeg4J7mMVeEq1bDy3Sm/kdcvqUl1L0L8R13jpOKoeo8rH6guvw8MPPyzpyP3YqhIfJx2pfPyZX62+Y8KATKV54cIFSUdJianq9OfStjqochCJe4d7n3PNc3su/3Sh596VjlRJVll6/h599FFJR3NG55XYF6r1qK6MakvPHwPD7T7u+cucTKpE0xEOS3A7Vm3G/eu1orrQc+HXTC3pObUK22vqPZQlhqD7PFO9+fMYauT+0yGE92VMhuzvqB6kM44R1ZMMf6pCJ7JwC4a9GFWoUATDELy/suc2n9Mep9czC7txWIqdmN797ncPlebAwMDAwEDEdQlLiL+u/sWnkdWSaOZaTim5ctvOXLAZvE0WlTG8Kriahu7MjZpux0tOJfGcqjpx5vLPkiVst3LWiO1R+quClqVtB42qonLEmlIhsd8HBwdbbDeyNRuhzUDorOK1jOf4GJ9TOWb43EziNmMwQ/GrGUqWpLhKbO3rRVTpmchGskTHlo69Dgwt8D7wPMS5MEO+//77jx3j+cwC+VmJ3EzO4840NAYdd6hBiXuJIR89zcD+/r6e+9znHkr0dhCJ+5dsxqy2KjklHc2h95Pn0u89f74nnvvc5x6eW1Vf5z2dMUpqWDyeLAEFA8/5/OkFnrtPZLkeX+YkVe1VrumaslRkdFnSER/jz+j4kj3zPa7nPOc5kmYNQ+85FTEY3sDAwMDAicA1lQeilB5tAJQ0KJVnDI8Mh67EPeZg/Xq0s8Tr9oKGq2BrI0ujViVvZsBrr0xHlYi6F9Rt6chzQ6mtp0uvglWj9ElJi7aILOyCtoCl0IZpmg7XxUzMwaOS9J73vEdS7dZMCTX+X7FCzlMM/mVYSKYN4JhtB/PYadPyuTF0gvbDKhg6C7Kla7z76H6YUXr88bMHHnhA0nayXUrPcR/SjlWlPeuVlvF3tCXG69gOE8+pWN7p06f13Oc+99BWyMTC0tEael48djLkuP60DdOe9NBDDx17f8899xyey1RlDOb2a3wu8f4ws/O4jBe84AWH//MZQe0T770sTMCaE4/X4/JcZCEt1By4H/7cz4mY1Nl94bOYtvBY6sfXYziHXzMNltfUjPu2227rJh+PGAxvYGBgYOBE4Bklj7bkk5X68XcMFqbdLGs7+1WXcpZFKZ1Bt0aWcoc6ZwaLZl6MDNKk/SqTmqjTrtIfRXsDA6cp+VDyi+Ol1LfGc9XHug+0sUS7gsEg3ytXrqz20rTkGG1eXEMy4syzk3YjMz63xYDzTAKuPM+yvcoAWSYN8Dxl81Uli6ZWoOdJaGZMRhuZi4+pPPtYbDOzf3BeyfAiy2agOVkO7w3p6HmwNij9/Pnzh+vl62UpuDx22qn83gxQOtp7TPlFBp7Zjqukx3y2MPlyHDMD6P0cjetB+x5tXb3yYdSm+b3H7b0T97f3lVmgj7Vd23NltpaVpfI5vgf47I/r5v76PjLb9bip9Yuf+Xof8AEfkAbPZxgMb2BgYGDgRGAnhndwcKDLly9veTXGX3lKc5S4Mo8+2omqGCD/ivfK9jDZqpFJsZUHZKYPJhusSgxl3pVka0wx1EsLRKnIUiFtCPF6bt9zUcXlZUmDaaur4ozid2u8NA8ODnTp0qUtz7iIquSOXy05xjglSo9kxNxLURKklynHThYiHe1FX8/HUFqP81Ql/CYLzOKieB16n9I2Lh3de76e7SyWmunlGPvF+8dzQu/QeI/4HLOZau9EcK/0GF5rTadPnz6cL7MAsxDpaP7dbzMQ95d2uniM2Qvto54fxxVmKdg4L2TvWfo+ar/sbcg4PWm7zBpTvFFrYzuddLQu7ivvObcR7yczvErT09NwUDNjr1o+x+O9wdR41Mx5r8Z59P72mp8/f354aQ4MDAwMDETs7KV56dKlQ4nBv7BRWmMchaUlxqVEqXmpmKKlG//a92Kd6NGXsTVmgaHHU8ZYmKmBHoqWdDz+aNdk7AyZHfsTj6VnYsWC4zgt0Vtyo3SbZU9xv6uSHkZW7DeubeWpaQ9N2h6iZOZ1ZmYGMrvoAen2LB3T483zZSk99r9KBE77D2O5pG17HNlg9FTjnqc0SltilHIrhmdJPste4et4LjKvXCkvimqPPnvPeh+zj5EteE4Zs0cGne2dyIirvbO3t3eMDfs6ZmbxM7IaZqLpeU9XmY88j5HNkGHzvvGxsY9+ftG73fvaXodxv3ndGSdLe3cW/0zvXJbiyTL7kJ1zLry29iSN96L3DJ8lfh5l9m3aM8n0WRw3nr/WMzNiMLyBgYGBgROBnXNpnjlz5lAyYF5BaTtOjFkWWOxQOvpVZ5yQf8mpj4/wsZSenCXBEgJjQ3qw9JnFbLlPLGNBCS/LT0dGwewZWTYY2uFYYsN9jMyGdgzGjpGZxf+rvI49+1xWDJLY29tL46eitOdrur+UgJk1xe3GsX7gB37gYPN/JwAAIABJREFUsWMc25flX6T9hbY8aitiH6p7ICspxD1T2e645vEzz7+v7z5zH8Zr8zr0GKTkHeH5ev7zny/piPn5vsoyuzAm1uvm60atTlZeprd/Tp06tWW/ivuJ9nHmXc1iOH0s18V7h/a/+PzxZ26DBa/JAOP5flZVtu/43KlYMuNmM98F7yv3hV66ZoDx+e1157nMKOQ5yuyNZn/MPnTvvfdKyjPusFQR7+u4Rzl/t95668ilOTAwMDAwEDF+8AYGBgYGTgR2VmmePn16S92VBYLTrdk0NKtWzLRPDIi8++67j10vqkaqQHCqUqMajO3w2F7KpUqlydRF0fjKQFkajXsJoOliznFnjg50jWZgbVbupErgTaecGGRchTJkaK0dU0swdVB2TSaE7jlo3HnnnZKOXLytPvH8WE2ahYtQHWn1lJMuZ4Hnnm8mK2BZp3gO39NJK1OHUo3rV6p+4tz4M68VK2kzrCiui+fcfYgJeiXp7W9/u6Q8LKFydMgqhmdp1pacVpjUOws896tDFpi8ICuF5Ln0M8ru9HbCYCB/BFOI0aktU+MzYYPPzdR3z3ve84710fPlZ6Q/93XinHgt+fxhOFl8hnoOPI8cB8Mk4pp7T3ivMFmBrx/T4N11113H+uJzvca+r7OEEV6Xm2++eYQlDAwMDAwMROzs1+nQBGk7rY20bVy1ROBfbEvP0fWWhliWz2CgYXY9lkthEuSs1I/BcIEMZHhVYVQGLUeQbVYB99k46F7tOcpSF/naZMo0rEfJjkySaaky5pJJ5Essj6mkogTsfjMchRJxXCdL/Z47hqxYIrbEn7FEFn5l+EBWCJh7hUHcWVA/0ySxAGzGhJjSjk4yDNSVtveo19uStZlLb9+Z2VmKdj8833FOKP1XLCcrJcOkDBmmadKVK1cOpX+HmESmwPnxsVmxY4NOK9SMMMVYvF+Yco/3lM+NYQnuCxkX93DmoMEQHWoafN1YwojhPWZtnhu/xj3EOaEGi2EEGWNmEWGzOM9v5rzk9twn7z+vdXxOeE/a6aanHSAGwxsYGBgYOBHYOfA8JgjOyuxkhQHj+0xasoRhFshSFEyvlUlrTO3jtnolVwwmZmVAuLQtWVcJgN1GJjUZtOmwTWnbVkj9O+1asa+0w9nVmEGcWUo49onlh6Idg6VkegzZmoEs9Rb7YInX+nu67cc+cH4s9Xtd3IbnKwsip1u+peiMrbJoJ5MieN+tKZzLZOgZ2yGD8Fq6j1XIi3Q0ZtoozWizczz3lrwtRdM2n7EQ98XvfZ0sNIhjv3z5cjdpwaVLl7bmNHsOsIQQyyfF506VCMJjdwkj762oTeEaUqNUpcqSjvag19KvGSv0c41Jnck+fU4cn22RLJXlfUFtTjyWc805ypIocA48Xx6f32daKe8ZMzqPh/s/9reXuq7CYHgDAwMDAycCO9vwYokXBjJGZPaI6lh+RjZF771oR6L0z+uy+Ka0bXsko8vsNJQmeC5ZTtQ50xuO3oFZGi9ejxIWmVeWrJjn+nPr8rMUVlXiX3+epXWL0l5lw5umSU8//fRWu1lqMUt5ZCCWdmMfGBjPgGwy5di/qmwSvYbjObQVWXo1e/H7bO9wn9OGy37F76iF8HpnAcC8P71H3GdLz1mxYrKsaCeTcg0NUz1ZgrfUnp3D++bg4GCxRJBBe3YcK+/7XumlLJFFhBkeS01J288IBmZnoB+A2yfziW0wRSOTJDAtWjyXKeYYrJ6lQWSKtkrzkyWb4By7XTL8WADW8LG0gWe/MXxW9ZJiEIPhDQwMDAycCOzM8KIEQQlSqsvyMJ4rizljGiX+kmdFYykJkNExSW38vyqiSq+5eA7tBlXi2cymttRWRFUEtypO2pNWKYWauexSMiljAyx2e+bMmS7Du3LlylaRyyhxWxJkfBILcMb5ZEolekJW6xPPYckiesLGPtJLzWzJfc1SfbFP9OjsxTHS5smimhyLtL3fOH+9e4P3KzULmVRdJYbP7C88J97b1d5xHB61OXGc1GYwxs59yJg3ny9ZIdZ4nLRty+LYPedZ0mt/5hg7233pwxCvSUZJJpTtVZ9rj0f6GVBLFNvxPcHXyhMz9q1KbJ89b6rfB89fZk/PYoR72oGIwfAGBgYGBk4Edq+vEJBJ/ZSo+atOhhI/I2PM2icqryF6i2a6dUqDZJhZCSOj6iu9p+JYyUJ5bMZCyeT8ngwm6xtBKTEeRwZUlWzK7BiZV2uG1trWemQlYygtM4tEtDlQSmVByWqdYv/5HW1RWYkX2xltH/HnmRbCoH10Fxse41ez8RiV/YXSeWb/q7wOyQbj/UDvUtpysnhdI7LcpVg8lmDK/AG4T/lcyPZoxlbi51mSfINxvvT0jAyPGXBsw7Pd19eJ2hrb7mxLrTRZjrmNfSSrZdJlFjOWtpNh89nMjD/ZXq3u48wb3WDy76zckcF7fsn+GzEY3sDAwMDAicD4wRsYGBgYOBHYWaXZWttSBWY1rajmoIF4Tf2i6pisanEWfhCRpcSiKpPVuDMDcKUq4/ss0N3tc/6ymnNUHVWq2kx9ueSm21MpVOOrUqnFY3tr6sTjdC6IaiSqRumoweTbsT9MMccAc4aRSNuJx/2e6qgYME1nFbreW7WU7Z2eerjqI1NYMfzG8xmDeRlozLnoqV15v1LFmdX0o4t6FSIQx9ULmCfs8OSAac99VG0z8UTlGBbPYco61pzkns/uG64ln0fxOeBjqAan+tDjlI5Umv6MffE6ZInA+Z2vQ7NCluaRzyZfl3VHM5Umn129FIqVsx9VqPEcz4U/W6vOlAbDGxgYGBg4Idi5PFBrbSupbq+6NxlCZaiPx9AYvcZphU4W7FtPqqWLd6+PlGzWONawhAydBzIDLaVm9oV9zFjvmr4ZPIYS3lLaMGkeZ+V4EDUDsf0sUXLl3u62YxVpS+yWXj2HdEDKQAmULuwMqI7HkA0yLCSOq2JYVUhNFtLA9GD8PDI8O0Gwcrf7QSeqbH9Ua8HX+D+TfvecmNzuUvC3MU3TVrhIDHdgSjmmn8qc1zxPZN6cn2wPcQ2NKuhfOtqrZkm+vsE0YtLRs2kpsT7ZqbRdcZ4sjQ5wEZy3XoC7UTkG9bR71XOFDmVxnqlFe/rpp4fTysDAwMDAQMQ12fDIWOKvL12R16RTqtJzrSkdYlRu2pmEQCbJMISe+2xldzGyc8lCacvLUhdR6q9SmmV2H/a1YnrZ9ZbGmQXFGqdOneomAI7uw5m7MaX+Kmg49sFz6WMq6Tyzw1AirQJls+ToDE6m3SoLUqbUXxXQzQKBmZiZ+yNjU5xr2qp7Wg+jsiVnidVpT+yFKPn8bO9n44j708zFbv3Stg2fydWz9eee5lirYsjxGLIknhOvZ1uwQ1p8XTM6J+qODM/jiHY96WjOyc7icVUYFEsoxXGRRTOkpBeewmdUlUIxrnXlI8D1jMyVe+fRRx9dtZelwfAGBgYGBk4Idrbh7e/vb9kT4q8rmQLThq3x1FlCFuheSYhZQc4q4XSv3ESlw66kl54nYVX4M0vmzHIjFaPrlcig9NNLD1V52lF6i8dEibi3Dq21rXOihFolljZ7y2wAvSBkjpHncg7p4ZtpGMjwKm/kOC7uDdonuD7ZunB9LZ1boo8SsK9DVuj91UvVV+1V9idLkkD217uvd00eHdc3S35uVmkvWQYyc07i/1XgPO+T7DlX2cF8brStmpHS/uY+P/DAA5KOCvRKR+trW17l50D7bDzX8PPaDNIpx1xGKJ5v71Cmo6uYWPysekZlnt7V89T3V3aPuI9mxBcvXhwMb2BgYGBgIOKakkfTuy1LBM1fXMa4sc2IyrOul8psSSrLykvQZtNL4tvzTorfs1/ZMbQR0M4gbevS6QlXJfWN/1fSOZlGbI82o964OV+7lOkg88/OZ0yVpeXopUnGxXmvbMjZZ7R1MEVWvJ6/o+Yi2/+ZliG+p60jrhtjNrlXzfSi3cfz04vVi2PIwHWv+hrbqYokZ3NOZtSz/x4cHOjSpUtbRYjNjCJY3LjncVnF7pJVZAnv2S7hdfL6SEcMy+vj/t97772SpHe/+92SjphLbJ9ep26DY4isl/G/ZnQ+1nsmlusx2/OecV9o/832Tq+Aduxr5lFenZM9q9zvd77znYd9Gl6aAwMDAwMDATsxPMfC9GKyyFboiZYxrspeUGU6yGwcVcaTTLdNT6MqwXQmDRpV1oyeR5fB2JYsEavB72hTW1N4kn3OpNPKm5G2iswGYvRseNM0F4Clbj7rQxUflmXRqWx3TB7cy/CTeZvGY+M5lqz9yswQWWkp7u/KOzTzCuX8M3Eui4dG+FgmWO/Z1qp7cU1MZ+VJnLErFjLtMbyrV6/q4sWLW4VMIxPiOmfestJxjYL7QBsemV0WJ1vZblnkNe5Z2+H8alvdL/zCL0iS7r//fknHNRj0UvR4qr2TPbOYOca2RDPMaP/1PDqbjdtnmZ5erDK1RczeEsF7uvqd8F6WjphdVox6CYPhDQwMDAycCIwfvIGBgYGBE4GdVZpXr14tDejxs3iOVKsr4zGV80Mv6W7lnEKnj8yVnemTKpVMBqpMq7HEa1ehA+5PTHFW1cGrAo57zkCVs0ov8Jzj7H1XJeyO8N6h0TuqiThPPDZzmGCCYh7bS3pNNW1VmTmusdeI6Y2oaorzycDsKtDdyNShVnNZ/UQVU0yzZXUa+1Y5IvXUr5WaPwseruotZve1x7wUVuLznnjiia17Ld4vTCy+NObs2OpZlampK9OCg8t9rN374zley3vuuefYa+aEQ4cZ7lHey1H157H6s8r8Ee9f7yOmQfN77v9s7xBUafeS8nuNHVLhcca19pxYjf/www+vdpgbDG9gYGBg4ERg58Dzvb29rYSvmdREw38v2TKNxUaV2qcXRO5XSkZRAjYqRpcFzlIarMpnZIyCwcOV4T+On2nbquSxdL+WtqX0SmLNUKWS6q1bL+jdcHooOivEflcJAHoOE2ucKWJbmZRehXhk5VqqkBZWk86cpFhFvHLOyeYzplGSZqlW2pa4Y/uVhoIOBz1NRo+lGXRkqBwqsgD+HrOLfXj88cd13333SToeKG0wVR0TgmfrUqUd47xkFc8rrYD7YVYVHVA8d3ar93i8pjFEg+OgFoDPFAbax88MO/kwkUNMYl05tllrEMMs4vHxWJ7r99k+qzQJPDZLcO12n3rqqcHwBgYGBgYGIq4p8Nzo/XIvSY9rAgUpbWRpfMjoLGGRxcTCiOw/03hRipe2JVJLbpRQs6KE7httXdS7x3HRFZoJlWMhywqVPZWsO2Ip2Xcmfa5xLW+tHTs3C0+pUlJVqdHiGNbYiuPx8Ry2wXI6UUqn27YlXrMOpo2Stm3FdBen9Hr+/Pmt/rsP1FTYlpfdE5Xtk9qBuC+XbHjZ51XYRS9UJgtBWQpp4XrEufD/nFO3b3tPPKfSLPHzXrpA+gwwUXfcB+5bTIkVj2GoSXXt2D6Py8J8rH3wuvBZkrGnKoEHkwzEZ0zFRvncy/abwec3Q0Okozm3dmMEng8MDAwMDADXVB7I6OlNq4S4vaKTlPor+1zU1/OzqqxO7Cs9OCm10NYSx+1zaCOsUjFFsFijYUklSoP0WuL4yEpjXxlYT1teFsBPrzZKeNm6sb0lW14mIUdQilwK7q/6Fa/FFGCRUVYppMwguC+kI2n5+c9/vqSjdE1mfL5uL5kzJW3aNWknkba9MhmIHINwPVbvqypY2YjrwgBuzmsWRG5Qu9Gz+/WeA9mxly9f3noeZBoYvmZB4wbv1YrNZtoIBq1zbql5iv9Tg2TtQJa2K0vBF+HvM80P049Zc0AP0/isZv/JWPl9LxEF28yuV2nxeG9kHrm2rQ+GNzAwMDAwAFyTl+Yar78q5ZeRJTumjY5MLIt9I0tjMtWMrVVskH3NSryQYWWpxKTc1kUJLotFq65nVHGHWYFEvpKJZV6o7DM9CjNpfW1as8uXL3dTi1X2Cl47O4fzXyVzzmxdtMNEm510fC1tA3K8lW3D7Lv3XTyf8+R18ZxkCXQZK8iiuFncHz0EGf9U2Xbj/2uSlBtVDCRZXE+yf+9739uV0g8ODraSYsd94rWjHYn3WhY/SLsR+5F9Ti9Qem3aDhf3gcdaFWD1a9x/XkvvM7/ns9H7IfoquA8uOHvXXXcd66vPieviz+g7wDR1RhaHx/1A1p1poyrvdzK9+F0WC7iEwfAGBgYGBk4EdmZ4p0+fPvxVziQf/lJTN5tJWvSoosRVvcZ2WCaGtq0oafG6VWaNzGuS0l9lZ8rioir7WJappIqVq7ynIpjxoirQmXlYsc9rdONR4u6VeHnqqae29k4vDqsqTdNLem1QAiYzl46kVnr2seRP3Ac+xzYzzrX3WZS0qWWoCo/6fbTH+Xq2V9DDz5/HWEHbO2gbNHpZaDzWqs9LLCwbX7ZG1OZcunRpMZaqsitFUNOzJoF1ZdOv4nOlI4ZP2xm1JzFm0PZfr53b83rRHhj/Z2FUPjO93+JaO0n03XffLemI6bkNjyFqmDz2mJg7fu79yOd6HDO1A9ROZNqPan/xevH/uC5rWd5geAMDAwMDJwLXxPAyG5BRsTHaxSIzqbwzl7KZSNuSNSXTzHvJ/y+xzyz2g1lmqqwWmacVPeAqu1k8h96fVSHGbD573o18n3l7Zn3NsmUYWT7P2M6VK1e2GF1WKJX2nZ7XX2Xj5CuleWm71A/ZgRGZhEu6UOqntsBem9KRZM9YMGbHyPpotmeJ2xlWmNEjMjx6EFY2xF7ZG+4hrm1c+yqejbacng2v52k3TVP33PgZ+8L7Jp5T+QowXpI2L2mb0XGfuQ2zqHg+7zH32f2IDIjxtvQ6pl0stk07s6/j95mdkf33/qps4b01YN+y9a3KnFUe+vGaaz0zIwbDGxgYGBg4ERg/eAMDAwMDJwI7B57H9FGZSrNKPkpq2lNR9FJJ8T3VDnzNKvP6O1N7qlB7iVhpBK8q/2alUOiwwTFE0CC/VIk6c9VfCuCOqILIe27Ia1JIRVy5cmVLFRvboxqNr5mTxVKCA39v1UyW6oltMIwjqvysWowqxHiM58JqTOkoOa9VTEwPZpUq01PF6/i6MQA3u75Uz1eVHKHnBORXqsXWqJOo8s6c29Yk/XVIC9XhmcNEdq34Pq41r23VHtVrmUqO6cB4HYaPxHa8D6yutBMLn5lSnRSbZhL2PR5Lhz4m0cgSQlDV6PbZn8wkwXlliEjmqObv+IzMVJoMH+olwycGwxsYGBgYOBF4RoHnlCSlWrKihJW5KFeSPaXBzGBevc+kCksLliYYPJylGvKxltzpGs0+Z0VxqxRc/j72sZK015RrqZgR2WiWALhizFnSYEqBPanfjgdV8H3sb1X0NrbF/6uwEDqEREmxkkQ5B1mAMxP/cq6js4LZGZ0IGCrBYF/pSIql67rRS+pdpXoim8+k9CqBMp3EsnOqdGSZU1blUMXzn3jiiUO2m7GZHpuM14tYKp9VhTjE76r70esWNQp2EnGKLzs2eT9k+50OSJU2wuwthsMsOREx9VzsL9OgsY3smVWtYU8jWO2dyoFNyu/pkVpsYGBgYGAg4JpseJR8e7+ulW0oS9v1/7d3Pr1xW0kQf5KsxPHBSWBsECCH/f4fa6/ZIEiAOLBjaWZPJbV+rGpytNhDdrouI80MyffIR05X/6kmjhR1p3gErRsnGkyLnkysk1wS42NKs7PSyJY4dqFuw3hm8q0n6bY6j/TqGEAqGu1YYfLdE6fTaVOo7eJHjKnSyuykxRLD6yTRdC5lHacmuGttWzlpv2R6laVprajxp6zxJIvmrFkej+ugpqOz6SnnntZDPTYl5bTOHeslwz8al1vr5bXungMPDw9PjETXqc45NXNOc65j6Mon6nxq/Cq1FNIY9d3KQhXP0/7E8HiNXZw8eTl4PznvF59JvE6uVIdC90l+sSKVCAku1p+8T13ORxJdP4JheIPBYDC4Clwcw1Px+Vret53YA1tDdBmee7G8LrOPlrDbRlaXLBtaQmR+dT8EpZccO0x+bxaRulYie37xTgg6NfN0123PSuq26RijcD6fLWPu3iNrcwWnewyviz0JFPzlNa3zInviOVCcyQkA67N0b7CYue43FfOKNdQCZYoh8L464plJzZ1dPI5j3YshViTJPge2ParsiXE9jsVl8vE8MEuWa6ZmyKa8A113xz7ETCUmoJguRb2dF4X/0+sh74FrcMvGuToXuj5urdJjkZ757l5MmevuOZH21zXS1fmrLHpieIPBYDAYFFwcw3vz5s1Gxqb6gFNTxSPsIvn+uyxN7i/JztRtyAbr3Oo+nFRWspa5bwfG+WhRVobnmkHW43XxksQKUo0i/3borLMaRzq6H5f1mWJN/LyL4fH9jm1QkFfWsWspJchK5yvXoWMDfNWYO4+J3tPYWBumsbuMxRRj7eIwAu/f5CWonyWZqI4N1Hs6CQArO1z3hCz8mpFIbw3jsK4GldJqYuBkZ9pGsm71O4yDMfZUmZjGQok5ZW2K8enzCtbD8Xmn9VbXLBsbs4ZT+3RZwXw2UZSf/9ex0QuSrmsdI9con4l17Clj+QiG4Q0Gg8HgKnAxwzufz614tJD8+c6yT9Yjfc2C25Y+7U6dhRYnszaPxKQSHDPjeXKtUer/a21bJKV9uRglv5vifa6mjnPmdyuTYOzh/v6+XRN1vLSe3XjJFinUzO3dcWjxuznTMiXDq3OmIkRqq6SYylq5DdGeStBa20avR1o9dUypvro4k2uJ1B2/bsOM0a71CzMSv/766zhu1XCmOM9a2+xS7t81ACaLqc1oK8Qof/755817bLLLrMI6Ro2FzVqVral2PpXhMTZJj0JqWrzWVoycKikac2VPZK4cRxpzHRNjn7yunbdFx2cstI5R1+dI/e/mOIe/ORgMBoPB3xjzgzcYDAaDq8DFLs3qWuhKC5JkkEsiSLJce4Xablu6MPRa07a1X8rnkCJ3/d1I+RkcdzJhTBqgq6G6W1heQfduSv11uMSlkF5dgTPdXHvuzDoPt4ZSJ3Cuh67j/Z6QrBPXleslJXs4GTyOWQkHzn3H86TrzXVGUfO1tskBe+7DCq5RJsu4xKtU6MzjdlJm/I5Lpb/EDaXxMCGt7o/uWd7LTsQg9Vvk53Kv/f7770+f/fLLLy9eGcpw5S8am/Yn16X+d+EZuT+5vilw4O49lsjwmSi3e5cQQvlFSStqLrXvI0XRhS40xNAGn4lyX9Yx0jVbx7uHYXiDwWAwuApczPBub2/bNOqjDK+C1gutZCZduF/zvdYy1cogc0sSPG6sHFNqLeS2oZXJALdjhSndPpUrVOy1+HGJDimBgtb7Wn2pCXE+n9eXL19iCnvdfq9AujJhWvJ87URoU7dyvSbx6jrntJbqGLlfynaRATpvBL/jGLfAJAwmVDAhqq4xWfJJ4NwxSs4reR9cOckRr8DpdFqfP39+GreO4xie9sfWX11JC+93rgu3LQu0lcSifbD0YK1t2QHbRYk9VeFxMnw+d5jU4sTY9RmZXkpQqd/R8ViO4O5Nl+RV98/7qr7HBD4mq1SGx+v26dOnKTwfDAaDwaDiYoZ3Op3a9im0QAimpbv3UixPFkT1j/PXPll0LrVcSDJKdQ5JnJbxCWfdcgypbYeLGTIOwniZS+HXWFIM1G2TYneu9IDbOJbhcDqdnqxMt3bIZphazuLbtbYshSyD3gPXKFXQeSPLqetFn7G4lqzKbcP4iObHc1sZHssEGPNwMeNUPMzYB1lDNybO23lMUky3E32vTC+xvdPptP78889Na6Ya62SrG64ZJ2GWPEqpPKkyr+++++7F+UhShnUbFZiL4Wn8ep//r5XvMcoS6v9aRK4xcIyat+JvNQ5HNrZXulMZLJ/TAu+J+pzjfanryLIE1+y3PuOH4Q0Gg8FgUHAxw1tr6yevv9gUXt1jem6/SZSYmUI8dt2my85KbWgElyWaMo2ShJUrjk/+cCf1lLJAnXVDpNjTEVFfnvOUyVjfq1b0XhwvtZupf9PX38mEpXhryhCsLEfxF2bUKbvNCRDIopVVnBh3BYWe6VHgvJwEF/dL6aoaMyTDo6QZGx67gvAkXea8EInhk53WMfLcdhb66XRaf/zxxyauVNlTYnb63wk5MFbsYttrPa+PH3744ek9FVy7rNW678qA6BXQNlxLtfC8y2p2c1Asca1tzJbzcnkHHJMTiEjj4dj4G+AkHclUlQmrefBedHN/8+bNoVjwWsPwBoPBYHAleJV4tH65XSNGWRFkUSm7sAPjVhTsXWsrvcQ4kLMqUiYnUd93MYe1trVNLoaXshhTK5t6bH6WJIycZBL9+102ZcrKpM/eMbxLJNjI8Oq1ZBwktUKpSJYvmYPL0kxMOMmrrbVtkEkhdaHGUoQUX+Y1dN4BgW1oHHMls0vM3p07MvpOUkxIYsGpZVfdT5Iyq3h8fFwfP37cMJJaF0dJMWbeCq4WMAlNi93yebfWs5fpw4cPL77bNQ8WmOfAc1DHyHuZ86QgdddaivFZl2mpz1hvp9gaGyDX60aPWbqPXVY/W2jxPnNr59JazrWG4Q0Gg8HgSnBxA9j7+/uNZVRjIPpFTmziSM0WP+uszNSugs00u/obsrZUA+e2vQRknR3TTNY/LXpnNaWM1ZSJudY2G3PvtW7jrEqH29vbjbVXrVmuDVqgzNqs4DVkxq8bf2LRjH2488S1wfiIY3gJZC6d8DhrqRx74tgYa091gWvtq88IHZMgoyCTcfN6eHhohcA/ffq0ycQVG1jrZaZhPVbHtJJANo+jc1GP8eOPP6611vrpp59efEaPSAWvCz0wYlF1XtqGzYOZia1rrOzRtTwzXWvLXOvaZdxc10nPdbVIYqxtre3zNHkyXB0e6xr16rw7XCeXPIuH4Q0Gg8HgKnAxw7u7u9tU+ddMpPqLv9bW3+pa/uyphqSV7iIQAAAPTElEQVTY11pZhzM1I6zbp0awHePaG7OzUsmo9uJzbmyprtBlKaYs15R5udY2FsXz5+rwaDXvZX/W+K+z4FJch5ax09LkeWD8QOOuGb6aW2re6dgTW8iQObpYFGM2ibm6+XFeLs5H6DzKktc86fVwbCTVX3b3ZMrETvWtbj6Pj4+7MRlel9rGR+yIDKg7X3u6q7x/an2k1pFq5sSsyKLr3I/G4+oa1Wfff//9i3lQj5XeqfpdMnwqu9Trzxh7aj+kc8emsvU4Gru27WqUk3eA+1xry0KnDm8wGAwGA2B+8AaDwWBwFXiVeDQDwrUA9LfffltrbRMm6N5wxcN0fybpp0p3RakZGGdgtguyc/8sNXCg6ywlTdS/jxZH1v1xzskd6o5HFyOTTKorg64YusPcNi7NPc1RCU90xXRC0ETntkhCxamAeq3nVG6dY3aIluuna0dCF7BbO3Tn89ppHy7RheczdZF2Mnian17plnZSfUkQ3K1rgS4mJ6RAsL3Nly9f4vWVO5znqa4dvff+/fsXY9H7zjWb3Gcp4aVLfKFrz5VQpXXAongnvZUE5+myrcfjPHSd5crUq0ta0pgUotJ5ZPlNtx747HehFCal6DMmh7nSGZcMtYdheIPBYDC4ClyctFItLVfMS/kkWStJ0HitbSJLsgxdkTUZlsYmi8tJWNEiSOnoLiU2yQ91iTd7wfGuOSVZBxmEY8McY0pDr3NgiUlKeHAiA5eICnTNdRnMJxwzTy2dkmyXEz1mGrrOuROcJsiIjpSy7IlW1895bCbAuHuGbYaYnMIkhmpxk/WkVj+OybOMIwkR18+6EqB6rLdv3z6NU14kJxfIezaJi6+1vf4szBYz5nmr31ETVQla61rrOVgT+jhnFlXTa1DB9jmpdKeCTVUFPRu1T9e4VcxO26osguLOnVjGXunOWtvnmebDNkSuwJ1elSMYhjcYDAaDq8DFDO+rr7568v06/7WsIvqaZSl0slZMUaUl3MkPufYYa+WmhA5Me3aWffLnM4bn0pGFJATs4j4pZb6LjySGl9KU18plCPquLK6amk2Gt1cAWltL1fcEegHI0pwVm4pdk6jzkXiV4Nioa/9Tj5sKtbsx8/iuFUpqseIK6snkGcNhDM95P8gkiTp/jo0eE1eE7dp6JQ/B3d3d+vbbb58YkdiFk5tirIteKCdWrvGRZbBEo64PNij99ddf11pbaS7Hnpynyv1fkbwM9LZVdsjrrWezxuzEqgVK14nhqfBcDNBJNqZYNUup1to2gOU8NIdagsLY3UVylYe/ORgMBoPB3xgXMbzb29v17t27jUVULTgxAllA+mXuRFzZpFPYk/5aaxujo3/aZaLRCqcV6HzCHMteXK4isUEWebq2MClzNFmj9b1kqbpifMZz2PBTzM7FMYSHh4eW2SgGvNY2Tsb5d3BWeroeqfh+rS2bIUOhx6H+zRjXkViU4K533datAyGJpLvYVMrKZMZqd81SsbwrjqflzUzM6h1wcfMuS7Nm+Io1OYnBlGHNbM26fZdfUPddIQYkxqO4otiSa+vE+31PLrAijZHroJ5jMjyeX10nlx2s9/Sq+YrZ8Tnr9sPMfOZ1uLHwf85vrednkFjnJc/iYXiDwWAwuAq8iuEx46laFfpbVhhbtDurue6/+7/LgBPEKNn0sFppjOt1cSWCn6X2LW7ce2KqnXg0X7sWNmSujOmwVrH+TabHWJ6r3dPrX3/91dYa3t3dbfz5XVwu1eLUYzDTbs9SrEjC5qnFVX1vLw7n5pOYPo/vMi7Tq47XrW9a+mQDnWdhT8i7fsZzwzhgZS6MY3V1eDouaxDrtU7tgFI9cJ0/z3vKTK3/i/EwG7zeC2u9ZD2pnVbXQi3F/xnn7jxPnDszPatsGCUNmaXJGsiav0FWmzwm3dz53HGNe/UsUobsSIsNBoPBYAC8qg6Pv8Y1y4eV+czadFmGyTqmheis+MSaUnv5+p6rLUugFUirthO4TgoUtHyrFZOUVY6otjDrNbVXqmyNWZpkAy6z0zXoTXEQrR0yVMdM+X9q5+TmnDIvqfZQ98fvkjVW8Foys85Z6UlEOTHMOkbGHlNtpaupZMzWZWVyHEctZVcDt1eTWM8V41edlX57e7u++eabp+PoGVPvaTEQsijGzVwW455ih2P6YkVkYB2L13lmux4q/tRzy9gj1ag6FspY/RFWqGOz3o45GS4Gn+4nPufcM4QZ5NpWsVH3XGHc9giG4Q0Gg8HgKjA/eIPBYDC4Cryq47kgSlwpOqXFGASXO8K5RJKLJyV91O+QnicXZP2brgoe39HoJLHUFZ4nlxznU10+LpGlgu4Dl26dCpCdpBQLy5PLzKUU1+924tHOpVn3l8R1KU9XzwldO8mV6UTLU6duzrETyOUadYXpTNBJfdDcOeE+6Kbqisd5zXhthSN9H9O1cdvQndi5zuq917npb29vN0XKNdlCc5Z4NOHckgyzuA7wddt6PHbmptvYhR54DbnNEeyV4bjyJH63E/nWeyzy53x57up+XSJV3Xe9N1J5DYWm62+ME6g4Ksw/DG8wGAwGV4FXJa3Qeq4WggKwZC8UQXYBaic941C37djfWrmdylo5WaFDEsbtih9p2aQicsdcOB+yDQaz+fda2wQUxwoc66vfcYWtLDHYa9NxOp0283GtULh/srgjZSNpm7p2OF7XQojHSwF5rj8n5s3vktk5JkRmmhJQOubNwnOhs/D3urO7bXhuyMicOPqRJBlZ8GIbTopPzx3OiWy3jiHJdVGomfNca+upopBxV36l88IWQiyTWMsL9Nf36a1y27IsQSzNlZjsJat01yA9AzUvx7Ipb0aPjGt7pHKES9qtCcPwBoPBYHAVeFUDWP5dmQKtOf3flQCwkD0VvbpUdlovKR5XQauSsRXXcsXF5uq2tM5dWnoqIu8s7WTJkR24+fKck+m5VPa9tPfK8GiFdczrfD6vh4eHyMDqe3uxziPC2Yl1OIs0xfIYa6v7I3uh1JgrS9kbfzcvxjRYeO7izSmVna8uns6xswzDxf0oeM7jVsbkSk4S2zufz+t8Pj+xKsF5KFgQrebUWrdOCiutX56fWmQtpqMx0HPlmp2m2LqLwxOp3IfPDteuh9JlYmssJq/vMXZHsWi2UqrHY3zZ3UeExLYpyq351Cbj+kzHeffu3eEmsMPwBoPBYHAVuDiGVwWA9ataf7kpNqzPKE3lmnimdhJOiFWgZUMrwsUKUgt6Fq12WZopA6pjeLTwWWhaLW1a4YmFOJklxuNS0bLL7EyirS7Oqf1XS3iPWfOauqagZBXcZz3ne8XqruCcx2NsgUzfZfgSZDMOid0yc9VZ6YnRu2J1sr49L4Qr3E0xO8dCU5Nnntd6b3JdPTw8xHN3Op3Wx48fn5qsdoLw2ocYivbvxM/FXvj84X0vZqQi6DoX5h1wHPV8MY9Bx1dmu5iLE2NITau5plx+A71uOi7jdfVvMb3EBnXu6zVNsUmhy5XguuYzss5L50vr4f3795EBE8PwBoPBYHAVuDiGd3Nzs/FBV4tEv+q0gPRd/Tq7OrW9172mlPW7zscsyFois5Pl5cSV6/wdEnurY6J13GWYpjij0GVGJqZK9uaEoMkOeI0dk3RzdqjbunounieOpZOAOiI0XvdVj5daMHVSX6xBTRml9T0norzWlnm7sdOz0DH81BiT57zLlExeCbdvF4Ou83Gxm85rQ5xOpxfxM5eZLDB+qOsj5qJY0VrPmYFiLxw/2/jUJqR8VlACjCyqHk8thfQ/x1rPScrCTc+Oum1qgpvkw+q82ACWYtIuezK1FGOrNtfWibXI9A64zOX6/Bnx6MFgMBgMCi5meHd3d0+/5F3WJBu/spWQE1VN8SpaKPV4e1mZnVg1LR4yilqnk7I0Oe+OrXE+tMqclZIEh8k+XHuYVBflrMa0vz31i7q/0+nUfv/m5mZjRXcqHylr7QgrOHKO0/UgSzhicacs2voe1zHH1q2DLs7HMaZ6RmbYOZbFdiycl6v32ss+dfW6SWDa4Xw+r8+fP2+yGR3D0zF4D7jmqlX0fq1npseMW8b63P7oLWJG9FrP3i2BMS6Ouc6RXpoUw3O5EfxfY+d6d+9xnfH6u+bfnFfKSq1/M/7L/+sY+aw6yu7WGoY3GAwGgyvB/OANBoPB4Crwqo7nKd10rWfKS2rPgllXwExazkQEuRacO4UuH0rfdEXkdN+kVOAjcG6dTli6wr2fkkY6UefkBkkCrXX/qRzBiQzQfbfnajyfzxuhXidCzHIHge6Puh+Xll336f6nCEKSfutcmixS77bhGuVxuE+3v+TK7MTY96TsLnFPCk4mjGuFSTHuOXEEEi1I577+zSQIJhFV15gSWPQ8S/0quyQpSm/JLequFxPNkpvSye0x1LAX/qnz4PXgOqz3IN9jGZnOmSvzUHE459PJu6VrSreyS8bpQgAJw/AGg8FgcBW4mOG9fft2k67vCoEZqHTMjtukBA3+X6VwWFxJeTInyLuX0uuY2BH5rKNInYcvKQQnW+sSUDifrvDzv0l0qcLixPl8Xo+PjzHt2M1NadMss6hIyRW0LjuWwf1ynTkJtjqv+sr3eUx3nA5kTWIoZG+daEHquO7W8l5Jg9tWY0rMvPN6CF1rKTE8x+w4Pl4f3ieuzYw+qyULa2WZxHo83ltaM04wOyWasFDfMW6BHg0+Hzq2JiTpr7W2ohUav9ousV1PPZ9JeD6JptdtkgweE8jqe0fuH2IY3mAwGAyuAhdLi93d3UWLeK3M8FiW4Py4tNKTbJSLI1Eu6Ui7FiFZr/U4e9bEEetZ2ItV1s9SbC2JPLv97smSHdmvs655nfbO0ePj4yaOVC39vZRkx2ZT0XiKj1Rw/KnhrCuY52eMKxwRgk7jcec4CY67Yv89EWR6FroYCK1zV+azt40DY+2dcLKeO12pTLo/yPAqm+G9JYi1sNWZe+6oVQ3FHFwZRCpl6Ir6+TxLLc2cuAXXGWXWHLPlfaP56FywlVEt7UheJ8U3xX7reWRLJK5R/V+9erz+9/f3h9neMLzBYDAYXAVuLslwubm5+fda61//u+EM/g/wz/P5/A++OWtncACzdgavhV07xEU/eIPBYDAY/F0xLs3BYDAYXAXmB28wGAwGV4H5wRsMBoPBVWB+8AaDwWBwFZgfvMFgMBhcBeYHbzAYDAZXgfnBGwwGg8FVYH7wBoPBYHAVmB+8wWAwGFwF/gOubizwhyc9aQAAAABJRU5ErkJggg==\n", "text/plain": [ "
" ] @@ -1348,9 +2355,9 @@ " ('Non-negative components - NMF (Gensim)',\n", " NmfWrapper(\n", " bow_matrix=faces.T,\n", - " chunksize=2,\n", + " chunksize=3,\n", " eval_every=400,\n", - " passes=1,\n", + " passes=2,\n", " id2word={idx: idx for idx in range(faces.shape[1])},\n", " num_topics=n_components,\n", " minimum_probability=0,\n", @@ -1426,17 +2433,28 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "As you can see, Gensim NMF implementation works as fast as Sklearn NMF and achieves comparable quality, even though it's not optimised for dense matrices." + "As you can see, Gensim's NMF implementation is slower than Sklearn's on **dense** vectors, while achieving comparable quality." ] }, { "cell_type": "markdown", "metadata": {}, "source": [ - "## Conclusion\n", + "# Conclusion\n", + "\n", + "Gensim NMF is an extremely fast and memory-optimized model. Use it to obtain interpretable topics, as an alternative to SVD / LDA.\n", "\n", - "Gensim NMF is an extremely fast and memory-optimized model, and should be used whenever your system resources are too scarse for the task or when you want to try something different from LDA." + "---\n", + "\n", + "The NMF implementation in Gensim was created by [Timofey Yefimov](https://github.com/anotherbugmaster/) as a part of his [RARE Technologies Student Incubator](https://rare-technologies.com/incubator/) graduation project." ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] } ], "metadata": { @@ -1463,7 +2481,7 @@ "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython3", - "version": "3.6.8" + "version": "3.5.2" } }, "nbformat": 4, diff --git a/docs/notebooks/nmf_wikipedia.ipynb b/docs/notebooks/nmf_wikipedia.ipynb deleted file mode 100644 index 49dbd318b6..0000000000 --- a/docs/notebooks/nmf_wikipedia.ipynb +++ /dev/null @@ -1,23538 +0,0 @@ -{ - "cells": [ - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "# Wikipedia training\n", - "\n", - "In this tutorial we will:\n", - " - Learn how to train the NMF topic model on English Wikipedia corpus\n", - " - Compare it with LDA model\n", - " - Evaluate results" - ] - }, - { - "cell_type": "code", - "execution_count": 1, - "metadata": {}, - "outputs": [], - "source": [ - "%load_ext autoreload\n", - "%autoreload 2\n", - "\n", - "import itertools\n", - "import json\n", - "import logging\n", - "import numpy as np\n", - "import pandas as pd\n", - "import scipy.sparse\n", - "import smart_open\n", - "import time\n", - "import os\n", - "import psutil\n", - "from contextlib import contextmanager\n", - "from multiprocessing import Process\n", - "from tqdm import tqdm, tqdm_notebook\n", - "import joblib\n", - "\n", - "import gensim.downloader as api\n", - "from gensim import matutils\n", - "from gensim.corpora import MmCorpus, Dictionary\n", - "from gensim.models import LdaModel, CoherenceModel\n", - "from gensim.models.nmf import Nmf as GensimNmf\n", - "from sklearn.decomposition.nmf import NMF as SklearnNmf\n", - "from gensim.parsing.preprocessing import preprocess_string\n", - "\n", - "tqdm.pandas()\n", - "\n", - "logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s',\n", - " level=logging.INFO)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "# Preprocessing" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Load wikipedia dump\n", - "Let's use `gensim.downloader.api` for that" - ] - }, - { - "cell_type": "code", - "execution_count": 2, - "metadata": { - "lines_to_next_cell": 2 - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Section title: Introduction\n", - "Section text: \n", - "\n", - "\n", - "\n", - "\n", - "'''Anarchism''' is a political philosophy that advocates self-governed societies based on volun\n", - "Section title: Etymology and terminology\n", - "Section text: \n", - "\n", - "The word ''anarchism'' is composed from the word ''anarchy'' and the suffix ''-ism'', themselves d\n", - "Section title: History\n", - "Section text: \n", - "\n", - "===Origins===\n", - "Woodcut from a Diggers document by William Everard\n", - "\n", - "The earliest anarchist themes ca\n", - "Section title: Anarchist schools of thought\n", - "Section text: \n", - "Portrait of philosopher Pierre-Joseph Proudhon (1809–1865) by Gustave Courbet. Proudhon was the pri\n", - "Section title: Internal issues and debates\n", - "Section text: \n", - "consistent with anarchist values is a controversial subject among anarchists.\n", - "\n", - "Anarchism is a philo\n", - "Section title: Topics of interest\n", - "Section text: Intersecting and overlapping between various schools of thought, certain topics of interest and inte\n", - "Section title: Criticisms\n", - "Section text: \n", - "Criticisms of anarchism include moral criticisms and pragmatic criticisms. Anarchism is often evalu\n", - "Section title: See also\n", - "Section text: * Anarchism by country\n", - "\n", - "Section title: References\n", - "Section text: \n", - "\n", - "Section title: Further reading\n", - "Section text: * Barclay, Harold, ''People Without Government: An Anthropology of Anarchy'' (2nd ed.), Left Bank Bo\n", - "Section title: External links\n", - "Section text: \n", - "* \n", - "* \n", - "\n", - "\n", - "\n", - "\n", - "\n", - "\n", - "\n", - "\n", - "\n", - "\n", - "\n", - "\n", - "\n", - "\n", - "\n", - "\n", - "\n", - "\n", - "\n", - "\n", - "\n", - "\n" - ] - } - ], - "source": [ - "data = api.load(\"wiki-english-20171001\")\n", - "article = next(iter(data))\n", - "\n", - "for section_title, section_text in zip(\n", - " article['section_titles'],\n", - " article['section_texts']\n", - "):\n", - " print(\"Section title: %s\" % section_title)\n", - " print(\"Section text: %s\" % section_text[:100])" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Preprocess and save articles" - ] - }, - { - "cell_type": "code", - "execution_count": 3, - "metadata": { - "lines_to_next_cell": 2 - }, - "outputs": [], - "source": [ - "def save_preprocessed_articles(filename, articles):\n", - " with smart_open(filename, 'w+', encoding=\"utf8\") as writer:\n", - " for article in tqdm_notebook(articles):\n", - " article_text = \" \".join(\n", - " \" \".join(section)\n", - " for section\n", - " in zip(\n", - " article['section_titles'],\n", - " article['section_texts']\n", - " )\n", - " )\n", - " article_text = preprocess_string(article_text)\n", - "\n", - " writer.write(json.dumps(article_text) + '\\n')\n", - "\n", - "\n", - "def get_preprocessed_articles(filename):\n", - " with smart_open(filename, 'r', encoding=\"utf8\") as reader:\n", - " for line in tqdm_notebook(reader):\n", - " yield json.loads(\n", - " line\n", - " )" - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "metadata": { - "lines_to_next_cell": 2 - }, - "outputs": [], - "source": [ - "SAVE_ARTICLES = False\n", - "\n", - "if SAVE_ARTICLES:\n", - " save_preprocessed_articles('wiki_articles.jsonlines', data)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Create and save dictionary" - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "metadata": { - "lines_to_next_cell": 2, - "scrolled": true - }, - "outputs": [], - "source": [ - "SAVE_DICTIONARY = False\n", - "\n", - "if SAVE_DICTIONARY:\n", - " dictionary = Dictionary(get_preprocessed_articles('wiki_articles.jsonlines'))\n", - " dictionary.save('wiki.dict')" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Load and filter dictionary" - ] - }, - { - "cell_type": "code", - "execution_count": 6, - "metadata": { - "lines_to_next_cell": 2 - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-30 23:49:27,738 : INFO : loading Dictionary object from wiki.dict\n", - "2019-01-30 23:49:28,637 : INFO : loaded wiki.dict\n", - "2019-01-30 23:49:33,783 : INFO : discarding 1910146 tokens: [('abdelrahim', 49), ('abstention', 120), ('anarcha', 101), ('anarchica', 40), ('anarchosyndicalist', 20), ('antimilitar', 68), ('arbet', 194), ('archo', 100), ('arkhē', 5), ('autonomedia', 118)]...\n", - "2019-01-30 23:49:33,784 : INFO : keeping 100000 tokens which were in no less than 5 and no more than 2462447 (=50.0%) documents\n", - "2019-01-30 23:49:34,701 : INFO : resulting dictionary: Dictionary(100000 unique tokens: ['omana', 'thoroughfar', 'janssen', 'boletacea', 'itzik']...)\n" - ] - } - ], - "source": [ - "dictionary = Dictionary.load('wiki.dict')\n", - "dictionary.filter_extremes()\n", - "dictionary.compactify()" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### MmCorpus wrapper\n", - "In this way we'll:\n", - "\n", - "- Make sure that documents are shuffled\n", - "- Be able to train-test split corpus without rewriting it" - ] - }, - { - "cell_type": "code", - "execution_count": 7, - "metadata": { - "lines_to_next_cell": 2 - }, - "outputs": [], - "source": [ - "class RandomCorpus(MmCorpus):\n", - " def __init__(self, random_seed=42, testset=False, testsize=1000, *args,\n", - " **kwargs):\n", - " super().__init__(*args, **kwargs)\n", - "\n", - " random_state = np.random.RandomState(random_seed)\n", - " \n", - " self.indices = random_state.permutation(range(self.num_docs))\n", - " test_nnz = sum(len(self[doc_idx]) for doc_idx in self.indices[:testsize])\n", - " \n", - " if testset:\n", - " self.indices = self.indices[:testsize]\n", - " self.num_docs = testsize\n", - " self.num_nnz = test_nnz\n", - " else:\n", - " self.indices = self.indices[testsize:]\n", - " self.num_docs -= testsize\n", - " self.num_nnz -= test_nnz\n", - "\n", - " def __iter__(self):\n", - " for doc_id in self.indices:\n", - " yield self[doc_id]" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Create and save corpus" - ] - }, - { - "cell_type": "code", - "execution_count": 8, - "metadata": { - "scrolled": true - }, - "outputs": [], - "source": [ - "SAVE_CORPUS = False\n", - "\n", - "if SAVE_CORPUS:\n", - " corpus = (\n", - " dictionary.doc2bow(article)\n", - " for article\n", - " in get_preprocessed_articles('wiki_articles.jsonlines')\n", - " )\n", - " \n", - " RandomCorpus.serialize('wiki.mm', corpus)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Load train and test corpus\n", - "Using `RandomCorpus` wrapper" - ] - }, - { - "cell_type": "code", - "execution_count": 9, - "metadata": { - "lines_to_next_cell": 2 - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-30 23:49:35,606 : INFO : loaded corpus index from wiki.mm.index\n", - "2019-01-30 23:49:35,607 : INFO : initializing cython corpus reader from wiki.mm\n", - "2019-01-30 23:49:35,607 : INFO : accepted corpus with 4924894 documents, 100000 features, 683326444 non-zero entries\n", - "2019-01-30 23:49:37,629 : INFO : loaded corpus index from wiki.mm.index\n", - "2019-01-30 23:49:37,630 : INFO : initializing cython corpus reader from wiki.mm\n", - "2019-01-30 23:49:37,630 : INFO : accepted corpus with 4924894 documents, 100000 features, 683326444 non-zero entries\n" - ] - } - ], - "source": [ - "train_corpus = RandomCorpus(\n", - " random_seed=42, testset=False, testsize=2000, fname='wiki.mm'\n", - ")\n", - "test_corpus = RandomCorpus(\n", - " random_seed=42, testset=True, testsize=2000, fname='wiki.mm'\n", - ")" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Convert corpora to csc and save" - ] - }, - { - "cell_type": "code", - "execution_count": 10, - "metadata": {}, - "outputs": [], - "source": [ - "SAVE_CSC = False\n", - "\n", - "if SAVE_CSC:\n", - " train_csc = matutils.corpus2csc(train_corpus, len(dictionary))\n", - " scipy.sparse.save_npz('train_csc.npz', train_csc)\n", - " \n", - " test_csc = matutils.corpus2csc(test_corpus, len(dictionary))\n", - " scipy.sparse.save_npz('test_csc.npz', test_csc)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Load csc" - ] - }, - { - "cell_type": "code", - "execution_count": 11, - "metadata": {}, - "outputs": [], - "source": [ - "train_csc = scipy.sparse.load_npz('train_csc.npz')\n", - "test_csc = scipy.sparse.load_npz('test_csc.npz')" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Metrics" - ] - }, - { - "cell_type": "code", - "execution_count": 12, - "metadata": {}, - "outputs": [], - "source": [ - "@contextmanager\n", - "def measure_ram(output, tick=2):\n", - " def _measure_ram(pid, output, tick=5):\n", - " py = psutil.Process(pid)\n", - " with open(output, 'w') as outfile:\n", - " while True:\n", - " memory = py.memory_info().rss\n", - " outfile.write(\"{}\\n\".format(memory))\n", - " outfile.flush()\n", - " time.sleep(tick)\n", - "\n", - " pid = os.getpid()\n", - " p = Process(target=_measure_ram, args=(pid, output, tick))\n", - " p.start()\n", - " yield\n", - " p.terminate()\n", - "\n", - "def get_train_time_and_ram(func, name):\n", - " memprof_filename = \"{}.memprof\".format(name)\n", - " \n", - " start = time.time()\n", - "\n", - " with measure_ram(memprof_filename, 5):\n", - " result = func() \n", - " \n", - " elapsed_time = pd.to_timedelta(time.time() - start, unit='s').round('s')\n", - " \n", - " memprof_df = pd.read_csv(memprof_filename, squeeze=True)\n", - " \n", - " mean_ram = \"{} MB\".format(\n", - " memprof_df.mean() // 2**20,\n", - " )\n", - " \n", - " max_ram = \"{} MB\".format(memprof_df.max() // 2**20)\n", - "\n", - " return elapsed_time, mean_ram, max_ram, result\n", - "\n", - "\n", - "def get_tm_metrics(model, test_corpus):\n", - " W = model.get_topics().T\n", - " H = np.zeros((model.num_topics, len(test_corpus)))\n", - " for bow_id, bow in enumerate(test_corpus):\n", - " for topic_id, word_count in model.get_document_topics(bow):\n", - " H[topic_id, bow_id] = word_count\n", - "\n", - " pred_factors = W.dot(H)\n", - " pred_factors /= pred_factors.sum(axis=0)\n", - " \n", - " dense_corpus = matutils.corpus2dense(test_corpus, pred_factors.shape[0])\n", - "\n", - " perplexity = get_tm_perplexity(pred_factors, dense_corpus)\n", - "\n", - " l2_norm = get_tm_l2_norm(pred_factors, dense_corpus)\n", - "\n", - " model.normalize = True\n", - "\n", - " coherence = CoherenceModel(\n", - " model=model,\n", - " corpus=test_corpus,\n", - " coherence='u_mass'\n", - " ).get_coherence()\n", - "\n", - " model.normalize = False\n", - "\n", - " return dict(\n", - " perplexity=round(perplexity, 4),\n", - " coherence=round(coherence, 4),\n", - " l2_norm=round(l2_norm, 4),\n", - " )\n", - "\n", - "\n", - "def get_tm_perplexity(pred_factors, dense_corpus):\n", - " return np.exp(-(np.log(pred_factors, where=pred_factors > 0) * dense_corpus).sum() / dense_corpus.sum())\n", - "\n", - "\n", - "def get_tm_l2_norm(pred_factors, dense_corpus):\n", - " return np.linalg.norm(dense_corpus / dense_corpus.sum(axis=0) - pred_factors)\n", - "\n", - "\n", - "def get_sklearn_metrics(model, test_corpus):\n", - " W = model.components_.T\n", - " H = model.transform((test_corpus / test_corpus.sum(axis=0)).T).T\n", - " pred_factors = W.dot(H)\n", - " pred_factors /= pred_factors.sum(axis=0)\n", - "\n", - " perplexity = np.exp(\n", - " -(np.log(pred_factors, where=pred_factors > 0) * test_corpus).sum()\n", - " / test_corpus.sum()\n", - " )\n", - "\n", - " l2_norm = np.linalg.norm(test_corpus / test_corpus.sum(axis=0) - pred_factors)\n", - "\n", - " return dict(\n", - " perplexity=perplexity,\n", - " l2_norm=l2_norm,\n", - " )" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Define dataframe in which we'll store metrics" - ] - }, - { - "cell_type": "code", - "execution_count": 13, - "metadata": {}, - "outputs": [], - "source": [ - "tm_metrics = pd.DataFrame()" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Define common params for the models" - ] - }, - { - "cell_type": "code", - "execution_count": 14, - "metadata": {}, - "outputs": [], - "source": [ - "params = dict(\n", - " corpus=train_corpus,\n", - " chunksize=2000,\n", - " num_topics=50,\n", - " id2word=dictionary,\n", - " passes=1,\n", - " eval_every=10,\n", - " minimum_probability=0,\n", - " random_state=42,\n", - ")" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Training" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Train Gensim NMF and save it\n", - "Normalization is turned off to compute metrics correctly" - ] - }, - { - "cell_type": "code", - "execution_count": 15, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-30 23:50:41,538 : INFO : Loss: 0.9592283350028137\n", - "2019-01-30 23:51:07,841 : INFO : Loss: 0.9654052723463945\n", - "2019-01-30 23:51:19,986 : INFO : Loss: 0.983610134773025\n", - "2019-01-30 23:51:31,494 : INFO : Loss: 0.9856176961379628\n", - "2019-01-30 23:51:47,703 : INFO : Loss: 1.0388382070148916\n", - "2019-01-30 23:52:00,235 : INFO : Loss: 0.9885831160386329\n", - "2019-01-30 23:52:10,915 : INFO : Loss: 0.9940857027761342\n", - "2019-01-30 23:52:19,815 : INFO : Loss: 0.9946127359838275\n", - "2019-01-30 23:52:28,330 : INFO : Loss: 0.9949275215480511\n", - "2019-01-30 23:52:36,515 : INFO : Loss: 0.9957360140573942\n", - "2019-01-30 23:52:45,287 : INFO : Loss: 0.995799267839182\n", - "2019-01-30 23:52:53,664 : INFO : Loss: 0.9950670862672046\n", - "2019-01-30 23:53:00,937 : INFO : Loss: 0.9959924745279174\n", - "2019-01-30 23:53:09,471 : INFO : Loss: 0.9959557971255888\n", - "2019-01-30 23:53:17,299 : INFO : Loss: 0.9992069754012614\n", - "2019-01-30 23:53:24,887 : INFO : Loss: 0.9970817907880735\n", - "2019-01-30 23:53:31,921 : INFO : Loss: 0.9968030668126687\n", - "2019-01-30 23:53:40,154 : INFO : Loss: 1.000805162837266\n", - "2019-01-30 23:53:47,588 : INFO : Loss: 1.0036445937560066\n", - "2019-01-30 23:53:56,589 : INFO : Loss: 0.9978459394716457\n", - "2019-01-30 23:54:03,979 : INFO : Loss: 0.9989593665461145\n", - "2019-01-30 23:54:10,702 : INFO : Loss: 0.9980982301738708\n", - "2019-01-30 23:54:17,266 : INFO : Loss: 0.998238226164612\n", - "2019-01-30 23:54:23,887 : INFO : Loss: 0.9985550255498024\n", - "2019-01-30 23:54:30,537 : INFO : Loss: 0.9996225023252939\n", - "2019-01-30 23:54:37,091 : INFO : Loss: 0.9987754828651019\n", - "2019-01-30 23:54:43,688 : INFO : Loss: 0.9990247943574684\n", - "2019-01-30 23:54:50,660 : INFO : Loss: 1.029933776961323\n", - "2019-01-30 23:54:57,057 : INFO : Loss: 0.9984374937212643\n", - "2019-01-30 23:55:03,790 : INFO : Loss: 0.9986012940684562\n", - "2019-01-30 23:55:10,033 : INFO : Loss: 0.9984611293557583\n", - "2019-01-30 23:55:16,684 : INFO : Loss: 1.003185791874025\n", - "2019-01-30 23:55:22,973 : INFO : Loss: 1.0001865879991019\n", - "2019-01-30 23:55:29,217 : INFO : Loss: 0.9994679229677745\n", - "2019-01-30 23:55:35,906 : INFO : Loss: 0.9985081154694843\n", - "2019-01-30 23:55:42,292 : INFO : Loss: 0.9990448183844505\n", - "2019-01-30 23:55:49,929 : INFO : Loss: 1.000794691283293\n", - "2019-01-30 23:55:56,328 : INFO : Loss: 1.0002123974155162\n", - "2019-01-30 23:56:02,429 : INFO : Loss: 0.9989732756831223\n", - "2019-01-30 23:56:08,386 : INFO : Loss: 0.9995798986671256\n", - "2019-01-30 23:56:14,287 : INFO : Loss: 0.9988648461033055\n", - "2019-01-30 23:56:20,215 : INFO : Loss: 0.9994823271485055\n", - "2019-01-30 23:56:27,174 : INFO : Loss: 0.9992080164439477\n", - "2019-01-30 23:56:33,158 : INFO : Loss: 0.9988811343061132\n", - "2019-01-30 23:56:39,103 : INFO : Loss: 1.0013969957742161\n", - "2019-01-30 23:56:44,826 : INFO : Loss: 0.9994270907250508\n", - "2019-01-30 23:56:50,690 : INFO : Loss: 1.0034991318444846\n", - "2019-01-30 23:56:56,529 : INFO : Loss: 0.9991126657253063\n", - "2019-01-30 23:57:02,515 : INFO : Loss: 0.9997881610469845\n", - "2019-01-30 23:57:08,185 : INFO : Loss: 1.0\n", - "2019-01-30 23:57:13,680 : INFO : Loss: 1.0\n", - "2019-01-30 23:57:19,254 : INFO : Loss: 1.0007322403108705\n", - "2019-01-30 23:57:24,728 : INFO : Loss: 0.9998991583235138\n", - "2019-01-30 23:57:30,255 : INFO : Loss: 1.0\n", - "2019-01-30 23:57:35,879 : INFO : Loss: 1.000862549425418\n", - "2019-01-30 23:57:41,421 : INFO : Loss: 0.9993713664199815\n", - "2019-01-30 23:57:47,091 : INFO : Loss: 1.0\n", - "2019-01-30 23:57:52,975 : INFO : Loss: 1.0012177641426152\n", - "2019-01-30 23:57:58,429 : INFO : Loss: 0.9994286988767374\n", - "2019-01-30 23:58:03,930 : INFO : Loss: 0.9994671593690372\n", - "2019-01-30 23:58:09,306 : INFO : Loss: 1.001183875880235\n", - "2019-01-30 23:58:15,514 : INFO : Loss: 0.9994795707619146\n", - "2019-01-30 23:58:21,136 : INFO : Loss: 0.9992854839602129\n", - "2019-01-30 23:58:26,589 : INFO : Loss: 0.9994518698021087\n", - "2019-01-30 23:58:32,003 : INFO : Loss: 0.9990751419440501\n", - "2019-01-30 23:58:37,371 : INFO : Loss: 0.9994931463773729\n", - "2019-01-30 23:58:42,638 : INFO : Loss: 0.9994701481009289\n", - "2019-01-30 23:58:48,291 : INFO : Loss: 0.9994988926020567\n", - "2019-01-30 23:58:54,907 : INFO : Loss: 0.9992860285805035\n", - "2019-01-30 23:59:00,262 : INFO : Loss: 0.9998802191658904\n", - "2019-01-30 23:59:06,694 : INFO : Loss: 1.0003219826923089\n", - "2019-01-30 23:59:12,160 : INFO : Loss: 1.0020653252480436\n", - "2019-01-30 23:59:17,886 : INFO : Loss: 1.0\n", - "2019-01-30 23:59:22,959 : INFO : Loss: 0.99960539436228\n", - "2019-01-30 23:59:28,326 : INFO : Loss: 0.9997496698976536\n", - "2019-01-30 23:59:33,570 : INFO : Loss: 1.0\n", - "2019-01-30 23:59:38,901 : INFO : Loss: 0.9992640842941912\n", - "2019-01-30 23:59:44,234 : INFO : Loss: 0.9996701790008146\n", - "2019-01-30 23:59:49,554 : INFO : Loss: 0.9995232569631003\n", - "2019-01-30 23:59:54,880 : INFO : Loss: 0.9994679955178987\n", - "2019-01-31 00:00:00,090 : INFO : Loss: 1.0\n", - "2019-01-31 00:00:05,340 : INFO : Loss: 1.0001264964909649\n", - "2019-01-31 00:00:10,660 : INFO : Loss: 1.0003099669567983\n", - "2019-01-31 00:00:15,846 : INFO : Loss: 0.999510447047944\n", - "2019-01-31 00:00:21,189 : INFO : Loss: 0.9998373104438704\n", - "2019-01-31 00:00:26,610 : INFO : Loss: 0.9995054808665768\n", - "2019-01-31 00:00:31,824 : INFO : Loss: 1.0008622014983644\n", - "2019-01-31 00:00:37,155 : INFO : Loss: 0.9997513667540812\n", - "2019-01-31 00:00:42,391 : INFO : Loss: 1.000112602276772\n", - "2019-01-31 00:00:47,562 : INFO : Loss: 0.999614659204462\n", - "2019-01-31 00:00:52,875 : INFO : Loss: 0.9996428659515518\n", - "2019-01-31 00:00:58,145 : INFO : Loss: 0.9996863887344251\n", - "2019-01-31 00:01:03,445 : INFO : Loss: 0.9995239914092358\n", - "2019-01-31 00:01:08,885 : INFO : Loss: 0.9995073748133226\n", - "2019-01-31 00:01:14,242 : INFO : Loss: 1.0003544989505417\n", - "2019-01-31 00:01:19,604 : INFO : Loss: 1.0012755530698754\n", - "2019-01-31 00:01:24,644 : INFO : Loss: 1.0\n", - "2019-01-31 00:01:29,877 : INFO : Loss: 0.99966203211569\n", - "2019-01-31 00:01:35,039 : INFO : Loss: 0.9998002679855106\n", - "2019-01-31 00:01:40,211 : INFO : Loss: 0.9995272854993261\n", - "2019-01-31 00:01:45,627 : INFO : Loss: 0.9997888099016539\n", - "2019-01-31 00:01:50,963 : INFO : Loss: 0.9998562780997933\n", - "2019-01-31 00:01:56,264 : INFO : Loss: 0.9997473628030654\n", - "2019-01-31 00:02:01,555 : INFO : Loss: 1.0003431605249815\n", - "2019-01-31 00:02:06,729 : INFO : Loss: 1.0007903437271084\n", - "2019-01-31 00:02:11,928 : INFO : Loss: 0.9996308245384098\n", - "2019-01-31 00:02:17,125 : INFO : Loss: 0.999614879237478\n", - "2019-01-31 00:02:22,374 : INFO : Loss: 1.0005106541696671\n", - "2019-01-31 00:02:28,302 : INFO : Loss: 0.9997306365770836\n", - "2019-01-31 00:02:33,649 : INFO : Loss: 0.9998478611893203\n", - "2019-01-31 00:02:38,974 : INFO : Loss: 0.9994914532031707\n", - "2019-01-31 00:02:44,203 : INFO : Loss: 1.0\n", - "2019-01-31 00:02:49,225 : INFO : Loss: 1.0\n", - "2019-01-31 00:02:54,595 : INFO : Loss: 0.9998652359311595\n", - "2019-01-31 00:02:59,729 : INFO : Loss: 0.9996833407421091\n", - "2019-01-31 00:03:05,085 : INFO : Loss: 0.9996180471892749\n", - "2019-01-31 00:03:10,404 : INFO : Loss: 0.9996931412100092\n", - "2019-01-31 00:03:15,525 : INFO : Loss: 1.0008416184086477\n", - "2019-01-31 00:03:20,604 : INFO : Loss: 1.0\n", - "2019-01-31 00:03:26,557 : INFO : Loss: 0.9998130261219252\n", - "2019-01-31 00:03:31,849 : INFO : Loss: 0.9997170788505965\n", - "2019-01-31 00:03:37,042 : INFO : Loss: 0.9998773189717101\n", - "2019-01-31 00:03:42,323 : INFO : Loss: 0.999892658139298\n", - "2019-01-31 00:03:47,376 : INFO : Loss: 0.9997717371453464\n", - "2019-01-31 00:03:52,678 : INFO : Loss: 0.9998946683607691\n", - "2019-01-31 00:03:57,864 : INFO : Loss: 1.0002281674740388\n", - "2019-01-31 00:04:03,286 : INFO : Loss: 0.999715879131544\n", - "2019-01-31 00:04:08,944 : INFO : Loss: 1.0003323213881778\n", - "2019-01-31 00:04:14,185 : INFO : Loss: 0.999676269832639\n", - "2019-01-31 00:04:19,367 : INFO : Loss: 1.0\n", - "2019-01-31 00:04:24,588 : INFO : Loss: 0.9995829561522159\n", - "2019-01-31 00:04:29,857 : INFO : Loss: 0.9998033643456774\n", - "2019-01-31 00:04:35,007 : INFO : Loss: 0.9998542048725552\n", - "2019-01-31 00:04:40,302 : INFO : Loss: 1.0001348536908885\n", - "2019-01-31 00:04:45,362 : INFO : Loss: 0.9997062111511045\n", - "2019-01-31 00:04:50,531 : INFO : Loss: 0.9997433373378711\n", - "2019-01-31 00:04:55,782 : INFO : Loss: 0.9996415014654532\n", - "2019-01-31 00:05:00,922 : INFO : Loss: 0.9997769304322037\n", - "2019-01-31 00:05:05,857 : INFO : Loss: 0.9997176984039825\n", - "2019-01-31 00:05:11,163 : INFO : Loss: 0.9997360219022641\n", - "2019-01-31 00:05:16,195 : INFO : Loss: 0.9997746634954645\n", - "2019-01-31 00:05:21,071 : INFO : Loss: 1.0\n", - "2019-01-31 00:05:26,238 : INFO : Loss: 1.0\n", - "2019-01-31 00:05:31,524 : INFO : Loss: 0.9997525633663635\n", - "2019-01-31 00:05:36,869 : INFO : Loss: 1.0005806645002224\n", - "2019-01-31 00:05:42,163 : INFO : Loss: 1.0001624907418802\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:05:47,007 : INFO : Loss: 0.9996352155288082\n", - "2019-01-31 00:05:52,261 : INFO : Loss: 1.0004395613185166\n", - "2019-01-31 00:05:57,342 : INFO : Loss: 1.0\n", - "2019-01-31 00:06:02,548 : INFO : Loss: 0.9998527076273703\n", - "2019-01-31 00:06:07,609 : INFO : Loss: 0.9996924850765493\n", - "2019-01-31 00:06:12,841 : INFO : Loss: 0.9998465986185003\n", - "2019-01-31 00:06:18,157 : INFO : Loss: 0.9997732510121399\n", - "2019-01-31 00:06:23,211 : INFO : Loss: 0.9997941508395527\n", - "2019-01-31 00:06:28,233 : INFO : Loss: 0.9995770839553472\n", - "2019-01-31 00:06:33,449 : INFO : Loss: 0.9997390770111323\n", - "2019-01-31 00:06:38,821 : INFO : Loss: 0.9997499890547042\n", - "2019-01-31 00:06:43,967 : INFO : Loss: 1.0002122989122686\n", - "2019-01-31 00:06:48,974 : INFO : Loss: 1.0\n", - "2019-01-31 00:06:54,205 : INFO : Loss: 0.9996768801524232\n", - "2019-01-31 00:06:59,422 : INFO : Loss: 0.9998134505747993\n", - "2019-01-31 00:07:04,626 : INFO : Loss: 1.0001153274263432\n", - "2019-01-31 00:07:09,638 : INFO : Loss: 0.9997996517667606\n", - "2019-01-31 00:07:14,849 : INFO : Loss: 0.9998403875727927\n", - "2019-01-31 00:07:20,090 : INFO : Loss: 0.9996267017145936\n", - "2019-01-31 00:07:25,508 : INFO : Loss: 0.9997907577614406\n", - "2019-01-31 00:07:30,734 : INFO : Loss: 0.9997841500239624\n", - "2019-01-31 00:07:36,017 : INFO : Loss: 1.0\n", - "2019-01-31 00:07:41,135 : INFO : Loss: 0.9997873958125003\n", - "2019-01-31 00:07:46,540 : INFO : Loss: 0.9997595467577249\n", - "2019-01-31 00:07:51,748 : INFO : Loss: 0.999873831646166\n", - "2019-01-31 00:07:57,127 : INFO : Loss: 0.9998347951106515\n", - "2019-01-31 00:08:02,303 : INFO : Loss: 0.9998140553862679\n", - "2019-01-31 00:08:07,383 : INFO : Loss: 1.0\n", - "2019-01-31 00:08:12,659 : INFO : Loss: 0.9998790606131965\n", - "2019-01-31 00:08:17,961 : INFO : Loss: 1.0012735986432386\n", - "2019-01-31 00:08:23,045 : INFO : Loss: 0.999858411002553\n", - "2019-01-31 00:08:28,185 : INFO : Loss: 1.0\n", - "2019-01-31 00:08:33,478 : INFO : Loss: 0.9998548688610734\n", - "2019-01-31 00:08:38,574 : INFO : Loss: 0.9998995265289764\n", - "2019-01-31 00:08:43,852 : INFO : Loss: 0.9996783400306337\n", - "2019-01-31 00:08:48,908 : INFO : Loss: 0.999809554970957\n", - "2019-01-31 00:08:54,134 : INFO : Loss: 0.9998686530125888\n", - "2019-01-31 00:08:59,089 : INFO : Loss: 1.0\n", - "2019-01-31 00:09:04,296 : INFO : Loss: 0.9998445345959373\n", - "2019-01-31 00:09:09,296 : INFO : Loss: 1.0\n", - "2019-01-31 00:09:14,588 : INFO : Loss: 0.9998738577942256\n", - "2019-01-31 00:09:19,823 : INFO : Loss: 0.9998218345196497\n", - "2019-01-31 00:09:25,763 : INFO : Loss: 0.9997310226556387\n", - "2019-01-31 00:09:30,687 : INFO : Loss: 0.9998278855547782\n", - "2019-01-31 00:09:35,864 : INFO : Loss: 0.9998134496128264\n", - "2019-01-31 00:09:40,772 : INFO : Loss: 1.0\n", - "2019-01-31 00:09:45,996 : INFO : Loss: 1.0001263005843612\n", - "2019-01-31 00:09:50,992 : INFO : Loss: 1.000122255529092\n", - "2019-01-31 00:09:55,857 : INFO : Loss: 1.0\n", - "2019-01-31 00:10:00,948 : INFO : Loss: 1.0\n", - "2019-01-31 00:10:06,167 : INFO : Loss: 0.9998815976117489\n", - "2019-01-31 00:10:11,262 : INFO : Loss: 0.999890247300433\n", - "2019-01-31 00:10:16,500 : INFO : Loss: 0.9998806365118564\n", - "2019-01-31 00:10:21,694 : INFO : Loss: 1.0001709576054592\n", - "2019-01-31 00:10:26,958 : INFO : Loss: 1.0\n", - "2019-01-31 00:10:32,250 : INFO : Loss: 0.9998330489296149\n", - "2019-01-31 00:10:37,228 : INFO : Loss: 1.0\n", - "2019-01-31 00:10:42,163 : INFO : Loss: 1.0\n", - "2019-01-31 00:10:47,334 : INFO : Loss: 0.9998966449924491\n", - "2019-01-31 00:10:52,615 : INFO : Loss: 1.0003706657662512\n", - "2019-01-31 00:10:57,904 : INFO : Loss: 0.9997845906095503\n", - "2019-01-31 00:11:02,918 : INFO : Loss: 1.0\n", - "2019-01-31 00:11:07,999 : INFO : Loss: 0.9998334349495988\n", - "2019-01-31 00:11:13,335 : INFO : Loss: 0.9998445825797048\n", - "2019-01-31 00:11:18,437 : INFO : Loss: 1.0\n", - "2019-01-31 00:11:23,781 : INFO : Loss: 0.9998438578968686\n", - "2019-01-31 00:11:28,865 : INFO : Loss: 0.9998068614306783\n", - "2019-01-31 00:11:34,139 : INFO : Loss: 1.0004395455200112\n", - "2019-01-31 00:11:39,209 : INFO : Loss: 0.9998766923098149\n", - "2019-01-31 00:11:44,425 : INFO : Loss: 0.9997906796629782\n", - "2019-01-31 00:11:49,535 : INFO : Loss: 1.0001801536949044\n", - "2019-01-31 00:11:54,579 : INFO : Loss: 1.0001437620714628\n", - "2019-01-31 00:11:59,748 : INFO : Loss: 1.0\n", - "2019-01-31 00:12:04,987 : INFO : Loss: 0.999884636287942\n", - "2019-01-31 00:12:10,210 : INFO : Loss: 0.9998901577816464\n", - "2019-01-31 00:12:15,452 : INFO : Loss: 0.9998956750880632\n", - "2019-01-31 00:12:20,596 : INFO : Loss: 1.000601359253442\n", - "2019-01-31 00:12:25,881 : INFO : Loss: 0.9998337004095269\n", - "2019-01-31 00:12:31,113 : INFO : Loss: 0.9997855646540594\n", - "2019-01-31 00:12:36,300 : INFO : Loss: 0.9998248266745982\n", - "2019-01-31 00:12:41,551 : INFO : Loss: 0.999853040713727\n", - "2019-01-31 00:12:46,496 : INFO : Loss: 1.0\n", - "2019-01-31 00:12:51,501 : INFO : Loss: 1.0\n", - "2019-01-31 00:12:56,720 : INFO : Loss: 0.9998980680510154\n", - "2019-01-31 00:13:01,810 : INFO : Loss: 0.9997133093239652\n", - "2019-01-31 00:13:06,749 : INFO : Loss: 1.0001004306361925\n", - "2019-01-31 00:13:12,510 : INFO : Loss: 0.9998121380431872\n", - "2019-01-31 00:13:17,541 : INFO : Loss: 1.000437901798028\n", - "2019-01-31 00:13:22,733 : INFO : Loss: 0.9998402614113828\n", - "2019-01-31 00:13:27,866 : INFO : Loss: 0.9998710291755407\n", - "2019-01-31 00:13:32,989 : INFO : Loss: 1.000374596112327\n", - "2019-01-31 00:13:38,039 : INFO : Loss: 0.9998417020643313\n", - "2019-01-31 00:13:43,181 : INFO : Loss: 0.9998518749352925\n", - "2019-01-31 00:13:48,367 : INFO : Loss: 1.0\n", - "2019-01-31 00:13:53,164 : INFO : Loss: 1.0001097961478265\n", - "2019-01-31 00:13:58,309 : INFO : Loss: 1.000755562323596\n", - "2019-01-31 00:14:03,222 : INFO : Loss: 1.0001917822169584\n", - "2019-01-31 00:14:08,151 : INFO : Loss: 1.0\n", - "2019-01-31 00:14:13,369 : INFO : Loss: 1.0001054497548354\n", - "2019-01-31 00:14:18,332 : INFO : Loss: 1.0\n", - "2019-01-31 00:14:19,114 : INFO : Loss: 0.9997699788421133\n", - "2019-01-31 00:14:19,127 : INFO : saving Nmf object under gensim_nmf.model, separately None\n", - "2019-01-31 00:14:19,520 : INFO : saved gensim_nmf.model\n" - ] - } - ], - "source": [ - "row = dict()\n", - "row['model'] = 'gensim_nmf'\n", - "row['train_time'], row['mean_ram'], row['max_ram'], nmf = get_train_time_and_ram(\n", - " lambda: GensimNmf(\n", - " normalize=False,\n", - " **params\n", - " ),\n", - " 'gensim_nmf',\n", - ")\n", - "\n", - "nmf.save('gensim_nmf.model')" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Load Gensim NMF and store metrics" - ] - }, - { - "cell_type": "code", - "execution_count": 16, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:14:19,539 : INFO : loading Nmf object from gensim_nmf.model\n", - "2019-01-31 00:14:19,856 : INFO : loading id2word recursively from gensim_nmf.model.id2word.* with mmap=None\n", - "2019-01-31 00:14:19,856 : INFO : loaded gensim_nmf.model\n", - "/home/anotherbugmaster/gensim/gensim/matutils.py:503: FutureWarning: arrays to stack must be passed as a \"sequence\" type such as list or tuple. Support for non-sequence iterables such as generators is deprecated as of NumPy 1.16 and will raise an error in the future.\n", - " result = np.column_stack(sparse2full(doc, num_terms) for doc in corpus)\n", - "2019-01-31 00:14:59,973 : INFO : CorpusAccumulator accumulated stats from 1000 documents\n", - "2019-01-31 00:15:00,082 : INFO : CorpusAccumulator accumulated stats from 2000 documents\n" - ] - } - ], - "source": [ - "nmf = GensimNmf.load('gensim_nmf.model')\n", - "row.update(get_tm_metrics(nmf, test_corpus))\n", - "tm_metrics = tm_metrics.append(pd.Series(row), ignore_index=True)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Train LDA and save it\n", - "That's a common model to do Topic Modeling" - ] - }, - { - "cell_type": "code", - "execution_count": 17, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:15:00,190 : INFO : using symmetric alpha at 0.02\n", - "2019-01-31 00:15:00,192 : INFO : using symmetric eta at 0.02\n", - "2019-01-31 00:15:00,209 : INFO : using serial LDA version on this node\n", - "2019-01-31 00:15:00,734 : INFO : running online (single-pass) LDA training, 50 topics, 1 passes over the supplied corpus of 4922894 documents, updating model once every 2000 documents, evaluating perplexity every 20000 documents, iterating 50x with a convergence threshold of 0.001000\n", - "2019-01-31 00:15:00,890 : INFO : PROGRESS: pass 0, at document #2000/4922894\n", - "2019-01-31 00:15:02,814 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:15:03,134 : INFO : topic #36 (0.020): 0.006*\"new\" + 0.005*\"reconstruct\" + 0.004*\"serv\" + 0.004*\"includ\" + 0.003*\"yawn\" + 0.003*\"start\" + 0.003*\"depress\" + 0.003*\"word\" + 0.003*\"théori\" + 0.003*\"american\"\n", - "2019-01-31 00:15:03,136 : INFO : topic #19 (0.020): 0.005*\"taxpay\" + 0.005*\"new\" + 0.004*\"nation\" + 0.004*\"start\" + 0.004*\"includ\" + 0.003*\"théori\" + 0.003*\"apocrypha\" + 0.003*\"yawn\" + 0.002*\"unionist\" + 0.002*\"level\"\n", - "2019-01-31 00:15:03,138 : INFO : topic #42 (0.020): 0.004*\"new\" + 0.004*\"teufel\" + 0.004*\"yawn\" + 0.004*\"member\" + 0.003*\"théori\" + 0.003*\"start\" + 0.003*\"workplac\" + 0.003*\"unit\" + 0.003*\"word\" + 0.003*\"nation\"\n", - "2019-01-31 00:15:03,140 : INFO : topic #43 (0.020): 0.006*\"start\" + 0.005*\"yawn\" + 0.005*\"includ\" + 0.005*\"elect\" + 0.003*\"fusiform\" + 0.003*\"nation\" + 0.003*\"scholar\" + 0.003*\"new\" + 0.003*\"rivièr\" + 0.003*\"muscl\"\n", - "2019-01-31 00:15:03,142 : INFO : topic #5 (0.020): 0.010*\"abroad\" + 0.004*\"yawn\" + 0.004*\"new\" + 0.003*\"start\" + 0.003*\"bone\" + 0.003*\"reconstruct\" + 0.003*\"includ\" + 0.003*\"son\" + 0.003*\"rel\" + 0.003*\"charcoal\"\n", - "2019-01-31 00:15:03,150 : INFO : topic diff=40.889942, rho=1.000000\n", - "2019-01-31 00:15:03,325 : INFO : PROGRESS: pass 0, at document #4000/4922894\n", - "2019-01-31 00:15:05,268 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:15:05,527 : INFO : topic #1 (0.020): 0.007*\"yawn\" + 0.006*\"kosmo\" + 0.005*\"scholar\" + 0.004*\"cabinetmak\" + 0.004*\"taxpay\" + 0.004*\"nathali\" + 0.004*\"optimum\" + 0.004*\"start\" + 0.003*\"march\" + 0.003*\"soyuz\"\n", - "2019-01-31 00:15:05,528 : INFO : topic #33 (0.020): 0.004*\"levi\" + 0.004*\"wreath\" + 0.004*\"start\" + 0.004*\"anglo\" + 0.004*\"bourbon\" + 0.003*\"hofsted\" + 0.003*\"includ\" + 0.003*\"decatur\" + 0.003*\"hesit\" + 0.003*\"workplac\"\n", - "2019-01-31 00:15:05,529 : INFO : topic #15 (0.020): 0.008*\"leagu\" + 0.006*\"goal\" + 0.006*\"start\" + 0.006*\"taxpay\" + 0.006*\"econom\" + 0.004*\"theoret\" + 0.004*\"economi\" + 0.004*\"schuster\" + 0.004*\"develop\" + 0.004*\"resolut\"\n", - "2019-01-31 00:15:05,531 : INFO : topic #14 (0.020): 0.011*\"armi\" + 0.011*\"aggress\" + 0.008*\"airbu\" + 0.008*\"com\" + 0.007*\"forc\" + 0.007*\"unionist\" + 0.006*\"corp\" + 0.006*\"diversifi\" + 0.005*\"fiscal\" + 0.005*\"gener\"\n", - "2019-01-31 00:15:05,532 : INFO : topic #3 (0.020): 0.007*\"start\" + 0.006*\"new\" + 0.005*\"american\" + 0.004*\"walter\" + 0.004*\"nation\" + 0.004*\"yawn\" + 0.004*\"gaa\" + 0.004*\"gener\" + 0.003*\"workplac\" + 0.003*\"diversifi\"\n", - "2019-01-31 00:15:05,537 : INFO : topic diff=0.441109, rho=0.707107\n", - "2019-01-31 00:15:05,696 : INFO : PROGRESS: pass 0, at document #6000/4922894\n", - "2019-01-31 00:15:07,514 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:15:07,769 : INFO : topic #1 (0.020): 0.007*\"yawn\" + 0.005*\"gabriela\" + 0.005*\"taxpay\" + 0.004*\"optimum\" + 0.004*\"cleveland\" + 0.004*\"kosmo\" + 0.004*\"scholar\" + 0.004*\"champion\" + 0.003*\"questionnair\" + 0.003*\"cabinetmak\"\n", - "2019-01-31 00:15:07,771 : INFO : topic #22 (0.020): 0.013*\"isl\" + 0.012*\"citi\" + 0.011*\"popolo\" + 0.011*\"spars\" + 0.010*\"adulthood\" + 0.010*\"factor\" + 0.008*\"hostil\" + 0.007*\"yawn\" + 0.007*\"area\" + 0.006*\"feel\"\n", - "2019-01-31 00:15:07,772 : INFO : topic #7 (0.020): 0.007*\"darwin\" + 0.006*\"hous\" + 0.005*\"yawn\" + 0.005*\"church\" + 0.005*\"john\" + 0.004*\"member\" + 0.004*\"dai\" + 0.004*\"kangaroo\" + 0.004*\"start\" + 0.004*\"new\"\n", - "2019-01-31 00:15:07,773 : INFO : topic #24 (0.020): 0.012*\"page\" + 0.011*\"do\" + 0.007*\"book\" + 0.006*\"languag\" + 0.006*\"new\" + 0.006*\"nicola\" + 0.005*\"ural\" + 0.005*\"american\" + 0.005*\"publicis\" + 0.004*\"storag\"\n", - "2019-01-31 00:15:07,774 : INFO : topic #4 (0.020): 0.009*\"enfranchis\" + 0.008*\"companhia\" + 0.007*\"new\" + 0.007*\"diagnost\" + 0.005*\"candid\" + 0.005*\"mandir\" + 0.005*\"depress\" + 0.005*\"frozen\" + 0.005*\"wheel\" + 0.005*\"oper\"\n", - "2019-01-31 00:15:07,780 : INFO : topic diff=0.324808, rho=0.577350\n", - "2019-01-31 00:15:07,940 : INFO : PROGRESS: pass 0, at document #8000/4922894\n", - "2019-01-31 00:15:09,689 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:15:09,949 : INFO : topic #49 (0.020): 0.007*\"area\" + 0.007*\"line\" + 0.006*\"govern\" + 0.006*\"start\" + 0.006*\"warmth\" + 0.006*\"protect\" + 0.005*\"regim\" + 0.005*\"india\" + 0.005*\"statewid\" + 0.005*\"lobe\"\n", - "2019-01-31 00:15:09,950 : INFO : topic #0 (0.020): 0.023*\"statewid\" + 0.022*\"arsen\" + 0.009*\"raid\" + 0.008*\"pain\" + 0.008*\"line\" + 0.007*\"gai\" + 0.007*\"ret\" + 0.006*\"museo\" + 0.005*\"new\" + 0.005*\"centuri\"\n", - "2019-01-31 00:15:09,952 : INFO : topic #25 (0.020): 0.016*\"palmer\" + 0.011*\"mount\" + 0.007*\"mound\" + 0.006*\"includ\" + 0.006*\"spars\" + 0.005*\"area\" + 0.005*\"biom\" + 0.005*\"new\" + 0.004*\"rain\" + 0.004*\"arsen\"\n", - "2019-01-31 00:15:09,953 : INFO : topic #30 (0.020): 0.015*\"cleveland\" + 0.014*\"scientist\" + 0.013*\"leagu\" + 0.013*\"crete\" + 0.013*\"taxpay\" + 0.012*\"place\" + 0.011*\"final\" + 0.011*\"champion\" + 0.010*\"women\" + 0.008*\"rooftop\"\n", - "2019-01-31 00:15:09,954 : INFO : topic #24 (0.020): 0.014*\"book\" + 0.010*\"publicis\" + 0.009*\"page\" + 0.007*\"nicola\" + 0.007*\"languag\" + 0.006*\"new\" + 0.005*\"storag\" + 0.005*\"do\" + 0.005*\"american\" + 0.005*\"ural\"\n", - "2019-01-31 00:15:09,960 : INFO : topic diff=0.256670, rho=0.500000\n", - "2019-01-31 00:15:10,121 : INFO : PROGRESS: pass 0, at document #10000/4922894\n", - "2019-01-31 00:15:11,841 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:15:12,099 : INFO : topic #35 (0.020): 0.021*\"parti\" + 0.011*\"rural\" + 0.010*\"group\" + 0.010*\"voluntari\" + 0.010*\"elect\" + 0.008*\"district\" + 0.007*\"local\" + 0.007*\"govern\" + 0.006*\"moscow\" + 0.006*\"new\"\n", - "2019-01-31 00:15:12,101 : INFO : topic #24 (0.020): 0.024*\"book\" + 0.015*\"voic\" + 0.013*\"publicis\" + 0.009*\"page\" + 0.007*\"languag\" + 0.007*\"nicola\" + 0.007*\"new\" + 0.006*\"magazin\" + 0.006*\"word\" + 0.006*\"storag\"\n", - "2019-01-31 00:15:12,102 : INFO : topic #39 (0.020): 0.034*\"taxpay\" + 0.023*\"scientist\" + 0.023*\"leagu\" + 0.021*\"clot\" + 0.015*\"place\" + 0.011*\"player\" + 0.010*\"folei\" + 0.009*\"hoar\" + 0.008*\"yawn\" + 0.007*\"fusiform\"\n", - "2019-01-31 00:15:12,104 : INFO : topic #38 (0.020): 0.011*\"aza\" + 0.011*\"teufel\" + 0.008*\"walter\" + 0.007*\"fit\" + 0.006*\"king\" + 0.006*\"deal\" + 0.006*\"start\" + 0.005*\"murder\" + 0.005*\"british\" + 0.005*\"book\"\n", - "2019-01-31 00:15:12,105 : INFO : topic #21 (0.020): 0.006*\"honeymoon\" + 0.006*\"spain\" + 0.006*\"samford\" + 0.005*\"mercier\" + 0.005*\"juan\" + 0.005*\"santa\" + 0.005*\"mexico\" + 0.005*\"rosa\" + 0.005*\"venezuela\" + 0.005*\"josé\"\n", - "2019-01-31 00:15:12,112 : INFO : topic diff=0.237227, rho=0.447214\n", - "2019-01-31 00:15:12,277 : INFO : PROGRESS: pass 0, at document #12000/4922894\n", - "2019-01-31 00:15:13,929 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:15:14,187 : INFO : topic #1 (0.020): 0.016*\"shu\" + 0.007*\"yawn\" + 0.005*\"argentina\" + 0.005*\"brigitt\" + 0.005*\"åsa\" + 0.004*\"cleveland\" + 0.004*\"taxpay\" + 0.004*\"pledg\" + 0.004*\"rancheria\" + 0.004*\"paraboloid\"\n", - "2019-01-31 00:15:14,189 : INFO : topic #20 (0.020): 0.053*\"scholar\" + 0.017*\"struggl\" + 0.015*\"educ\" + 0.011*\"prognosi\" + 0.010*\"high\" + 0.009*\"woman\" + 0.008*\"yawn\" + 0.007*\"intern\" + 0.006*\"new\" + 0.006*\"nation\"\n", - "2019-01-31 00:15:14,190 : INFO : topic #49 (0.020): 0.010*\"area\" + 0.007*\"line\" + 0.007*\"regim\" + 0.007*\"govern\" + 0.006*\"start\" + 0.006*\"khalsa\" + 0.005*\"india\" + 0.005*\"rosenwald\" + 0.005*\"near\" + 0.005*\"peopl\"\n", - "2019-01-31 00:15:14,192 : INFO : topic #23 (0.020): 0.060*\"audit\" + 0.032*\"best\" + 0.011*\"noll\" + 0.010*\"yawn\" + 0.006*\"michel\" + 0.004*\"muscl\" + 0.004*\"dai\" + 0.004*\"intern\" + 0.004*\"fewer\" + 0.004*\"women\"\n", - "2019-01-31 00:15:14,193 : INFO : topic #10 (0.020): 0.008*\"cdd\" + 0.008*\"fusiform\" + 0.007*\"pathwai\" + 0.006*\"cancer\" + 0.006*\"disco\" + 0.006*\"effect\" + 0.005*\"includ\" + 0.005*\"gastrointestin\" + 0.004*\"théori\" + 0.004*\"uruguayan\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:15:14,199 : INFO : topic diff=0.220294, rho=0.408248\n", - "2019-01-31 00:15:14,358 : INFO : PROGRESS: pass 0, at document #14000/4922894\n", - "2019-01-31 00:15:16,536 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:15:16,796 : INFO : topic #39 (0.020): 0.038*\"taxpay\" + 0.025*\"scientist\" + 0.025*\"clot\" + 0.020*\"leagu\" + 0.015*\"place\" + 0.012*\"player\" + 0.012*\"folei\" + 0.010*\"hoar\" + 0.009*\"yawn\" + 0.009*\"basketbal\"\n", - "2019-01-31 00:15:16,797 : INFO : topic #0 (0.020): 0.035*\"statewid\" + 0.031*\"arsen\" + 0.015*\"line\" + 0.014*\"raid\" + 0.012*\"museo\" + 0.012*\"pain\" + 0.012*\"left\" + 0.011*\"alic\" + 0.010*\"word\" + 0.009*\"artist\"\n", - "2019-01-31 00:15:16,798 : INFO : topic #13 (0.020): 0.020*\"sourc\" + 0.018*\"north\" + 0.015*\"weekli\" + 0.013*\"earthworm\" + 0.012*\"castl\" + 0.012*\"lagrang\" + 0.010*\"cotton\" + 0.009*\"vigour\" + 0.008*\"vacant\" + 0.008*\"hormon\"\n", - "2019-01-31 00:15:16,800 : INFO : topic #45 (0.020): 0.015*\"depress\" + 0.007*\"slow\" + 0.006*\"stanc\" + 0.006*\"dendrit\" + 0.006*\"uruguayan\" + 0.005*\"light\" + 0.005*\"pour\" + 0.005*\"warmth\" + 0.004*\"color\" + 0.004*\"encyclopedia\"\n", - "2019-01-31 00:15:16,801 : INFO : topic #12 (0.020): 0.009*\"frontal\" + 0.008*\"number\" + 0.007*\"form\" + 0.006*\"gener\" + 0.006*\"servitud\" + 0.006*\"uruguayan\" + 0.005*\"exampl\" + 0.005*\"order\" + 0.005*\"differ\" + 0.005*\"théori\"\n", - "2019-01-31 00:15:16,807 : INFO : topic diff=0.214280, rho=0.377964\n", - "2019-01-31 00:15:16,962 : INFO : PROGRESS: pass 0, at document #16000/4922894\n", - "2019-01-31 00:15:18,538 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:15:18,797 : INFO : topic #13 (0.020): 0.021*\"sourc\" + 0.018*\"north\" + 0.015*\"earthworm\" + 0.015*\"weekli\" + 0.015*\"lagrang\" + 0.012*\"castl\" + 0.010*\"cotton\" + 0.009*\"hormon\" + 0.009*\"vigour\" + 0.008*\"vacant\"\n", - "2019-01-31 00:15:18,798 : INFO : topic #40 (0.020): 0.052*\"unit\" + 0.022*\"collector\" + 0.019*\"start\" + 0.010*\"new\" + 0.009*\"american\" + 0.009*\"scholar\" + 0.008*\"institut\" + 0.006*\"word\" + 0.006*\"terri\" + 0.006*\"governor\"\n", - "2019-01-31 00:15:18,799 : INFO : topic #45 (0.020): 0.019*\"depress\" + 0.008*\"cat\" + 0.007*\"light\" + 0.006*\"uruguayan\" + 0.005*\"pour\" + 0.005*\"cambridg\" + 0.005*\"hade\" + 0.005*\"warmth\" + 0.004*\"slow\" + 0.004*\"stanc\"\n", - "2019-01-31 00:15:18,800 : INFO : topic #33 (0.020): 0.011*\"wreath\" + 0.010*\"french\" + 0.010*\"chemic\" + 0.007*\"lazi\" + 0.007*\"diphthong\" + 0.007*\"lebanon\" + 0.007*\"arbroath\" + 0.007*\"sauc\" + 0.006*\"mcdonald\" + 0.005*\"daphn\"\n", - "2019-01-31 00:15:18,801 : INFO : topic #19 (0.020): 0.009*\"pour\" + 0.006*\"anim\" + 0.006*\"uruguayan\" + 0.005*\"form\" + 0.005*\"charact\" + 0.005*\"bodi\" + 0.005*\"like\" + 0.004*\"person\" + 0.004*\"act\" + 0.004*\"origin\"\n", - "2019-01-31 00:15:18,807 : INFO : topic diff=0.231270, rho=0.353553\n", - "2019-01-31 00:15:18,964 : INFO : PROGRESS: pass 0, at document #18000/4922894\n", - "2019-01-31 00:15:20,562 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:15:20,821 : INFO : topic #36 (0.020): 0.024*\"elegan\" + 0.018*\"companhia\" + 0.010*\"serv\" + 0.008*\"manag\" + 0.007*\"market\" + 0.007*\"produc\" + 0.007*\"new\" + 0.007*\"oper\" + 0.006*\"network\" + 0.006*\"develop\"\n", - "2019-01-31 00:15:20,823 : INFO : topic #20 (0.020): 0.065*\"scholar\" + 0.020*\"struggl\" + 0.019*\"educ\" + 0.013*\"prognosi\" + 0.012*\"high\" + 0.010*\"yawn\" + 0.009*\"woman\" + 0.007*\"pseudo\" + 0.006*\"intern\" + 0.006*\"commun\"\n", - "2019-01-31 00:15:20,823 : INFO : topic #23 (0.020): 0.081*\"audit\" + 0.045*\"best\" + 0.018*\"noll\" + 0.015*\"yawn\" + 0.010*\"kri\" + 0.007*\"women\" + 0.007*\"tokyo\" + 0.006*\"winner\" + 0.006*\"prison\" + 0.006*\"dai\"\n", - "2019-01-31 00:15:20,825 : INFO : topic #21 (0.020): 0.015*\"spain\" + 0.015*\"samford\" + 0.013*\"mexico\" + 0.011*\"santa\" + 0.011*\"juan\" + 0.011*\"del\" + 0.010*\"josé\" + 0.009*\"misconcept\" + 0.007*\"plung\" + 0.007*\"soviet\"\n", - "2019-01-31 00:15:20,826 : INFO : topic #40 (0.020): 0.051*\"unit\" + 0.022*\"collector\" + 0.018*\"start\" + 0.011*\"american\" + 0.010*\"new\" + 0.009*\"scholar\" + 0.008*\"institut\" + 0.007*\"word\" + 0.007*\"terri\" + 0.007*\"governor\"\n", - "2019-01-31 00:15:20,831 : INFO : topic diff=0.230670, rho=0.333333\n", - "2019-01-31 00:15:23,694 : INFO : -11.706 per-word bound, 3341.9 perplexity estimate based on a held-out corpus of 2000 documents with 557209 words\n", - "2019-01-31 00:15:23,694 : INFO : PROGRESS: pass 0, at document #20000/4922894\n", - "2019-01-31 00:15:25,238 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:15:25,498 : INFO : topic #41 (0.020): 0.020*\"new\" + 0.019*\"citi\" + 0.013*\"museo\" + 0.012*\"strategist\" + 0.011*\"year\" + 0.010*\"center\" + 0.009*\"festiv\" + 0.009*\"briarwood\" + 0.007*\"arsen\" + 0.007*\"hot\"\n", - "2019-01-31 00:15:25,499 : INFO : topic #42 (0.020): 0.012*\"german\" + 0.007*\"anglo\" + 0.006*\"germani\" + 0.006*\"europ\" + 0.006*\"histori\" + 0.006*\"vol\" + 0.006*\"polici\" + 0.005*\"der\" + 0.005*\"islam\" + 0.005*\"centuri\"\n", - "2019-01-31 00:15:25,500 : INFO : topic #13 (0.020): 0.021*\"sourc\" + 0.018*\"north\" + 0.016*\"weekli\" + 0.015*\"earthworm\" + 0.014*\"ireland\" + 0.013*\"neutral\" + 0.012*\"lagrang\" + 0.011*\"castl\" + 0.010*\"cotton\" + 0.009*\"wale\"\n", - "2019-01-31 00:15:25,502 : INFO : topic #31 (0.020): 0.051*\"fusiform\" + 0.024*\"player\" + 0.021*\"place\" + 0.013*\"scientist\" + 0.011*\"folei\" + 0.010*\"yard\" + 0.010*\"leagu\" + 0.010*\"taxpay\" + 0.009*\"yawn\" + 0.007*\"ruler\"\n", - "2019-01-31 00:15:25,503 : INFO : topic #1 (0.020): 0.008*\"brazil\" + 0.008*\"abreast\" + 0.008*\"argentina\" + 0.007*\"shu\" + 0.007*\"brazilian\" + 0.007*\"yawn\" + 0.007*\"min\" + 0.006*\"proton\" + 0.005*\"justinian\" + 0.005*\"hildesheim\"\n", - "2019-01-31 00:15:25,509 : INFO : topic diff=0.242050, rho=0.316228\n", - "2019-01-31 00:15:25,672 : INFO : PROGRESS: pass 0, at document #22000/4922894\n", - "2019-01-31 00:15:27,254 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:15:27,515 : INFO : topic #37 (0.020): 0.007*\"rel\" + 0.007*\"love\" + 0.006*\"théori\" + 0.006*\"place\" + 0.005*\"appear\" + 0.004*\"son\" + 0.004*\"night\" + 0.003*\"man\" + 0.003*\"perceptu\" + 0.003*\"live\"\n", - "2019-01-31 00:15:27,516 : INFO : topic #45 (0.020): 0.016*\"depress\" + 0.011*\"light\" + 0.006*\"uruguayan\" + 0.006*\"warmth\" + 0.005*\"summer\" + 0.005*\"cat\" + 0.005*\"color\" + 0.004*\"cambridg\" + 0.004*\"black\" + 0.004*\"like\"\n", - "2019-01-31 00:15:27,518 : INFO : topic #1 (0.020): 0.010*\"min\" + 0.008*\"brazil\" + 0.007*\"hildesheim\" + 0.007*\"justinian\" + 0.006*\"brazilian\" + 0.006*\"argentina\" + 0.006*\"yawn\" + 0.006*\"abreast\" + 0.005*\"bernabéu\" + 0.005*\"leah\"\n", - "2019-01-31 00:15:27,518 : INFO : topic #28 (0.020): 0.020*\"rivièr\" + 0.016*\"ring\" + 0.016*\"build\" + 0.015*\"hous\" + 0.011*\"buford\" + 0.010*\"lobe\" + 0.009*\"histor\" + 0.009*\"area\" + 0.009*\"church\" + 0.009*\"tortur\"\n", - "2019-01-31 00:15:27,519 : INFO : topic #12 (0.020): 0.007*\"number\" + 0.007*\"frontal\" + 0.006*\"exampl\" + 0.006*\"differ\" + 0.006*\"method\" + 0.006*\"gener\" + 0.006*\"form\" + 0.006*\"uruguayan\" + 0.005*\"group\" + 0.005*\"superimpos\"\n", - "2019-01-31 00:15:27,525 : INFO : topic diff=0.259331, rho=0.301511\n", - "2019-01-31 00:15:27,684 : INFO : PROGRESS: pass 0, at document #24000/4922894\n", - "2019-01-31 00:15:29,222 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:15:29,482 : INFO : topic #7 (0.020): 0.019*\"locri\" + 0.013*\"sir\" + 0.013*\"church\" + 0.010*\"snatch\" + 0.008*\"john\" + 0.008*\"yawn\" + 0.008*\"factor\" + 0.008*\"di\" + 0.006*\"hous\" + 0.006*\"faster\"\n", - "2019-01-31 00:15:29,483 : INFO : topic #22 (0.020): 0.025*\"factor\" + 0.021*\"spars\" + 0.019*\"isl\" + 0.014*\"popolo\" + 0.013*\"adulthood\" + 0.010*\"feel\" + 0.009*\"male\" + 0.009*\"hostil\" + 0.009*\"area\" + 0.008*\"live\"\n", - "2019-01-31 00:15:29,484 : INFO : topic #4 (0.020): 0.024*\"enfranchis\" + 0.022*\"candid\" + 0.016*\"veget\" + 0.013*\"mode\" + 0.011*\"elabor\" + 0.009*\"depress\" + 0.009*\"pour\" + 0.007*\"fuel\" + 0.006*\"mandir\" + 0.006*\"companhia\"\n", - "2019-01-31 00:15:29,485 : INFO : topic #28 (0.020): 0.017*\"rivièr\" + 0.017*\"build\" + 0.015*\"hous\" + 0.015*\"ring\" + 0.012*\"buford\" + 0.011*\"area\" + 0.010*\"lobe\" + 0.010*\"tortur\" + 0.009*\"histor\" + 0.009*\"church\"\n", - "2019-01-31 00:15:29,486 : INFO : topic #14 (0.020): 0.021*\"armi\" + 0.017*\"forc\" + 0.016*\"walter\" + 0.013*\"aggress\" + 0.013*\"refut\" + 0.012*\"com\" + 0.011*\"unionist\" + 0.011*\"librari\" + 0.011*\"diversifi\" + 0.010*\"rotterdam\"\n", - "2019-01-31 00:15:29,492 : INFO : topic diff=0.261842, rho=0.288675\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:15:29,649 : INFO : PROGRESS: pass 0, at document #26000/4922894\n", - "2019-01-31 00:15:31,187 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:15:31,448 : INFO : topic #10 (0.020): 0.010*\"cdd\" + 0.009*\"disco\" + 0.007*\"cancer\" + 0.007*\"gastrointestin\" + 0.007*\"acid\" + 0.007*\"caus\" + 0.006*\"pathwai\" + 0.006*\"treat\" + 0.006*\"proper\" + 0.005*\"includ\"\n", - "2019-01-31 00:15:31,449 : INFO : topic #18 (0.020): 0.007*\"man\" + 0.006*\"kill\" + 0.005*\"charact\" + 0.005*\"théori\" + 0.004*\"septemb\" + 0.004*\"later\" + 0.004*\"appear\" + 0.004*\"epiru\" + 0.004*\"storag\" + 0.004*\"faster\"\n", - "2019-01-31 00:15:31,450 : INFO : topic #0 (0.020): 0.055*\"statewid\" + 0.038*\"arsen\" + 0.024*\"line\" + 0.024*\"raid\" + 0.016*\"pain\" + 0.016*\"word\" + 0.013*\"alic\" + 0.012*\"traceabl\" + 0.012*\"museo\" + 0.012*\"london\"\n", - "2019-01-31 00:15:31,451 : INFO : topic #37 (0.020): 0.007*\"love\" + 0.007*\"théori\" + 0.006*\"place\" + 0.006*\"rel\" + 0.005*\"appear\" + 0.005*\"night\" + 0.004*\"man\" + 0.004*\"son\" + 0.003*\"gestur\" + 0.003*\"yawn\"\n", - "2019-01-31 00:15:31,453 : INFO : topic #35 (0.020): 0.022*\"russia\" + 0.020*\"rural\" + 0.018*\"parti\" + 0.017*\"personifi\" + 0.013*\"unfortun\" + 0.013*\"moscow\" + 0.013*\"china\" + 0.011*\"sovereignti\" + 0.011*\"govern\" + 0.011*\"chilton\"\n", - "2019-01-31 00:15:31,459 : INFO : topic diff=0.267734, rho=0.277350\n", - "2019-01-31 00:15:31,610 : INFO : PROGRESS: pass 0, at document #28000/4922894\n", - "2019-01-31 00:15:33,125 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:15:33,387 : INFO : topic #9 (0.020): 0.058*\"bone\" + 0.021*\"muscl\" + 0.013*\"korea\" + 0.013*\"olympo\" + 0.012*\"compos\" + 0.012*\"simpler\" + 0.011*\"korean\" + 0.009*\"perceptu\" + 0.006*\"musician\" + 0.006*\"american\"\n", - "2019-01-31 00:15:33,388 : INFO : topic #29 (0.020): 0.017*\"govern\" + 0.010*\"work\" + 0.008*\"replac\" + 0.007*\"nation\" + 0.007*\"start\" + 0.006*\"pseudo\" + 0.006*\"yawn\" + 0.006*\"countri\" + 0.005*\"unfortun\" + 0.005*\"law\"\n", - "2019-01-31 00:15:33,389 : INFO : topic #16 (0.020): 0.017*\"rotterdam\" + 0.014*\"sino\" + 0.013*\"margin\" + 0.013*\"london\" + 0.012*\"priest\" + 0.011*\"quarterli\" + 0.011*\"daughter\" + 0.009*\"di\" + 0.009*\"locri\" + 0.008*\"snatch\"\n", - "2019-01-31 00:15:33,390 : INFO : topic #22 (0.020): 0.024*\"spars\" + 0.023*\"factor\" + 0.015*\"isl\" + 0.014*\"popolo\" + 0.012*\"adulthood\" + 0.011*\"feel\" + 0.010*\"male\" + 0.009*\"hostil\" + 0.009*\"genu\" + 0.008*\"live\"\n", - "2019-01-31 00:15:33,392 : INFO : topic #45 (0.020): 0.013*\"depress\" + 0.010*\"light\" + 0.008*\"black\" + 0.006*\"blind\" + 0.006*\"colder\" + 0.005*\"record\" + 0.005*\"weapon\" + 0.005*\"summer\" + 0.005*\"cat\" + 0.005*\"like\"\n", - "2019-01-31 00:15:33,398 : INFO : topic diff=0.277764, rho=0.267261\n", - "2019-01-31 00:15:33,554 : INFO : PROGRESS: pass 0, at document #30000/4922894\n", - "2019-01-31 00:15:35,091 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:15:35,353 : INFO : topic #14 (0.020): 0.036*\"armi\" + 0.029*\"rotterdam\" + 0.027*\"corp\" + 0.022*\"refut\" + 0.019*\"serv\" + 0.015*\"forc\" + 0.015*\"apc\" + 0.015*\"walter\" + 0.014*\"leonida\" + 0.014*\"aggress\"\n", - "2019-01-31 00:15:35,354 : INFO : topic #33 (0.020): 0.035*\"french\" + 0.018*\"daphn\" + 0.017*\"jean\" + 0.015*\"franc\" + 0.015*\"sail\" + 0.013*\"lazi\" + 0.013*\"pari\" + 0.012*\"dish\" + 0.009*\"quebec\" + 0.008*\"piec\"\n", - "2019-01-31 00:15:35,355 : INFO : topic #13 (0.020): 0.033*\"sourc\" + 0.021*\"rotterdam\" + 0.020*\"north\" + 0.020*\"weekli\" + 0.016*\"earthworm\" + 0.015*\"ireland\" + 0.011*\"england\" + 0.011*\"ipa\" + 0.011*\"hormon\" + 0.010*\"parish\"\n", - "2019-01-31 00:15:35,356 : INFO : topic #10 (0.020): 0.009*\"cdd\" + 0.009*\"disco\" + 0.007*\"cancer\" + 0.007*\"caus\" + 0.006*\"pathwai\" + 0.006*\"acid\" + 0.006*\"proper\" + 0.006*\"gastrointestin\" + 0.006*\"student\" + 0.005*\"includ\"\n", - "2019-01-31 00:15:35,357 : INFO : topic #23 (0.020): 0.107*\"audit\" + 0.059*\"best\" + 0.018*\"noll\" + 0.017*\"yawn\" + 0.013*\"jacksonvil\" + 0.011*\"women\" + 0.009*\"prison\" + 0.008*\"tokyo\" + 0.008*\"ur\" + 0.008*\"intern\"\n", - "2019-01-31 00:15:35,363 : INFO : topic diff=0.287250, rho=0.258199\n", - "2019-01-31 00:15:35,588 : INFO : PROGRESS: pass 0, at document #32000/4922894\n", - "2019-01-31 00:15:37,112 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:15:37,374 : INFO : topic #3 (0.020): 0.020*\"present\" + 0.018*\"american\" + 0.015*\"seri\" + 0.015*\"offic\" + 0.015*\"bone\" + 0.014*\"minist\" + 0.013*\"start\" + 0.013*\"appeas\" + 0.011*\"secess\" + 0.011*\"chickasaw\"\n", - "2019-01-31 00:15:37,376 : INFO : topic #24 (0.020): 0.030*\"book\" + 0.029*\"publicis\" + 0.014*\"word\" + 0.012*\"languag\" + 0.010*\"new\" + 0.010*\"edit\" + 0.010*\"nicola\" + 0.009*\"worldwid\" + 0.009*\"storag\" + 0.009*\"magazin\"\n", - "2019-01-31 00:15:37,377 : INFO : topic #43 (0.020): 0.050*\"elect\" + 0.045*\"parti\" + 0.019*\"voluntari\" + 0.018*\"democrat\" + 0.017*\"tendenc\" + 0.016*\"member\" + 0.015*\"republ\" + 0.013*\"polici\" + 0.013*\"start\" + 0.013*\"selma\"\n", - "2019-01-31 00:15:37,378 : INFO : topic #28 (0.020): 0.022*\"rivièr\" + 0.018*\"build\" + 0.015*\"hous\" + 0.012*\"buford\" + 0.012*\"ring\" + 0.011*\"lobe\" + 0.011*\"rosenwald\" + 0.010*\"area\" + 0.010*\"tortur\" + 0.009*\"histor\"\n", - "2019-01-31 00:15:37,379 : INFO : topic #48 (0.020): 0.065*\"januari\" + 0.061*\"octob\" + 0.060*\"march\" + 0.058*\"sens\" + 0.054*\"notion\" + 0.052*\"april\" + 0.052*\"juli\" + 0.052*\"judici\" + 0.049*\"august\" + 0.049*\"februari\"\n", - "2019-01-31 00:15:37,385 : INFO : topic diff=0.292880, rho=0.250000\n", - "2019-01-31 00:15:37,539 : INFO : PROGRESS: pass 0, at document #34000/4922894\n", - "2019-01-31 00:15:39,061 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:15:39,323 : INFO : topic #32 (0.020): 0.079*\"district\" + 0.066*\"vigour\" + 0.047*\"popolo\" + 0.033*\"multitud\" + 0.028*\"prosper\" + 0.026*\"regim\" + 0.022*\"cotton\" + 0.018*\"tortur\" + 0.018*\"cede\" + 0.016*\"ruptur\"\n", - "2019-01-31 00:15:39,324 : INFO : topic #35 (0.020): 0.024*\"russia\" + 0.023*\"chilton\" + 0.021*\"china\" + 0.020*\"personifi\" + 0.016*\"rural\" + 0.015*\"sovereignti\" + 0.013*\"parti\" + 0.013*\"moscow\" + 0.012*\"communist\" + 0.011*\"unfortun\"\n", - "2019-01-31 00:15:39,326 : INFO : topic #43 (0.020): 0.052*\"elect\" + 0.046*\"parti\" + 0.020*\"voluntari\" + 0.018*\"democrat\" + 0.016*\"member\" + 0.015*\"tendenc\" + 0.014*\"republ\" + 0.013*\"polici\" + 0.013*\"selma\" + 0.013*\"start\"\n", - "2019-01-31 00:15:39,327 : INFO : topic #26 (0.020): 0.031*\"olymp\" + 0.028*\"workplac\" + 0.026*\"men\" + 0.023*\"event\" + 0.023*\"medal\" + 0.023*\"champion\" + 0.018*\"atheist\" + 0.017*\"woman\" + 0.016*\"gold\" + 0.015*\"théori\"\n", - "2019-01-31 00:15:39,328 : INFO : topic #22 (0.020): 0.028*\"spars\" + 0.021*\"factor\" + 0.017*\"isl\" + 0.015*\"adulthood\" + 0.014*\"popolo\" + 0.011*\"hostil\" + 0.011*\"feel\" + 0.010*\"live\" + 0.009*\"yawn\" + 0.009*\"male\"\n", - "2019-01-31 00:15:39,334 : INFO : topic diff=0.286981, rho=0.242536\n", - "2019-01-31 00:15:39,493 : INFO : PROGRESS: pass 0, at document #36000/4922894\n", - "2019-01-31 00:15:41,070 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:15:41,333 : INFO : topic #32 (0.020): 0.079*\"district\" + 0.061*\"vigour\" + 0.050*\"popolo\" + 0.032*\"multitud\" + 0.026*\"regim\" + 0.026*\"prosper\" + 0.022*\"cotton\" + 0.019*\"tortur\" + 0.019*\"cede\" + 0.016*\"ruptur\"\n", - "2019-01-31 00:15:41,334 : INFO : topic #7 (0.020): 0.016*\"locri\" + 0.015*\"church\" + 0.014*\"snatch\" + 0.011*\"sir\" + 0.011*\"di\" + 0.010*\"factor\" + 0.010*\"john\" + 0.009*\"yawn\" + 0.008*\"hous\" + 0.007*\"faster\"\n", - "2019-01-31 00:15:41,335 : INFO : topic #4 (0.020): 0.024*\"enfranchis\" + 0.020*\"candid\" + 0.015*\"mode\" + 0.012*\"veget\" + 0.011*\"pour\" + 0.010*\"elabor\" + 0.010*\"depress\" + 0.009*\"mandir\" + 0.008*\"fuel\" + 0.008*\"produc\"\n", - "2019-01-31 00:15:41,336 : INFO : topic #17 (0.020): 0.030*\"church\" + 0.019*\"sail\" + 0.018*\"fifteenth\" + 0.018*\"bishop\" + 0.017*\"centuri\" + 0.016*\"retroflex\" + 0.013*\"toluen\" + 0.012*\"jpg\" + 0.011*\"italian\" + 0.011*\"cathol\"\n", - "2019-01-31 00:15:41,337 : INFO : topic #12 (0.020): 0.007*\"gener\" + 0.007*\"number\" + 0.007*\"frontal\" + 0.006*\"poet\" + 0.006*\"exampl\" + 0.005*\"uruguayan\" + 0.005*\"measur\" + 0.005*\"differ\" + 0.005*\"pro\" + 0.005*\"servitud\"\n", - "2019-01-31 00:15:41,343 : INFO : topic diff=0.292892, rho=0.235702\n", - "2019-01-31 00:15:41,510 : INFO : PROGRESS: pass 0, at document #38000/4922894\n", - "2019-01-31 00:15:43,031 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:15:43,295 : INFO : topic #34 (0.020): 0.068*\"cotton\" + 0.033*\"start\" + 0.020*\"toni\" + 0.017*\"violent\" + 0.014*\"california\" + 0.011*\"carefulli\" + 0.010*\"unionist\" + 0.010*\"terri\" + 0.010*\"citi\" + 0.009*\"obes\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:15:43,296 : INFO : topic #40 (0.020): 0.072*\"unit\" + 0.025*\"collector\" + 0.015*\"start\" + 0.014*\"american\" + 0.011*\"new\" + 0.011*\"institut\" + 0.009*\"scholar\" + 0.009*\"word\" + 0.009*\"governor\" + 0.008*\"professor\"\n", - "2019-01-31 00:15:43,297 : INFO : topic #25 (0.020): 0.016*\"mount\" + 0.015*\"ring\" + 0.015*\"palmer\" + 0.014*\"lagrang\" + 0.013*\"mound\" + 0.011*\"area\" + 0.008*\"pcb\" + 0.007*\"robespierr\" + 0.006*\"natur\" + 0.006*\"surrend\"\n", - "2019-01-31 00:15:43,299 : INFO : topic #27 (0.020): 0.045*\"questionnair\" + 0.015*\"dai\" + 0.012*\"taxpay\" + 0.012*\"tornado\" + 0.012*\"théori\" + 0.010*\"rick\" + 0.010*\"horac\" + 0.010*\"squatter\" + 0.010*\"find\" + 0.009*\"sebastien\"\n", - "2019-01-31 00:15:43,301 : INFO : topic #48 (0.020): 0.066*\"octob\" + 0.062*\"januari\" + 0.061*\"march\" + 0.057*\"sens\" + 0.055*\"notion\" + 0.053*\"judici\" + 0.053*\"april\" + 0.052*\"juli\" + 0.051*\"august\" + 0.051*\"decatur\"\n", - "2019-01-31 00:15:43,307 : INFO : topic diff=0.286263, rho=0.229416\n", - "2019-01-31 00:15:46,145 : INFO : -11.672 per-word bound, 3262.6 perplexity estimate based on a held-out corpus of 2000 documents with 564313 words\n", - "2019-01-31 00:15:46,146 : INFO : PROGRESS: pass 0, at document #40000/4922894\n", - "2019-01-31 00:15:47,687 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:15:47,951 : INFO : topic #23 (0.020): 0.109*\"audit\" + 0.056*\"best\" + 0.020*\"yawn\" + 0.020*\"noll\" + 0.018*\"jacksonvil\" + 0.017*\"japanes\" + 0.013*\"women\" + 0.011*\"prison\" + 0.011*\"harmsworth\" + 0.009*\"winner\"\n", - "2019-01-31 00:15:47,953 : INFO : topic #42 (0.020): 0.026*\"german\" + 0.014*\"germani\" + 0.009*\"vol\" + 0.009*\"der\" + 0.007*\"jewish\" + 0.007*\"berlin\" + 0.006*\"anglo\" + 0.006*\"jeremiah\" + 0.006*\"und\" + 0.006*\"israel\"\n", - "2019-01-31 00:15:47,954 : INFO : topic #11 (0.020): 0.029*\"john\" + 0.024*\"will\" + 0.017*\"jame\" + 0.016*\"georg\" + 0.014*\"rival\" + 0.010*\"chandra\" + 0.010*\"thirtieth\" + 0.009*\"townhous\" + 0.009*\"henri\" + 0.008*\"slur\"\n", - "2019-01-31 00:15:47,956 : INFO : topic #38 (0.020): 0.015*\"king\" + 0.013*\"walter\" + 0.010*\"aza\" + 0.010*\"teufel\" + 0.008*\"french\" + 0.007*\"embassi\" + 0.007*\"till\" + 0.006*\"yawn\" + 0.006*\"franc\" + 0.005*\"deal\"\n", - "2019-01-31 00:15:47,957 : INFO : topic #48 (0.020): 0.067*\"octob\" + 0.062*\"januari\" + 0.062*\"march\" + 0.060*\"sens\" + 0.056*\"notion\" + 0.056*\"april\" + 0.054*\"judici\" + 0.054*\"august\" + 0.053*\"decatur\" + 0.052*\"juli\"\n", - "2019-01-31 00:15:47,963 : INFO : topic diff=0.280474, rho=0.223607\n", - "2019-01-31 00:15:48,119 : INFO : PROGRESS: pass 0, at document #42000/4922894\n", - "2019-01-31 00:15:49,658 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:15:49,921 : INFO : topic #3 (0.020): 0.028*\"present\" + 0.022*\"american\" + 0.016*\"minist\" + 0.016*\"start\" + 0.016*\"seri\" + 0.015*\"offic\" + 0.013*\"appeas\" + 0.013*\"gov\" + 0.012*\"gener\" + 0.012*\"bone\"\n", - "2019-01-31 00:15:49,922 : INFO : topic #36 (0.020): 0.025*\"companhia\" + 0.009*\"serv\" + 0.009*\"busi\" + 0.009*\"develop\" + 0.008*\"market\" + 0.008*\"manag\" + 0.008*\"produc\" + 0.008*\"oper\" + 0.008*\"network\" + 0.007*\"bank\"\n", - "2019-01-31 00:15:49,923 : INFO : topic #16 (0.020): 0.018*\"rotterdam\" + 0.018*\"london\" + 0.016*\"quarterli\" + 0.015*\"priest\" + 0.015*\"margin\" + 0.013*\"duke\" + 0.012*\"sino\" + 0.011*\"daughter\" + 0.011*\"di\" + 0.009*\"snatch\"\n", - "2019-01-31 00:15:49,925 : INFO : topic #48 (0.020): 0.067*\"octob\" + 0.066*\"march\" + 0.062*\"januari\" + 0.061*\"notion\" + 0.061*\"sens\" + 0.057*\"april\" + 0.055*\"judici\" + 0.055*\"august\" + 0.054*\"decatur\" + 0.053*\"juli\"\n", - "2019-01-31 00:15:49,926 : INFO : topic #32 (0.020): 0.080*\"district\" + 0.060*\"vigour\" + 0.053*\"popolo\" + 0.034*\"multitud\" + 0.028*\"regim\" + 0.024*\"prosper\" + 0.022*\"cotton\" + 0.020*\"tortur\" + 0.018*\"cede\" + 0.018*\"ruptur\"\n", - "2019-01-31 00:15:49,932 : INFO : topic diff=0.275367, rho=0.218218\n", - "2019-01-31 00:15:50,087 : INFO : PROGRESS: pass 0, at document #44000/4922894\n", - "2019-01-31 00:15:51,609 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:15:51,873 : INFO : topic #22 (0.020): 0.025*\"spars\" + 0.023*\"factor\" + 0.018*\"adulthood\" + 0.014*\"popolo\" + 0.014*\"isl\" + 0.013*\"hostil\" + 0.013*\"feel\" + 0.011*\"male\" + 0.010*\"live\" + 0.010*\"western\"\n", - "2019-01-31 00:15:51,874 : INFO : topic #2 (0.020): 0.051*\"shield\" + 0.019*\"narrat\" + 0.017*\"isl\" + 0.015*\"class\" + 0.013*\"blur\" + 0.012*\"pope\" + 0.012*\"scot\" + 0.011*\"nativist\" + 0.011*\"crew\" + 0.009*\"vernon\"\n", - "2019-01-31 00:15:51,875 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.019*\"band\" + 0.018*\"muscl\" + 0.015*\"simultan\" + 0.013*\"toyota\" + 0.013*\"charcoal\" + 0.010*\"vocabulari\"\n", - "2019-01-31 00:15:51,877 : INFO : topic #41 (0.020): 0.037*\"citi\" + 0.029*\"new\" + 0.017*\"year\" + 0.014*\"strategist\" + 0.014*\"center\" + 0.013*\"festiv\" + 0.012*\"palmer\" + 0.009*\"hot\" + 0.008*\"museo\" + 0.008*\"open\"\n", - "2019-01-31 00:15:51,878 : INFO : topic #12 (0.020): 0.006*\"number\" + 0.006*\"exampl\" + 0.006*\"gener\" + 0.006*\"poet\" + 0.006*\"differ\" + 0.005*\"servitud\" + 0.005*\"frontal\" + 0.005*\"uruguayan\" + 0.005*\"method\" + 0.005*\"measur\"\n", - "2019-01-31 00:15:51,883 : INFO : topic diff=0.267459, rho=0.213201\n", - "2019-01-31 00:15:52,039 : INFO : PROGRESS: pass 0, at document #46000/4922894\n", - "2019-01-31 00:15:53,587 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:15:53,852 : INFO : topic #43 (0.020): 0.056*\"elect\" + 0.050*\"parti\" + 0.020*\"conserv\" + 0.019*\"democrat\" + 0.019*\"voluntari\" + 0.017*\"member\" + 0.014*\"labour\" + 0.014*\"polici\" + 0.012*\"liber\" + 0.012*\"bypass\"\n", - "2019-01-31 00:15:53,853 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.018*\"muscl\" + 0.015*\"simultan\" + 0.013*\"toyota\" + 0.013*\"charcoal\" + 0.010*\"vocabulari\"\n", - "2019-01-31 00:15:53,854 : INFO : topic #13 (0.020): 0.032*\"sourc\" + 0.021*\"north\" + 0.020*\"weekli\" + 0.019*\"earthworm\" + 0.016*\"england\" + 0.014*\"ireland\" + 0.013*\"ipa\" + 0.013*\"youth\" + 0.012*\"wale\" + 0.011*\"castl\"\n", - "2019-01-31 00:15:53,856 : INFO : topic #47 (0.020): 0.050*\"muscl\" + 0.024*\"perceptu\" + 0.019*\"compos\" + 0.019*\"orchestr\" + 0.018*\"physician\" + 0.015*\"place\" + 0.011*\"jack\" + 0.011*\"word\" + 0.009*\"strict\" + 0.009*\"insomnia\"\n", - "2019-01-31 00:15:53,857 : INFO : topic #4 (0.020): 0.023*\"enfranchis\" + 0.017*\"candid\" + 0.013*\"pour\" + 0.012*\"mode\" + 0.012*\"depress\" + 0.011*\"veget\" + 0.010*\"elabor\" + 0.008*\"produc\" + 0.008*\"spectacl\" + 0.008*\"fuel\"\n", - "2019-01-31 00:15:53,863 : INFO : topic diff=0.261450, rho=0.208514\n", - "2019-01-31 00:15:54,018 : INFO : PROGRESS: pass 0, at document #48000/4922894\n", - "2019-01-31 00:15:55,518 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:15:55,782 : INFO : topic #38 (0.020): 0.017*\"king\" + 0.014*\"walter\" + 0.008*\"aza\" + 0.007*\"teufel\" + 0.007*\"french\" + 0.006*\"yawn\" + 0.006*\"embassi\" + 0.006*\"battalion\" + 0.006*\"princess\" + 0.006*\"empath\"\n", - "2019-01-31 00:15:55,783 : INFO : topic #12 (0.020): 0.007*\"gener\" + 0.007*\"number\" + 0.007*\"frontal\" + 0.006*\"poet\" + 0.006*\"exampl\" + 0.005*\"differ\" + 0.005*\"servitud\" + 0.005*\"uruguayan\" + 0.005*\"utopian\" + 0.005*\"group\"\n", - "2019-01-31 00:15:55,785 : INFO : topic #37 (0.020): 0.008*\"love\" + 0.007*\"place\" + 0.006*\"théori\" + 0.005*\"night\" + 0.004*\"appear\" + 0.004*\"gestur\" + 0.004*\"jolli\" + 0.004*\"live\" + 0.003*\"introductori\" + 0.003*\"man\"\n", - "2019-01-31 00:15:55,786 : INFO : topic #46 (0.020): 0.024*\"warmth\" + 0.019*\"turkish\" + 0.017*\"norwegian\" + 0.014*\"norwai\" + 0.011*\"sweden\" + 0.009*\"cameron\" + 0.009*\"turkei\" + 0.008*\"swedish\" + 0.008*\"scot\" + 0.008*\"weevil\"\n", - "2019-01-31 00:15:55,788 : INFO : topic #11 (0.020): 0.029*\"john\" + 0.021*\"will\" + 0.016*\"jame\" + 0.014*\"georg\" + 0.013*\"rival\" + 0.010*\"thirtieth\" + 0.010*\"henri\" + 0.009*\"rhyme\" + 0.009*\"chandra\" + 0.009*\"slur\"\n", - "2019-01-31 00:15:55,793 : INFO : topic diff=0.250452, rho=0.204124\n", - "2019-01-31 00:15:55,947 : INFO : PROGRESS: pass 0, at document #50000/4922894\n", - "2019-01-31 00:15:57,482 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:15:57,746 : INFO : topic #36 (0.020): 0.022*\"companhia\" + 0.010*\"network\" + 0.009*\"manag\" + 0.009*\"market\" + 0.009*\"develop\" + 0.009*\"serv\" + 0.009*\"busi\" + 0.009*\"oper\" + 0.008*\"produc\" + 0.007*\"base\"\n", - "2019-01-31 00:15:57,747 : INFO : topic #40 (0.020): 0.075*\"unit\" + 0.028*\"collector\" + 0.013*\"american\" + 0.013*\"start\" + 0.012*\"institut\" + 0.011*\"governor\" + 0.011*\"new\" + 0.011*\"professor\" + 0.010*\"scholar\" + 0.009*\"degre\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:15:57,749 : INFO : topic #48 (0.020): 0.065*\"octob\" + 0.063*\"notion\" + 0.063*\"januari\" + 0.063*\"sens\" + 0.060*\"judici\" + 0.060*\"march\" + 0.059*\"april\" + 0.059*\"august\" + 0.057*\"decatur\" + 0.056*\"juli\"\n", - "2019-01-31 00:15:57,751 : INFO : topic #21 (0.020): 0.025*\"samford\" + 0.021*\"spain\" + 0.019*\"mexico\" + 0.016*\"del\" + 0.012*\"juan\" + 0.012*\"soviet\" + 0.012*\"mexican\" + 0.011*\"plung\" + 0.010*\"santa\" + 0.010*\"josé\"\n", - "2019-01-31 00:15:57,752 : INFO : topic #49 (0.020): 0.028*\"india\" + 0.022*\"incumb\" + 0.007*\"singh\" + 0.006*\"peopl\" + 0.006*\"pakistan\" + 0.006*\"treeless\" + 0.006*\"alam\" + 0.006*\"pradesh\" + 0.006*\"area\" + 0.006*\"khalsa\"\n", - "2019-01-31 00:15:57,758 : INFO : topic diff=0.237375, rho=0.200000\n", - "2019-01-31 00:15:57,910 : INFO : PROGRESS: pass 0, at document #52000/4922894\n", - "2019-01-31 00:15:59,443 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:15:59,707 : INFO : topic #21 (0.020): 0.027*\"samford\" + 0.020*\"spain\" + 0.019*\"mexico\" + 0.018*\"del\" + 0.013*\"juan\" + 0.011*\"mexican\" + 0.011*\"soviet\" + 0.011*\"josé\" + 0.010*\"plung\" + 0.010*\"rico\"\n", - "2019-01-31 00:15:59,709 : INFO : topic #25 (0.020): 0.022*\"ring\" + 0.015*\"lagrang\" + 0.015*\"mount\" + 0.012*\"area\" + 0.011*\"palmer\" + 0.009*\"warmth\" + 0.008*\"robespierr\" + 0.007*\"natur\" + 0.007*\"mound\" + 0.006*\"foam\"\n", - "2019-01-31 00:15:59,710 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.021*\"armi\" + 0.018*\"walter\" + 0.018*\"aggress\" + 0.017*\"com\" + 0.014*\"unionist\" + 0.012*\"oper\" + 0.012*\"militari\" + 0.011*\"diversifi\" + 0.011*\"refut\"\n", - "2019-01-31 00:15:59,711 : INFO : topic #0 (0.020): 0.062*\"statewid\" + 0.051*\"arsen\" + 0.029*\"line\" + 0.028*\"museo\" + 0.027*\"raid\" + 0.020*\"word\" + 0.020*\"pain\" + 0.017*\"traceabl\" + 0.016*\"artist\" + 0.013*\"gai\"\n", - "2019-01-31 00:15:59,712 : INFO : topic #8 (0.020): 0.032*\"start\" + 0.023*\"law\" + 0.018*\"cortic\" + 0.018*\"act\" + 0.016*\"unionist\" + 0.011*\"feder\" + 0.011*\"ricardo\" + 0.010*\"serv\" + 0.010*\"fengxiang\" + 0.009*\"case\"\n", - "2019-01-31 00:15:59,718 : INFO : topic diff=0.228056, rho=0.196116\n", - "2019-01-31 00:15:59,867 : INFO : PROGRESS: pass 0, at document #54000/4922894\n", - "2019-01-31 00:16:01,364 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:16:01,628 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.009*\"proper\" + 0.008*\"acid\" + 0.007*\"disco\" + 0.007*\"pathwai\" + 0.007*\"treat\" + 0.006*\"caus\" + 0.006*\"gastrointestin\" + 0.006*\"media\" + 0.006*\"effect\"\n", - "2019-01-31 00:16:01,630 : INFO : topic #2 (0.020): 0.046*\"shield\" + 0.025*\"isl\" + 0.018*\"narrat\" + 0.015*\"pope\" + 0.015*\"class\" + 0.013*\"blur\" + 0.011*\"scot\" + 0.011*\"crew\" + 0.010*\"vernon\" + 0.010*\"fleet\"\n", - "2019-01-31 00:16:01,631 : INFO : topic #15 (0.020): 0.020*\"requir\" + 0.012*\"develop\" + 0.012*\"schuster\" + 0.012*\"small\" + 0.011*\"student\" + 0.009*\"word\" + 0.008*\"socialist\" + 0.008*\"human\" + 0.007*\"intern\" + 0.007*\"institut\"\n", - "2019-01-31 00:16:01,633 : INFO : topic #48 (0.020): 0.061*\"march\" + 0.061*\"octob\" + 0.060*\"april\" + 0.059*\"judici\" + 0.059*\"januari\" + 0.059*\"notion\" + 0.059*\"sens\" + 0.057*\"februari\" + 0.054*\"decatur\" + 0.053*\"juli\"\n", - "2019-01-31 00:16:01,635 : INFO : topic #43 (0.020): 0.060*\"elect\" + 0.047*\"parti\" + 0.020*\"voluntari\" + 0.019*\"democrat\" + 0.019*\"member\" + 0.017*\"polici\" + 0.015*\"conserv\" + 0.013*\"republ\" + 0.012*\"bypass\" + 0.012*\"liber\"\n", - "2019-01-31 00:16:01,640 : INFO : topic diff=0.220688, rho=0.192450\n", - "2019-01-31 00:16:01,795 : INFO : PROGRESS: pass 0, at document #56000/4922894\n", - "2019-01-31 00:16:03,341 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:16:03,606 : INFO : topic #4 (0.020): 0.023*\"enfranchis\" + 0.014*\"candid\" + 0.013*\"pour\" + 0.012*\"depress\" + 0.012*\"mode\" + 0.010*\"veget\" + 0.009*\"elabor\" + 0.008*\"produc\" + 0.008*\"mandir\" + 0.007*\"spectacl\"\n", - "2019-01-31 00:16:03,607 : INFO : topic #33 (0.020): 0.043*\"french\" + 0.033*\"franc\" + 0.023*\"jean\" + 0.022*\"pari\" + 0.020*\"daphn\" + 0.020*\"sail\" + 0.019*\"wreath\" + 0.016*\"lazi\" + 0.011*\"piec\" + 0.009*\"convei\"\n", - "2019-01-31 00:16:03,608 : INFO : topic #30 (0.020): 0.032*\"cleveland\" + 0.028*\"leagu\" + 0.026*\"place\" + 0.024*\"taxpay\" + 0.024*\"crete\" + 0.022*\"scientist\" + 0.020*\"folei\" + 0.015*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:16:03,609 : INFO : topic #0 (0.020): 0.061*\"statewid\" + 0.050*\"arsen\" + 0.034*\"line\" + 0.029*\"raid\" + 0.027*\"museo\" + 0.021*\"word\" + 0.020*\"pain\" + 0.019*\"traceabl\" + 0.016*\"artist\" + 0.014*\"exhaust\"\n", - "2019-01-31 00:16:03,610 : INFO : topic #13 (0.020): 0.028*\"sourc\" + 0.019*\"north\" + 0.019*\"england\" + 0.017*\"ireland\" + 0.017*\"earthworm\" + 0.017*\"weekli\" + 0.013*\"australia\" + 0.013*\"wale\" + 0.013*\"london\" + 0.012*\"ipa\"\n", - "2019-01-31 00:16:03,616 : INFO : topic diff=0.216646, rho=0.188982\n", - "2019-01-31 00:16:03,772 : INFO : PROGRESS: pass 0, at document #58000/4922894\n", - "2019-01-31 00:16:05,313 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:16:05,579 : INFO : topic #17 (0.020): 0.047*\"church\" + 0.021*\"bishop\" + 0.019*\"centuri\" + 0.017*\"retroflex\" + 0.016*\"cathol\" + 0.014*\"fifteenth\" + 0.013*\"sail\" + 0.013*\"jpg\" + 0.011*\"italian\" + 0.010*\"christian\"\n", - "2019-01-31 00:16:05,580 : INFO : topic #32 (0.020): 0.082*\"district\" + 0.063*\"vigour\" + 0.044*\"popolo\" + 0.033*\"regim\" + 0.029*\"multitud\" + 0.028*\"tortur\" + 0.023*\"prosper\" + 0.023*\"cotton\" + 0.020*\"area\" + 0.018*\"cede\"\n", - "2019-01-31 00:16:05,581 : INFO : topic #23 (0.020): 0.120*\"audit\" + 0.059*\"best\" + 0.026*\"jacksonvil\" + 0.022*\"yawn\" + 0.022*\"noll\" + 0.020*\"japanes\" + 0.017*\"women\" + 0.012*\"prison\" + 0.010*\"festiv\" + 0.010*\"intern\"\n", - "2019-01-31 00:16:05,582 : INFO : topic #2 (0.020): 0.046*\"shield\" + 0.030*\"isl\" + 0.017*\"narrat\" + 0.015*\"pope\" + 0.015*\"class\" + 0.012*\"blur\" + 0.011*\"scot\" + 0.011*\"crew\" + 0.010*\"vernon\" + 0.010*\"coalit\"\n", - "2019-01-31 00:16:05,583 : INFO : topic #15 (0.020): 0.020*\"requir\" + 0.013*\"schuster\" + 0.013*\"develop\" + 0.011*\"small\" + 0.011*\"word\" + 0.010*\"student\" + 0.009*\"socialist\" + 0.008*\"human\" + 0.007*\"intern\" + 0.006*\"theoret\"\n", - "2019-01-31 00:16:05,589 : INFO : topic diff=0.207294, rho=0.185695\n", - "2019-01-31 00:16:08,366 : INFO : -11.864 per-word bound, 3727.7 perplexity estimate based on a held-out corpus of 2000 documents with 543136 words\n", - "2019-01-31 00:16:08,367 : INFO : PROGRESS: pass 0, at document #60000/4922894\n", - "2019-01-31 00:16:09,880 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:16:10,144 : INFO : topic #13 (0.020): 0.031*\"sourc\" + 0.018*\"england\" + 0.018*\"ireland\" + 0.018*\"north\" + 0.017*\"weekli\" + 0.016*\"australia\" + 0.016*\"earthworm\" + 0.014*\"london\" + 0.012*\"ipa\" + 0.012*\"castl\"\n", - "2019-01-31 00:16:10,145 : INFO : topic #4 (0.020): 0.024*\"enfranchis\" + 0.013*\"candid\" + 0.013*\"pour\" + 0.012*\"depress\" + 0.012*\"mode\" + 0.011*\"veget\" + 0.008*\"elabor\" + 0.008*\"produc\" + 0.007*\"mandir\" + 0.007*\"spectacl\"\n", - "2019-01-31 00:16:10,146 : INFO : topic #34 (0.020): 0.049*\"start\" + 0.045*\"cotton\" + 0.019*\"unionist\" + 0.017*\"terri\" + 0.016*\"california\" + 0.014*\"toni\" + 0.012*\"violent\" + 0.012*\"carefulli\" + 0.010*\"citi\" + 0.010*\"warrior\"\n", - "2019-01-31 00:16:10,148 : INFO : topic #29 (0.020): 0.015*\"govern\" + 0.013*\"replac\" + 0.007*\"start\" + 0.007*\"nation\" + 0.007*\"yawn\" + 0.007*\"organ\" + 0.006*\"unfortun\" + 0.006*\"placement\" + 0.006*\"countri\" + 0.005*\"million\"\n", - "2019-01-31 00:16:10,149 : INFO : topic #38 (0.020): 0.015*\"king\" + 0.015*\"walter\" + 0.010*\"aza\" + 0.009*\"teufel\" + 0.007*\"battalion\" + 0.007*\"till\" + 0.007*\"yawn\" + 0.006*\"french\" + 0.006*\"embassi\" + 0.006*\"princess\"\n", - "2019-01-31 00:16:10,155 : INFO : topic diff=0.195251, rho=0.182574\n", - "2019-01-31 00:16:10,363 : INFO : PROGRESS: pass 0, at document #62000/4922894\n", - "2019-01-31 00:16:11,872 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:16:12,137 : INFO : topic #2 (0.020): 0.041*\"shield\" + 0.038*\"isl\" + 0.021*\"pope\" + 0.017*\"narrat\" + 0.014*\"class\" + 0.014*\"blur\" + 0.011*\"crew\" + 0.011*\"scot\" + 0.011*\"coalit\" + 0.011*\"fleet\"\n", - "2019-01-31 00:16:12,139 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.028*\"rel\" + 0.024*\"reconstruct\" + 0.020*\"band\" + 0.019*\"muscl\" + 0.017*\"simultan\" + 0.015*\"charcoal\" + 0.013*\"toyota\" + 0.011*\"myspac\"\n", - "2019-01-31 00:16:12,140 : INFO : topic #15 (0.020): 0.019*\"requir\" + 0.013*\"develop\" + 0.012*\"small\" + 0.012*\"schuster\" + 0.011*\"student\" + 0.010*\"word\" + 0.009*\"cultur\" + 0.008*\"socialist\" + 0.008*\"human\" + 0.008*\"intern\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:16:12,142 : INFO : topic #30 (0.020): 0.033*\"cleveland\" + 0.029*\"leagu\" + 0.026*\"place\" + 0.024*\"taxpay\" + 0.022*\"scientist\" + 0.022*\"crete\" + 0.020*\"folei\" + 0.014*\"martin\" + 0.014*\"goal\" + 0.011*\"schmitz\"\n", - "2019-01-31 00:16:12,143 : INFO : topic #49 (0.020): 0.032*\"india\" + 0.030*\"incumb\" + 0.010*\"singh\" + 0.009*\"alam\" + 0.008*\"televis\" + 0.007*\"sri\" + 0.006*\"pakistan\" + 0.006*\"tajikistan\" + 0.006*\"peopl\" + 0.006*\"muhammad\"\n", - "2019-01-31 00:16:12,149 : INFO : topic diff=0.184001, rho=0.179605\n", - "2019-01-31 00:16:12,306 : INFO : PROGRESS: pass 0, at document #64000/4922894\n", - "2019-01-31 00:16:13,850 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:16:14,115 : INFO : topic #15 (0.020): 0.019*\"requir\" + 0.013*\"develop\" + 0.012*\"schuster\" + 0.011*\"small\" + 0.010*\"word\" + 0.010*\"student\" + 0.008*\"cultur\" + 0.008*\"intern\" + 0.008*\"socialist\" + 0.008*\"human\"\n", - "2019-01-31 00:16:14,116 : INFO : topic #16 (0.020): 0.018*\"margin\" + 0.017*\"quarterli\" + 0.015*\"priest\" + 0.015*\"rotterdam\" + 0.014*\"london\" + 0.013*\"daughter\" + 0.011*\"duke\" + 0.011*\"marriag\" + 0.011*\"di\" + 0.010*\"sino\"\n", - "2019-01-31 00:16:14,117 : INFO : topic #34 (0.020): 0.053*\"start\" + 0.045*\"cotton\" + 0.020*\"unionist\" + 0.017*\"terri\" + 0.015*\"california\" + 0.012*\"toni\" + 0.012*\"violent\" + 0.012*\"warrior\" + 0.012*\"carefulli\" + 0.010*\"north\"\n", - "2019-01-31 00:16:14,119 : INFO : topic #29 (0.020): 0.015*\"govern\" + 0.012*\"replac\" + 0.007*\"yawn\" + 0.007*\"start\" + 0.007*\"nation\" + 0.006*\"unfortun\" + 0.006*\"organ\" + 0.006*\"placement\" + 0.005*\"countri\" + 0.005*\"new\"\n", - "2019-01-31 00:16:14,119 : INFO : topic #13 (0.020): 0.030*\"sourc\" + 0.018*\"ireland\" + 0.018*\"england\" + 0.017*\"north\" + 0.017*\"earthworm\" + 0.016*\"australia\" + 0.016*\"weekli\" + 0.014*\"london\" + 0.014*\"youth\" + 0.012*\"wale\"\n", - "2019-01-31 00:16:14,125 : INFO : topic diff=0.177516, rho=0.176777\n", - "2019-01-31 00:16:14,280 : INFO : PROGRESS: pass 0, at document #66000/4922894\n", - "2019-01-31 00:16:15,801 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:16:16,066 : INFO : topic #18 (0.020): 0.007*\"man\" + 0.007*\"théori\" + 0.007*\"kill\" + 0.006*\"later\" + 0.005*\"deal\" + 0.005*\"sack\" + 0.004*\"life\" + 0.004*\"charact\" + 0.004*\"teatro\" + 0.004*\"fraud\"\n", - "2019-01-31 00:16:16,067 : INFO : topic #27 (0.020): 0.048*\"questionnair\" + 0.015*\"dai\" + 0.015*\"taxpay\" + 0.015*\"rick\" + 0.015*\"tornado\" + 0.013*\"théori\" + 0.011*\"find\" + 0.011*\"horac\" + 0.011*\"squatter\" + 0.010*\"yawn\"\n", - "2019-01-31 00:16:16,068 : INFO : topic #0 (0.020): 0.064*\"statewid\" + 0.048*\"arsen\" + 0.035*\"line\" + 0.031*\"raid\" + 0.026*\"museo\" + 0.022*\"traceabl\" + 0.022*\"word\" + 0.019*\"pain\" + 0.016*\"artist\" + 0.013*\"gai\"\n", - "2019-01-31 00:16:16,069 : INFO : topic #11 (0.020): 0.029*\"john\" + 0.022*\"will\" + 0.016*\"jame\" + 0.013*\"georg\" + 0.012*\"rival\" + 0.010*\"rhyme\" + 0.009*\"david\" + 0.009*\"slur\" + 0.009*\"thirtieth\" + 0.007*\"edg\"\n", - "2019-01-31 00:16:16,070 : INFO : topic #3 (0.020): 0.028*\"present\" + 0.023*\"seri\" + 0.020*\"minist\" + 0.020*\"offic\" + 0.016*\"american\" + 0.016*\"gener\" + 0.016*\"appeas\" + 0.015*\"chickasaw\" + 0.014*\"start\" + 0.013*\"bone\"\n", - "2019-01-31 00:16:16,076 : INFO : topic diff=0.174786, rho=0.174078\n", - "2019-01-31 00:16:16,234 : INFO : PROGRESS: pass 0, at document #68000/4922894\n", - "2019-01-31 00:16:17,818 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:16:18,083 : INFO : topic #40 (0.020): 0.075*\"unit\" + 0.027*\"collector\" + 0.013*\"american\" + 0.012*\"governor\" + 0.012*\"professor\" + 0.011*\"institut\" + 0.011*\"new\" + 0.010*\"start\" + 0.010*\"schuster\" + 0.010*\"degre\"\n", - "2019-01-31 00:16:18,084 : INFO : topic #7 (0.020): 0.017*\"snatch\" + 0.015*\"church\" + 0.014*\"di\" + 0.013*\"locri\" + 0.012*\"factor\" + 0.011*\"john\" + 0.010*\"sir\" + 0.010*\"yawn\" + 0.009*\"margin\" + 0.008*\"life\"\n", - "2019-01-31 00:16:18,086 : INFO : topic #42 (0.020): 0.029*\"german\" + 0.017*\"germani\" + 0.011*\"vol\" + 0.011*\"der\" + 0.010*\"jewish\" + 0.010*\"greek\" + 0.009*\"berlin\" + 0.009*\"israel\" + 0.008*\"anglo\" + 0.007*\"austria\"\n", - "2019-01-31 00:16:18,087 : INFO : topic #25 (0.020): 0.027*\"ring\" + 0.018*\"lagrang\" + 0.014*\"mount\" + 0.013*\"area\" + 0.011*\"warmth\" + 0.010*\"palmer\" + 0.009*\"mound\" + 0.008*\"foam\" + 0.007*\"isl\" + 0.007*\"natur\"\n", - "2019-01-31 00:16:18,088 : INFO : topic #28 (0.020): 0.024*\"build\" + 0.019*\"hous\" + 0.017*\"rivièr\" + 0.015*\"buford\" + 0.010*\"histor\" + 0.009*\"lobe\" + 0.009*\"briarwood\" + 0.009*\"area\" + 0.009*\"constitut\" + 0.009*\"tortur\"\n", - "2019-01-31 00:16:18,094 : INFO : topic diff=0.168273, rho=0.171499\n", - "2019-01-31 00:16:18,247 : INFO : PROGRESS: pass 0, at document #70000/4922894\n", - "2019-01-31 00:16:19,759 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:16:20,024 : INFO : topic #22 (0.020): 0.028*\"spars\" + 0.026*\"factor\" + 0.021*\"adulthood\" + 0.015*\"hostil\" + 0.014*\"feel\" + 0.014*\"popolo\" + 0.012*\"male\" + 0.012*\"plaisir\" + 0.012*\"live\" + 0.010*\"yawn\"\n", - "2019-01-31 00:16:20,025 : INFO : topic #15 (0.020): 0.019*\"requir\" + 0.013*\"develop\" + 0.012*\"small\" + 0.011*\"schuster\" + 0.011*\"word\" + 0.010*\"student\" + 0.009*\"human\" + 0.009*\"intern\" + 0.008*\"socialist\" + 0.008*\"cultur\"\n", - "2019-01-31 00:16:20,027 : INFO : topic #33 (0.020): 0.046*\"french\" + 0.036*\"franc\" + 0.024*\"pari\" + 0.023*\"jean\" + 0.022*\"sail\" + 0.018*\"daphn\" + 0.012*\"lazi\" + 0.012*\"convei\" + 0.012*\"piec\" + 0.011*\"focal\"\n", - "2019-01-31 00:16:20,028 : INFO : topic #20 (0.020): 0.103*\"scholar\" + 0.033*\"struggl\" + 0.029*\"educ\" + 0.022*\"high\" + 0.016*\"yawn\" + 0.013*\"prognosi\" + 0.012*\"collector\" + 0.010*\"commun\" + 0.008*\"class\" + 0.007*\"children\"\n", - "2019-01-31 00:16:20,029 : INFO : topic #46 (0.020): 0.028*\"warmth\" + 0.015*\"turkish\" + 0.014*\"damag\" + 0.013*\"norwegian\" + 0.013*\"norwai\" + 0.013*\"sweden\" + 0.012*\"turkei\" + 0.012*\"swedish\" + 0.010*\"cameron\" + 0.009*\"wind\"\n", - "2019-01-31 00:16:20,036 : INFO : topic diff=0.152998, rho=0.169031\n", - "2019-01-31 00:16:20,192 : INFO : PROGRESS: pass 0, at document #72000/4922894\n", - "2019-01-31 00:16:21,747 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:16:22,012 : INFO : topic #21 (0.020): 0.033*\"samford\" + 0.022*\"spain\" + 0.021*\"del\" + 0.019*\"mexico\" + 0.014*\"soviet\" + 0.011*\"santa\" + 0.010*\"juan\" + 0.010*\"carlo\" + 0.010*\"francisco\" + 0.009*\"mexican\"\n", - "2019-01-31 00:16:22,014 : INFO : topic #35 (0.020): 0.039*\"china\" + 0.034*\"russia\" + 0.032*\"sovereignti\" + 0.025*\"chilton\" + 0.024*\"rural\" + 0.017*\"reprint\" + 0.016*\"personifi\" + 0.015*\"poison\" + 0.012*\"moscow\" + 0.011*\"unfortun\"\n", - "2019-01-31 00:16:22,015 : INFO : topic #18 (0.020): 0.007*\"man\" + 0.007*\"théori\" + 0.007*\"kill\" + 0.006*\"later\" + 0.005*\"deal\" + 0.005*\"sack\" + 0.004*\"life\" + 0.004*\"charact\" + 0.004*\"help\" + 0.004*\"fraud\"\n", - "2019-01-31 00:16:22,017 : INFO : topic #27 (0.020): 0.056*\"questionnair\" + 0.015*\"taxpay\" + 0.014*\"dai\" + 0.014*\"tornado\" + 0.013*\"théori\" + 0.012*\"rick\" + 0.012*\"candid\" + 0.011*\"find\" + 0.011*\"driver\" + 0.010*\"squatter\"\n", - "2019-01-31 00:16:22,018 : INFO : topic #20 (0.020): 0.103*\"scholar\" + 0.032*\"struggl\" + 0.028*\"educ\" + 0.022*\"high\" + 0.016*\"yawn\" + 0.013*\"prognosi\" + 0.012*\"collector\" + 0.010*\"commun\" + 0.008*\"class\" + 0.008*\"task\"\n", - "2019-01-31 00:16:22,024 : INFO : topic diff=0.152972, rho=0.166667\n", - "2019-01-31 00:16:22,179 : INFO : PROGRESS: pass 0, at document #74000/4922894\n", - "2019-01-31 00:16:23,699 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:16:23,963 : INFO : topic #46 (0.020): 0.023*\"warmth\" + 0.019*\"damag\" + 0.015*\"turkish\" + 0.014*\"cameron\" + 0.014*\"turkei\" + 0.013*\"sweden\" + 0.013*\"norwai\" + 0.013*\"norwegian\" + 0.011*\"ton\" + 0.011*\"swedish\"\n", - "2019-01-31 00:16:23,965 : INFO : topic #2 (0.020): 0.042*\"shield\" + 0.034*\"isl\" + 0.017*\"pope\" + 0.015*\"narrat\" + 0.015*\"class\" + 0.013*\"blur\" + 0.012*\"scot\" + 0.012*\"coalit\" + 0.010*\"nativist\" + 0.010*\"fleet\"\n", - "2019-01-31 00:16:23,966 : INFO : topic #17 (0.020): 0.044*\"church\" + 0.019*\"centuri\" + 0.017*\"bishop\" + 0.016*\"fifteenth\" + 0.016*\"retroflex\" + 0.016*\"cathol\" + 0.015*\"jpg\" + 0.013*\"italian\" + 0.013*\"sail\" + 0.010*\"christian\"\n", - "2019-01-31 00:16:23,968 : INFO : topic #42 (0.020): 0.030*\"german\" + 0.018*\"germani\" + 0.011*\"jewish\" + 0.011*\"der\" + 0.010*\"vol\" + 0.010*\"anglo\" + 0.009*\"berlin\" + 0.009*\"israel\" + 0.009*\"greek\" + 0.007*\"jeremiah\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:16:23,969 : INFO : topic #22 (0.020): 0.028*\"spars\" + 0.027*\"factor\" + 0.021*\"adulthood\" + 0.016*\"hostil\" + 0.015*\"feel\" + 0.014*\"popolo\" + 0.012*\"male\" + 0.012*\"live\" + 0.010*\"plaisir\" + 0.010*\"yawn\"\n", - "2019-01-31 00:16:23,975 : INFO : topic diff=0.148557, rho=0.164399\n", - "2019-01-31 00:16:24,128 : INFO : PROGRESS: pass 0, at document #76000/4922894\n", - "2019-01-31 00:16:25,653 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:16:25,917 : INFO : topic #3 (0.020): 0.032*\"present\" + 0.023*\"offic\" + 0.022*\"minist\" + 0.021*\"seri\" + 0.015*\"gener\" + 0.015*\"appeas\" + 0.014*\"chickasaw\" + 0.013*\"start\" + 0.012*\"member\" + 0.012*\"american\"\n", - "2019-01-31 00:16:25,918 : INFO : topic #14 (0.020): 0.021*\"walter\" + 0.021*\"forc\" + 0.019*\"armi\" + 0.019*\"aggress\" + 0.018*\"com\" + 0.014*\"militari\" + 0.013*\"unionist\" + 0.012*\"oper\" + 0.011*\"refut\" + 0.011*\"serv\"\n", - "2019-01-31 00:16:25,919 : INFO : topic #28 (0.020): 0.024*\"build\" + 0.019*\"hous\" + 0.018*\"rivièr\" + 0.014*\"buford\" + 0.010*\"histor\" + 0.010*\"rosenwald\" + 0.010*\"lobe\" + 0.009*\"area\" + 0.009*\"constitut\" + 0.009*\"briarwood\"\n", - "2019-01-31 00:16:25,920 : INFO : topic #44 (0.020): 0.027*\"rooftop\" + 0.025*\"wife\" + 0.025*\"final\" + 0.019*\"tourist\" + 0.016*\"champion\" + 0.014*\"chamber\" + 0.014*\"martin\" + 0.014*\"tiepolo\" + 0.012*\"taxpay\" + 0.012*\"ret\"\n", - "2019-01-31 00:16:25,921 : INFO : topic #19 (0.020): 0.008*\"like\" + 0.008*\"form\" + 0.008*\"uruguayan\" + 0.007*\"origin\" + 0.007*\"woodcut\" + 0.007*\"mean\" + 0.007*\"charact\" + 0.007*\"differ\" + 0.006*\"pour\" + 0.006*\"anim\"\n", - "2019-01-31 00:16:25,927 : INFO : topic diff=0.135212, rho=0.162221\n", - "2019-01-31 00:16:26,085 : INFO : PROGRESS: pass 0, at document #78000/4922894\n", - "2019-01-31 00:16:27,656 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:16:27,921 : INFO : topic #17 (0.020): 0.043*\"church\" + 0.021*\"retroflex\" + 0.020*\"centuri\" + 0.018*\"bishop\" + 0.015*\"cathol\" + 0.015*\"fifteenth\" + 0.014*\"jpg\" + 0.013*\"sail\" + 0.013*\"italian\" + 0.011*\"christian\"\n", - "2019-01-31 00:16:27,922 : INFO : topic #14 (0.020): 0.021*\"walter\" + 0.020*\"forc\" + 0.020*\"aggress\" + 0.020*\"armi\" + 0.018*\"com\" + 0.014*\"militari\" + 0.014*\"unionist\" + 0.011*\"oper\" + 0.010*\"serv\" + 0.010*\"airmen\"\n", - "2019-01-31 00:16:27,923 : INFO : topic #42 (0.020): 0.030*\"german\" + 0.018*\"germani\" + 0.012*\"vol\" + 0.011*\"jewish\" + 0.010*\"der\" + 0.010*\"anglo\" + 0.009*\"berlin\" + 0.009*\"israel\" + 0.008*\"greek\" + 0.006*\"und\"\n", - "2019-01-31 00:16:27,925 : INFO : topic #21 (0.020): 0.032*\"samford\" + 0.020*\"del\" + 0.019*\"spain\" + 0.017*\"mexico\" + 0.014*\"soviet\" + 0.011*\"santa\" + 0.010*\"josé\" + 0.010*\"juan\" + 0.010*\"mexican\" + 0.010*\"carlo\"\n", - "2019-01-31 00:16:27,926 : INFO : topic #15 (0.020): 0.018*\"requir\" + 0.014*\"develop\" + 0.013*\"small\" + 0.011*\"schuster\" + 0.010*\"student\" + 0.010*\"word\" + 0.009*\"human\" + 0.008*\"commun\" + 0.008*\"intern\" + 0.008*\"socialist\"\n", - "2019-01-31 00:16:27,932 : INFO : topic diff=0.140688, rho=0.160128\n", - "2019-01-31 00:16:30,791 : INFO : -11.771 per-word bound, 3493.9 perplexity estimate based on a held-out corpus of 2000 documents with 590987 words\n", - "2019-01-31 00:16:30,792 : INFO : PROGRESS: pass 0, at document #80000/4922894\n", - "2019-01-31 00:16:32,340 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:16:32,604 : INFO : topic #34 (0.020): 0.061*\"start\" + 0.046*\"cotton\" + 0.023*\"toni\" + 0.023*\"unionist\" + 0.015*\"terri\" + 0.014*\"california\" + 0.012*\"violent\" + 0.011*\"carefulli\" + 0.011*\"north\" + 0.010*\"new\"\n", - "2019-01-31 00:16:32,605 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"gener\" + 0.007*\"frontal\" + 0.006*\"turn\" + 0.006*\"utopian\" + 0.006*\"exampl\" + 0.006*\"servitud\" + 0.006*\"southern\" + 0.006*\"poet\" + 0.006*\"differ\"\n", - "2019-01-31 00:16:32,606 : INFO : topic #37 (0.020): 0.008*\"love\" + 0.005*\"théori\" + 0.005*\"place\" + 0.005*\"gestur\" + 0.004*\"night\" + 0.004*\"bewild\" + 0.004*\"appear\" + 0.004*\"introductori\" + 0.004*\"dai\" + 0.004*\"litig\"\n", - "2019-01-31 00:16:32,608 : INFO : topic #24 (0.020): 0.035*\"book\" + 0.030*\"publicis\" + 0.018*\"word\" + 0.013*\"new\" + 0.012*\"storag\" + 0.012*\"edit\" + 0.011*\"presid\" + 0.011*\"magazin\" + 0.011*\"nicola\" + 0.010*\"worldwid\"\n", - "2019-01-31 00:16:32,609 : INFO : topic #42 (0.020): 0.029*\"german\" + 0.018*\"germani\" + 0.012*\"vol\" + 0.011*\"jewish\" + 0.009*\"anglo\" + 0.009*\"berlin\" + 0.009*\"israel\" + 0.009*\"der\" + 0.008*\"greek\" + 0.007*\"hungarian\"\n", - "2019-01-31 00:16:32,615 : INFO : topic diff=0.136293, rho=0.158114\n", - "2019-01-31 00:16:32,768 : INFO : PROGRESS: pass 0, at document #82000/4922894\n", - "2019-01-31 00:16:34,281 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:16:34,546 : INFO : topic #13 (0.020): 0.026*\"sourc\" + 0.022*\"london\" + 0.021*\"australia\" + 0.020*\"ireland\" + 0.019*\"england\" + 0.017*\"north\" + 0.016*\"weekli\" + 0.014*\"wale\" + 0.014*\"earthworm\" + 0.013*\"castl\"\n", - "2019-01-31 00:16:34,547 : INFO : topic #28 (0.020): 0.024*\"build\" + 0.019*\"hous\" + 0.017*\"rivièr\" + 0.014*\"buford\" + 0.010*\"histor\" + 0.010*\"rosenwald\" + 0.009*\"lobe\" + 0.009*\"constitut\" + 0.009*\"briarwood\" + 0.009*\"area\"\n", - "2019-01-31 00:16:34,548 : INFO : topic #49 (0.020): 0.034*\"india\" + 0.023*\"incumb\" + 0.009*\"treeless\" + 0.009*\"pakistan\" + 0.009*\"tajikistan\" + 0.009*\"sri\" + 0.008*\"televis\" + 0.008*\"khalsa\" + 0.007*\"muskoge\" + 0.006*\"alam\"\n", - "2019-01-31 00:16:34,550 : INFO : topic #46 (0.020): 0.022*\"warmth\" + 0.020*\"stop\" + 0.017*\"damag\" + 0.016*\"wind\" + 0.012*\"norwai\" + 0.011*\"sweden\" + 0.011*\"cameron\" + 0.011*\"turkish\" + 0.011*\"norwegian\" + 0.009*\"turkei\"\n", - "2019-01-31 00:16:34,551 : INFO : topic #30 (0.020): 0.035*\"cleveland\" + 0.031*\"leagu\" + 0.026*\"place\" + 0.024*\"taxpay\" + 0.024*\"crete\" + 0.022*\"scientist\" + 0.020*\"folei\" + 0.014*\"martin\" + 0.013*\"goal\" + 0.011*\"diversifi\"\n", - "2019-01-31 00:16:34,557 : INFO : topic diff=0.124826, rho=0.156174\n", - "2019-01-31 00:16:34,714 : INFO : PROGRESS: pass 0, at document #84000/4922894\n", - "2019-01-31 00:16:36,235 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:16:36,500 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.032*\"leagu\" + 0.026*\"place\" + 0.024*\"crete\" + 0.024*\"taxpay\" + 0.022*\"scientist\" + 0.021*\"folei\" + 0.014*\"goal\" + 0.013*\"martin\" + 0.012*\"diversifi\"\n", - "2019-01-31 00:16:36,501 : INFO : topic #4 (0.020): 0.024*\"enfranchis\" + 0.015*\"pour\" + 0.014*\"depress\" + 0.010*\"candid\" + 0.010*\"veget\" + 0.009*\"elabor\" + 0.009*\"mode\" + 0.008*\"produc\" + 0.008*\"turn\" + 0.008*\"fuel\"\n", - "2019-01-31 00:16:36,503 : INFO : topic #9 (0.020): 0.063*\"bone\" + 0.036*\"american\" + 0.016*\"valour\" + 0.013*\"smithsonian\" + 0.012*\"player\" + 0.012*\"dutch\" + 0.012*\"simpler\" + 0.012*\"folei\" + 0.011*\"english\" + 0.010*\"polit\"\n", - "2019-01-31 00:16:36,504 : INFO : topic #34 (0.020): 0.066*\"start\" + 0.043*\"cotton\" + 0.023*\"unionist\" + 0.018*\"toni\" + 0.015*\"terri\" + 0.013*\"california\" + 0.013*\"violent\" + 0.012*\"north\" + 0.011*\"carefulli\" + 0.010*\"weekli\"\n", - "2019-01-31 00:16:36,505 : INFO : topic #25 (0.020): 0.026*\"ring\" + 0.016*\"lagrang\" + 0.014*\"mount\" + 0.014*\"area\" + 0.012*\"warmth\" + 0.009*\"palmer\" + 0.008*\"north\" + 0.007*\"mound\" + 0.007*\"foam\" + 0.007*\"lobe\"\n", - "2019-01-31 00:16:36,511 : INFO : topic diff=0.120656, rho=0.154303\n", - "2019-01-31 00:16:36,663 : INFO : PROGRESS: pass 0, at document #86000/4922894\n", - "2019-01-31 00:16:38,389 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:16:38,654 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"rel\" + 0.028*\"son\" + 0.027*\"reconstruct\" + 0.020*\"band\" + 0.019*\"muscl\" + 0.017*\"simultan\" + 0.015*\"charcoal\" + 0.013*\"toyota\" + 0.009*\"myspac\"\n", - "2019-01-31 00:16:38,656 : INFO : topic #18 (0.020): 0.007*\"kill\" + 0.007*\"man\" + 0.006*\"théori\" + 0.006*\"later\" + 0.005*\"sack\" + 0.005*\"deal\" + 0.004*\"life\" + 0.004*\"charact\" + 0.004*\"fraud\" + 0.004*\"retrospect\"\n", - "2019-01-31 00:16:38,657 : INFO : topic #42 (0.020): 0.029*\"german\" + 0.018*\"germani\" + 0.012*\"vol\" + 0.011*\"jewish\" + 0.010*\"der\" + 0.010*\"berlin\" + 0.009*\"israel\" + 0.009*\"anglo\" + 0.008*\"austria\" + 0.008*\"egypt\"\n", - "2019-01-31 00:16:38,658 : INFO : topic #37 (0.020): 0.008*\"love\" + 0.005*\"place\" + 0.005*\"gestur\" + 0.005*\"théori\" + 0.004*\"night\" + 0.004*\"litig\" + 0.004*\"bewild\" + 0.004*\"introductori\" + 0.004*\"appear\" + 0.003*\"dai\"\n", - "2019-01-31 00:16:38,659 : INFO : topic #33 (0.020): 0.050*\"french\" + 0.038*\"franc\" + 0.026*\"pari\" + 0.023*\"jean\" + 0.022*\"sail\" + 0.016*\"daphn\" + 0.015*\"wreath\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.012*\"quebec\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:16:38,665 : INFO : topic diff=0.113836, rho=0.152499\n", - "2019-01-31 00:16:38,821 : INFO : PROGRESS: pass 0, at document #88000/4922894\n", - "2019-01-31 00:16:40,395 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:16:40,660 : INFO : topic #22 (0.020): 0.031*\"spars\" + 0.024*\"factor\" + 0.021*\"adulthood\" + 0.018*\"feel\" + 0.015*\"hostil\" + 0.014*\"male\" + 0.014*\"popolo\" + 0.012*\"live\" + 0.010*\"plaisir\" + 0.010*\"avail\"\n", - "2019-01-31 00:16:40,661 : INFO : topic #34 (0.020): 0.065*\"start\" + 0.040*\"cotton\" + 0.023*\"unionist\" + 0.015*\"toni\" + 0.015*\"california\" + 0.015*\"terri\" + 0.012*\"violent\" + 0.012*\"north\" + 0.010*\"carefulli\" + 0.010*\"new\"\n", - "2019-01-31 00:16:40,662 : INFO : topic #11 (0.020): 0.030*\"john\" + 0.019*\"will\" + 0.016*\"jame\" + 0.012*\"georg\" + 0.012*\"rival\" + 0.010*\"david\" + 0.009*\"rhyme\" + 0.009*\"thirtieth\" + 0.009*\"slur\" + 0.007*\"chandra\"\n", - "2019-01-31 00:16:40,663 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.006*\"gener\" + 0.006*\"southern\" + 0.006*\"exampl\" + 0.006*\"servitud\" + 0.006*\"differ\" + 0.006*\"poet\" + 0.006*\"théori\" + 0.006*\"cytokin\"\n", - "2019-01-31 00:16:40,664 : INFO : topic #40 (0.020): 0.082*\"unit\" + 0.033*\"collector\" + 0.015*\"institut\" + 0.013*\"american\" + 0.012*\"scholar\" + 0.012*\"schuster\" + 0.011*\"degre\" + 0.011*\"governor\" + 0.011*\"student\" + 0.011*\"professor\"\n", - "2019-01-31 00:16:40,670 : INFO : topic diff=0.112515, rho=0.150756\n", - "2019-01-31 00:16:40,827 : INFO : PROGRESS: pass 0, at document #90000/4922894\n", - "2019-01-31 00:16:42,365 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:16:42,630 : INFO : topic #40 (0.020): 0.082*\"unit\" + 0.032*\"collector\" + 0.015*\"institut\" + 0.013*\"american\" + 0.012*\"scholar\" + 0.012*\"schuster\" + 0.011*\"governor\" + 0.011*\"degre\" + 0.011*\"professor\" + 0.011*\"student\"\n", - "2019-01-31 00:16:42,632 : INFO : topic #42 (0.020): 0.031*\"german\" + 0.018*\"germani\" + 0.013*\"vol\" + 0.011*\"jewish\" + 0.011*\"berlin\" + 0.010*\"der\" + 0.009*\"israel\" + 0.008*\"anglo\" + 0.008*\"austria\" + 0.007*\"greek\"\n", - "2019-01-31 00:16:42,633 : INFO : topic #45 (0.020): 0.017*\"black\" + 0.016*\"record\" + 0.014*\"colder\" + 0.012*\"western\" + 0.011*\"blind\" + 0.010*\"light\" + 0.009*\"depress\" + 0.007*\"arm\" + 0.007*\"hand\" + 0.007*\"green\"\n", - "2019-01-31 00:16:42,634 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.006*\"gener\" + 0.006*\"servitud\" + 0.006*\"exampl\" + 0.006*\"differ\" + 0.006*\"southern\" + 0.006*\"turn\" + 0.006*\"poet\" + 0.006*\"cytokin\"\n", - "2019-01-31 00:16:42,635 : INFO : topic #26 (0.020): 0.031*\"olymp\" + 0.031*\"workplac\" + 0.031*\"champion\" + 0.026*\"medal\" + 0.022*\"event\" + 0.022*\"woman\" + 0.019*\"gold\" + 0.019*\"rainfal\" + 0.018*\"men\" + 0.017*\"nation\"\n", - "2019-01-31 00:16:42,641 : INFO : topic diff=0.111307, rho=0.149071\n", - "2019-01-31 00:16:42,791 : INFO : PROGRESS: pass 0, at document #92000/4922894\n", - "2019-01-31 00:16:44,271 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:16:44,536 : INFO : topic #38 (0.020): 0.019*\"king\" + 0.014*\"walter\" + 0.013*\"aza\" + 0.013*\"teufel\" + 0.008*\"empath\" + 0.008*\"till\" + 0.008*\"embassi\" + 0.007*\"battalion\" + 0.007*\"armi\" + 0.006*\"forc\"\n", - "2019-01-31 00:16:44,538 : INFO : topic #36 (0.020): 0.026*\"companhia\" + 0.013*\"bank\" + 0.012*\"serv\" + 0.009*\"oper\" + 0.009*\"market\" + 0.009*\"develop\" + 0.008*\"busi\" + 0.008*\"manag\" + 0.008*\"produc\" + 0.008*\"includ\"\n", - "2019-01-31 00:16:44,539 : INFO : topic #18 (0.020): 0.007*\"man\" + 0.007*\"kill\" + 0.006*\"théori\" + 0.006*\"later\" + 0.005*\"deal\" + 0.005*\"sack\" + 0.004*\"life\" + 0.004*\"retrospect\" + 0.004*\"fraud\" + 0.004*\"help\"\n", - "2019-01-31 00:16:44,540 : INFO : topic #46 (0.020): 0.023*\"warmth\" + 0.021*\"wind\" + 0.020*\"stop\" + 0.017*\"damag\" + 0.012*\"norwai\" + 0.011*\"swedish\" + 0.011*\"cameron\" + 0.011*\"norwegian\" + 0.011*\"sweden\" + 0.009*\"turkish\"\n", - "2019-01-31 00:16:44,541 : INFO : topic #33 (0.020): 0.048*\"french\" + 0.039*\"franc\" + 0.024*\"pari\" + 0.023*\"jean\" + 0.022*\"sail\" + 0.016*\"daphn\" + 0.013*\"lazi\" + 0.013*\"piec\" + 0.012*\"loui\" + 0.012*\"wreath\"\n", - "2019-01-31 00:16:44,547 : INFO : topic diff=0.099452, rho=0.147442\n", - "2019-01-31 00:16:44,753 : INFO : PROGRESS: pass 0, at document #94000/4922894\n", - "2019-01-31 00:16:46,265 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:16:46,530 : INFO : topic #35 (0.020): 0.040*\"russia\" + 0.035*\"china\" + 0.024*\"rural\" + 0.021*\"sovereignti\" + 0.020*\"chilton\" + 0.018*\"reprint\" + 0.018*\"poison\" + 0.017*\"personifi\" + 0.014*\"unfortun\" + 0.013*\"shirin\"\n", - "2019-01-31 00:16:46,531 : INFO : topic #14 (0.020): 0.022*\"walter\" + 0.021*\"forc\" + 0.019*\"armi\" + 0.019*\"aggress\" + 0.017*\"com\" + 0.015*\"militari\" + 0.013*\"unionist\" + 0.012*\"oper\" + 0.011*\"refut\" + 0.011*\"airmen\"\n", - "2019-01-31 00:16:46,532 : INFO : topic #43 (0.020): 0.062*\"elect\" + 0.052*\"parti\" + 0.026*\"voluntari\" + 0.023*\"democrat\" + 0.021*\"member\" + 0.016*\"polici\" + 0.014*\"seaport\" + 0.013*\"republ\" + 0.013*\"bypass\" + 0.012*\"liber\"\n", - "2019-01-31 00:16:46,534 : INFO : topic #23 (0.020): 0.133*\"audit\" + 0.069*\"best\" + 0.031*\"yawn\" + 0.028*\"jacksonvil\" + 0.027*\"japanes\" + 0.023*\"noll\" + 0.017*\"women\" + 0.014*\"prison\" + 0.013*\"festiv\" + 0.010*\"intern\"\n", - "2019-01-31 00:16:46,535 : INFO : topic #47 (0.020): 0.073*\"muscl\" + 0.034*\"perceptu\" + 0.019*\"compos\" + 0.016*\"physician\" + 0.015*\"damn\" + 0.014*\"place\" + 0.014*\"orchestr\" + 0.013*\"jack\" + 0.013*\"olympo\" + 0.011*\"word\"\n", - "2019-01-31 00:16:46,541 : INFO : topic diff=0.100869, rho=0.145865\n", - "2019-01-31 00:16:46,699 : INFO : PROGRESS: pass 0, at document #96000/4922894\n", - "2019-01-31 00:16:48,255 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:16:48,520 : INFO : topic #45 (0.020): 0.019*\"record\" + 0.017*\"black\" + 0.016*\"western\" + 0.014*\"blind\" + 0.013*\"colder\" + 0.011*\"light\" + 0.008*\"depress\" + 0.008*\"wors\" + 0.007*\"bodi\" + 0.007*\"glass\"\n", - "2019-01-31 00:16:48,521 : INFO : topic #22 (0.020): 0.032*\"spars\" + 0.026*\"factor\" + 0.021*\"adulthood\" + 0.019*\"male\" + 0.017*\"feel\" + 0.016*\"hostil\" + 0.013*\"popolo\" + 0.012*\"live\" + 0.010*\"avail\" + 0.010*\"genu\"\n", - "2019-01-31 00:16:48,522 : INFO : topic #0 (0.020): 0.059*\"statewid\" + 0.052*\"arsen\" + 0.041*\"line\" + 0.035*\"raid\" + 0.032*\"museo\" + 0.021*\"word\" + 0.021*\"pain\" + 0.018*\"traceabl\" + 0.018*\"artist\" + 0.016*\"exhaust\"\n", - "2019-01-31 00:16:48,524 : INFO : topic #9 (0.020): 0.079*\"bone\" + 0.051*\"american\" + 0.016*\"folei\" + 0.016*\"valour\" + 0.015*\"player\" + 0.013*\"polit\" + 0.013*\"simpler\" + 0.011*\"dutch\" + 0.011*\"english\" + 0.011*\"acrimoni\"\n", - "2019-01-31 00:16:48,525 : INFO : topic #6 (0.020): 0.065*\"fewer\" + 0.020*\"septemb\" + 0.017*\"epiru\" + 0.017*\"stake\" + 0.016*\"teacher\" + 0.012*\"rodríguez\" + 0.011*\"movi\" + 0.011*\"proclaim\" + 0.010*\"direct\" + 0.010*\"pop\"\n", - "2019-01-31 00:16:48,531 : INFO : topic diff=0.100107, rho=0.144338\n", - "2019-01-31 00:16:48,687 : INFO : PROGRESS: pass 0, at document #98000/4922894\n", - "2019-01-31 00:16:50,228 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:16:50,493 : INFO : topic #7 (0.020): 0.019*\"snatch\" + 0.017*\"di\" + 0.014*\"factor\" + 0.013*\"john\" + 0.012*\"locri\" + 0.011*\"yawn\" + 0.010*\"sir\" + 0.010*\"church\" + 0.009*\"faster\" + 0.009*\"margin\"\n", - "2019-01-31 00:16:50,495 : INFO : topic #48 (0.020): 0.075*\"march\" + 0.073*\"januari\" + 0.070*\"sens\" + 0.066*\"octob\" + 0.061*\"august\" + 0.060*\"juli\" + 0.059*\"april\" + 0.058*\"notion\" + 0.058*\"judici\" + 0.057*\"decatur\"\n", - "2019-01-31 00:16:50,496 : INFO : topic #27 (0.020): 0.058*\"questionnair\" + 0.017*\"taxpay\" + 0.015*\"dai\" + 0.014*\"tornado\" + 0.014*\"candid\" + 0.013*\"yawn\" + 0.011*\"théori\" + 0.011*\"find\" + 0.011*\"allud\" + 0.011*\"driver\"\n", - "2019-01-31 00:16:50,498 : INFO : topic #9 (0.020): 0.078*\"bone\" + 0.049*\"american\" + 0.017*\"folei\" + 0.016*\"player\" + 0.016*\"valour\" + 0.014*\"polit\" + 0.013*\"simpler\" + 0.012*\"dutch\" + 0.011*\"english\" + 0.011*\"acrimoni\"\n", - "2019-01-31 00:16:50,499 : INFO : topic #4 (0.020): 0.027*\"enfranchis\" + 0.018*\"candid\" + 0.014*\"pour\" + 0.014*\"depress\" + 0.010*\"elabor\" + 0.009*\"veget\" + 0.009*\"produc\" + 0.008*\"spectacl\" + 0.008*\"mode\" + 0.007*\"buford\"\n", - "2019-01-31 00:16:50,504 : INFO : topic diff=0.092596, rho=0.142857\n", - "2019-01-31 00:16:53,292 : INFO : -11.669 per-word bound, 3256.5 perplexity estimate based on a held-out corpus of 2000 documents with 568899 words\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:16:53,292 : INFO : PROGRESS: pass 0, at document #100000/4922894\n", - "2019-01-31 00:16:54,816 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:16:55,081 : INFO : topic #9 (0.020): 0.076*\"bone\" + 0.050*\"american\" + 0.018*\"valour\" + 0.017*\"folei\" + 0.016*\"player\" + 0.014*\"dutch\" + 0.014*\"polit\" + 0.013*\"simpler\" + 0.012*\"english\" + 0.011*\"acrimoni\"\n", - "2019-01-31 00:16:55,082 : INFO : topic #33 (0.020): 0.053*\"french\" + 0.039*\"franc\" + 0.024*\"pari\" + 0.023*\"sail\" + 0.022*\"jean\" + 0.015*\"daphn\" + 0.012*\"lazi\" + 0.012*\"piec\" + 0.011*\"loui\" + 0.009*\"focal\"\n", - "2019-01-31 00:16:55,083 : INFO : topic #6 (0.020): 0.064*\"fewer\" + 0.021*\"septemb\" + 0.017*\"stake\" + 0.017*\"epiru\" + 0.017*\"teacher\" + 0.012*\"rodríguez\" + 0.011*\"proclaim\" + 0.010*\"movi\" + 0.010*\"direct\" + 0.010*\"pop\"\n", - "2019-01-31 00:16:55,084 : INFO : topic #28 (0.020): 0.025*\"build\" + 0.024*\"hous\" + 0.019*\"rivièr\" + 0.016*\"buford\" + 0.012*\"histor\" + 0.010*\"rosenwald\" + 0.010*\"briarwood\" + 0.009*\"constitut\" + 0.009*\"lobe\" + 0.008*\"silicon\"\n", - "2019-01-31 00:16:55,085 : INFO : topic #0 (0.020): 0.063*\"statewid\" + 0.047*\"arsen\" + 0.042*\"line\" + 0.034*\"raid\" + 0.029*\"museo\" + 0.021*\"traceabl\" + 0.020*\"word\" + 0.019*\"pain\" + 0.016*\"artist\" + 0.015*\"exhaust\"\n", - "2019-01-31 00:16:55,091 : INFO : topic diff=0.098104, rho=0.141421\n", - "2019-01-31 00:16:55,250 : INFO : PROGRESS: pass 0, at document #102000/4922894\n", - "2019-01-31 00:16:56,793 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:16:57,058 : INFO : topic #44 (0.020): 0.027*\"rooftop\" + 0.025*\"final\" + 0.023*\"ret\" + 0.022*\"wife\" + 0.018*\"season\" + 0.017*\"tourist\" + 0.014*\"winner\" + 0.014*\"chamber\" + 0.013*\"champion\" + 0.013*\"tiepolo\"\n", - "2019-01-31 00:16:57,059 : INFO : topic #1 (0.020): 0.030*\"korean\" + 0.026*\"hong\" + 0.025*\"kong\" + 0.025*\"korea\" + 0.025*\"chilton\" + 0.018*\"leah\" + 0.016*\"han\" + 0.015*\"kim\" + 0.015*\"china\" + 0.013*\"sourc\"\n", - "2019-01-31 00:16:57,060 : INFO : topic #32 (0.020): 0.076*\"district\" + 0.053*\"vigour\" + 0.045*\"popolo\" + 0.042*\"tortur\" + 0.032*\"regim\" + 0.028*\"multitud\" + 0.024*\"area\" + 0.023*\"cotton\" + 0.020*\"prosper\" + 0.020*\"commun\"\n", - "2019-01-31 00:16:57,061 : INFO : topic #16 (0.020): 0.022*\"priest\" + 0.017*\"quarterli\" + 0.016*\"rotterdam\" + 0.016*\"duke\" + 0.014*\"margin\" + 0.012*\"daughter\" + 0.010*\"maria\" + 0.010*\"snatch\" + 0.009*\"king\" + 0.009*\"sino\"\n", - "2019-01-31 00:16:57,063 : INFO : topic #46 (0.020): 0.021*\"warmth\" + 0.016*\"damag\" + 0.015*\"wind\" + 0.015*\"stop\" + 0.014*\"sk\" + 0.014*\"norwai\" + 0.012*\"norwegian\" + 0.012*\"sweden\" + 0.012*\"farid\" + 0.011*\"swedish\"\n", - "2019-01-31 00:16:57,069 : INFO : topic diff=0.087283, rho=0.140028\n", - "2019-01-31 00:16:57,220 : INFO : PROGRESS: pass 0, at document #104000/4922894\n", - "2019-01-31 00:16:58,708 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:16:58,973 : INFO : topic #49 (0.020): 0.040*\"india\" + 0.028*\"incumb\" + 0.013*\"televis\" + 0.011*\"tajikistan\" + 0.010*\"pakistan\" + 0.009*\"sri\" + 0.008*\"muskoge\" + 0.008*\"singh\" + 0.008*\"khalsa\" + 0.007*\"islam\"\n", - "2019-01-31 00:16:58,975 : INFO : topic #38 (0.020): 0.019*\"king\" + 0.015*\"walter\" + 0.013*\"aza\" + 0.011*\"teufel\" + 0.009*\"till\" + 0.008*\"empath\" + 0.007*\"embassi\" + 0.007*\"battalion\" + 0.007*\"armi\" + 0.007*\"forc\"\n", - "2019-01-31 00:16:58,976 : INFO : topic #12 (0.020): 0.008*\"frontal\" + 0.007*\"number\" + 0.007*\"exampl\" + 0.006*\"mode\" + 0.006*\"poet\" + 0.006*\"southern\" + 0.006*\"gener\" + 0.006*\"differ\" + 0.006*\"servitud\" + 0.006*\"théori\"\n", - "2019-01-31 00:16:58,977 : INFO : topic #4 (0.020): 0.026*\"жизнь\" + 0.022*\"enfranchis\" + 0.019*\"automat\" + 0.017*\"mode\" + 0.015*\"candid\" + 0.014*\"depress\" + 0.012*\"pour\" + 0.011*\"pioneer\" + 0.011*\"season\" + 0.009*\"veget\"\n", - "2019-01-31 00:16:58,978 : INFO : topic #43 (0.020): 0.061*\"parti\" + 0.060*\"elect\" + 0.024*\"democrat\" + 0.024*\"voluntari\" + 0.021*\"member\" + 0.018*\"polici\" + 0.015*\"republ\" + 0.014*\"seaport\" + 0.013*\"bypass\" + 0.013*\"tendenc\"\n", - "2019-01-31 00:16:58,984 : INFO : topic diff=0.087083, rho=0.138675\n", - "2019-01-31 00:16:59,140 : INFO : PROGRESS: pass 0, at document #106000/4922894\n", - "2019-01-31 00:17:00,672 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:17:00,936 : INFO : topic #34 (0.020): 0.063*\"start\" + 0.036*\"cotton\" + 0.024*\"unionist\" + 0.016*\"california\" + 0.014*\"toni\" + 0.013*\"north\" + 0.013*\"terri\" + 0.013*\"carefulli\" + 0.013*\"violent\" + 0.012*\"american\"\n", - "2019-01-31 00:17:00,938 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.009*\"disco\" + 0.008*\"media\" + 0.007*\"pathwai\" + 0.007*\"proper\" + 0.007*\"acid\" + 0.007*\"caus\" + 0.006*\"effect\" + 0.006*\"treat\" + 0.006*\"includ\"\n", - "2019-01-31 00:17:00,939 : INFO : topic #17 (0.020): 0.049*\"church\" + 0.020*\"retroflex\" + 0.019*\"centuri\" + 0.018*\"jpg\" + 0.018*\"fifteenth\" + 0.018*\"cathol\" + 0.016*\"bishop\" + 0.013*\"italian\" + 0.013*\"christian\" + 0.012*\"sail\"\n", - "2019-01-31 00:17:00,940 : INFO : topic #22 (0.020): 0.031*\"spars\" + 0.030*\"factor\" + 0.028*\"genu\" + 0.021*\"adulthood\" + 0.016*\"hostil\" + 0.016*\"male\" + 0.016*\"feel\" + 0.013*\"popolo\" + 0.011*\"live\" + 0.010*\"plaisir\"\n", - "2019-01-31 00:17:00,942 : INFO : topic #6 (0.020): 0.062*\"fewer\" + 0.021*\"septemb\" + 0.018*\"epiru\" + 0.018*\"teacher\" + 0.017*\"stake\" + 0.012*\"rodríguez\" + 0.011*\"proclaim\" + 0.011*\"acrimoni\" + 0.010*\"movi\" + 0.010*\"director\"\n", - "2019-01-31 00:17:00,947 : INFO : topic diff=0.089772, rho=0.137361\n", - "2019-01-31 00:17:01,102 : INFO : PROGRESS: pass 0, at document #108000/4922894\n", - "2019-01-31 00:17:02,637 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:17:02,901 : INFO : topic #28 (0.020): 0.025*\"build\" + 0.024*\"hous\" + 0.019*\"rivièr\" + 0.015*\"buford\" + 0.011*\"histor\" + 0.010*\"rosenwald\" + 0.010*\"constitut\" + 0.009*\"lobe\" + 0.009*\"briarwood\" + 0.008*\"silicon\"\n", - "2019-01-31 00:17:02,903 : INFO : topic #38 (0.020): 0.017*\"king\" + 0.017*\"walter\" + 0.012*\"aza\" + 0.011*\"teufel\" + 0.009*\"empath\" + 0.008*\"battalion\" + 0.008*\"till\" + 0.007*\"embassi\" + 0.007*\"armi\" + 0.007*\"forc\"\n", - "2019-01-31 00:17:02,904 : INFO : topic #8 (0.020): 0.029*\"law\" + 0.027*\"cortic\" + 0.023*\"act\" + 0.022*\"start\" + 0.015*\"case\" + 0.010*\"ricardo\" + 0.009*\"legal\" + 0.009*\"unionist\" + 0.009*\"polaris\" + 0.008*\"feder\"\n", - "2019-01-31 00:17:02,905 : INFO : topic #35 (0.020): 0.042*\"russia\" + 0.034*\"china\" + 0.028*\"sovereignti\" + 0.027*\"reprint\" + 0.025*\"rural\" + 0.018*\"poison\" + 0.016*\"personifi\" + 0.016*\"unfortun\" + 0.015*\"chilton\" + 0.015*\"malaysia\"\n", - "2019-01-31 00:17:02,906 : INFO : topic #14 (0.020): 0.026*\"forc\" + 0.024*\"aggress\" + 0.020*\"armi\" + 0.019*\"walter\" + 0.016*\"com\" + 0.015*\"militari\" + 0.014*\"unionist\" + 0.012*\"rifl\" + 0.011*\"oper\" + 0.011*\"airbu\"\n", - "2019-01-31 00:17:02,912 : INFO : topic diff=0.081186, rho=0.136083\n", - "2019-01-31 00:17:03,072 : INFO : PROGRESS: pass 0, at document #110000/4922894\n", - "2019-01-31 00:17:04,635 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:17:04,901 : INFO : topic #38 (0.020): 0.017*\"walter\" + 0.017*\"king\" + 0.011*\"teufel\" + 0.011*\"aza\" + 0.008*\"empath\" + 0.008*\"battalion\" + 0.008*\"till\" + 0.007*\"embassi\" + 0.007*\"armi\" + 0.007*\"forc\"\n", - "2019-01-31 00:17:04,903 : INFO : topic #26 (0.020): 0.035*\"workplac\" + 0.033*\"champion\" + 0.027*\"olymp\" + 0.027*\"woman\" + 0.024*\"medal\" + 0.022*\"event\" + 0.021*\"men\" + 0.019*\"nation\" + 0.019*\"gold\" + 0.018*\"atheist\"\n", - "2019-01-31 00:17:04,904 : INFO : topic #14 (0.020): 0.025*\"forc\" + 0.022*\"aggress\" + 0.020*\"armi\" + 0.019*\"walter\" + 0.015*\"com\" + 0.015*\"militari\" + 0.014*\"unionist\" + 0.014*\"refut\" + 0.011*\"rifl\" + 0.011*\"oper\"\n", - "2019-01-31 00:17:04,905 : INFO : topic #20 (0.020): 0.120*\"scholar\" + 0.031*\"struggl\" + 0.029*\"educ\" + 0.028*\"high\" + 0.016*\"yawn\" + 0.015*\"collector\" + 0.012*\"prognosi\" + 0.010*\"commun\" + 0.008*\"children\" + 0.008*\"class\"\n", - "2019-01-31 00:17:04,906 : INFO : topic #28 (0.020): 0.025*\"build\" + 0.023*\"hous\" + 0.020*\"rivièr\" + 0.015*\"buford\" + 0.011*\"histor\" + 0.010*\"rosenwald\" + 0.010*\"constitut\" + 0.009*\"lobe\" + 0.009*\"briarwood\" + 0.008*\"silicon\"\n", - "2019-01-31 00:17:04,911 : INFO : topic diff=0.083256, rho=0.134840\n", - "2019-01-31 00:17:05,066 : INFO : PROGRESS: pass 0, at document #112000/4922894\n", - "2019-01-31 00:17:06,597 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:17:06,862 : INFO : topic #19 (0.020): 0.008*\"like\" + 0.008*\"form\" + 0.008*\"woodcut\" + 0.008*\"origin\" + 0.008*\"uruguayan\" + 0.007*\"mean\" + 0.007*\"god\" + 0.007*\"charact\" + 0.006*\"differ\" + 0.006*\"pour\"\n", - "2019-01-31 00:17:06,863 : INFO : topic #32 (0.020): 0.069*\"district\" + 0.052*\"vigour\" + 0.044*\"popolo\" + 0.041*\"tortur\" + 0.035*\"area\" + 0.030*\"regim\" + 0.028*\"multitud\" + 0.022*\"cotton\" + 0.022*\"station\" + 0.020*\"prosper\"\n", - "2019-01-31 00:17:06,864 : INFO : topic #49 (0.020): 0.039*\"india\" + 0.029*\"incumb\" + 0.013*\"tajikistan\" + 0.012*\"sri\" + 0.012*\"televis\" + 0.010*\"pakistan\" + 0.009*\"khalsa\" + 0.008*\"singh\" + 0.008*\"start\" + 0.008*\"lanka\"\n", - "2019-01-31 00:17:06,865 : INFO : topic #29 (0.020): 0.013*\"govern\" + 0.009*\"start\" + 0.009*\"replac\" + 0.008*\"yawn\" + 0.007*\"countri\" + 0.007*\"nation\" + 0.006*\"million\" + 0.006*\"new\" + 0.006*\"summerhil\" + 0.005*\"théori\"\n", - "2019-01-31 00:17:06,866 : INFO : topic #0 (0.020): 0.064*\"statewid\" + 0.051*\"arsen\" + 0.040*\"line\" + 0.037*\"raid\" + 0.028*\"museo\" + 0.021*\"word\" + 0.020*\"traceabl\" + 0.020*\"pain\" + 0.019*\"artist\" + 0.017*\"serv\"\n", - "2019-01-31 00:17:06,872 : INFO : topic diff=0.072134, rho=0.133631\n", - "2019-01-31 00:17:07,028 : INFO : PROGRESS: pass 0, at document #114000/4922894\n", - "2019-01-31 00:17:08,568 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:17:08,833 : INFO : topic #38 (0.020): 0.019*\"king\" + 0.018*\"walter\" + 0.011*\"teufel\" + 0.010*\"aza\" + 0.008*\"battalion\" + 0.008*\"empath\" + 0.007*\"armi\" + 0.007*\"till\" + 0.007*\"embassi\" + 0.006*\"kingdom\"\n", - "2019-01-31 00:17:08,834 : INFO : topic #26 (0.020): 0.033*\"workplac\" + 0.032*\"champion\" + 0.031*\"woman\" + 0.026*\"olymp\" + 0.024*\"men\" + 0.023*\"event\" + 0.022*\"medal\" + 0.018*\"atheist\" + 0.018*\"nation\" + 0.018*\"gold\"\n", - "2019-01-31 00:17:08,835 : INFO : topic #28 (0.020): 0.024*\"build\" + 0.024*\"hous\" + 0.023*\"rivièr\" + 0.016*\"buford\" + 0.011*\"histor\" + 0.010*\"constitut\" + 0.009*\"rosenwald\" + 0.009*\"lobe\" + 0.009*\"briarwood\" + 0.008*\"silicon\"\n", - "2019-01-31 00:17:08,836 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.028*\"factor\" + 0.021*\"adulthood\" + 0.021*\"genu\" + 0.016*\"feel\" + 0.015*\"male\" + 0.015*\"hostil\" + 0.012*\"popolo\" + 0.012*\"live\" + 0.012*\"plaisir\"\n", - "2019-01-31 00:17:08,837 : INFO : topic #13 (0.020): 0.025*\"australia\" + 0.023*\"ireland\" + 0.023*\"sourc\" + 0.022*\"london\" + 0.021*\"australian\" + 0.020*\"england\" + 0.015*\"youth\" + 0.014*\"scotland\" + 0.014*\"weekli\" + 0.014*\"wale\"\n", - "2019-01-31 00:17:08,844 : INFO : topic diff=0.074001, rho=0.132453\n", - "2019-01-31 00:17:09,004 : INFO : PROGRESS: pass 0, at document #116000/4922894\n", - "2019-01-31 00:17:10,572 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:17:10,836 : INFO : topic #17 (0.020): 0.049*\"church\" + 0.019*\"bishop\" + 0.018*\"centuri\" + 0.018*\"jpg\" + 0.017*\"retroflex\" + 0.017*\"fifteenth\" + 0.017*\"cathol\" + 0.014*\"italian\" + 0.014*\"sail\" + 0.013*\"christian\"\n", - "2019-01-31 00:17:10,838 : INFO : topic #38 (0.020): 0.019*\"king\" + 0.017*\"walter\" + 0.010*\"teufel\" + 0.010*\"aza\" + 0.008*\"battalion\" + 0.008*\"empath\" + 0.008*\"armi\" + 0.007*\"till\" + 0.007*\"embassi\" + 0.007*\"forc\"\n", - "2019-01-31 00:17:10,839 : INFO : topic #10 (0.020): 0.013*\"cdd\" + 0.008*\"disco\" + 0.008*\"acid\" + 0.007*\"media\" + 0.007*\"caus\" + 0.006*\"pathwai\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"disintegr\" + 0.006*\"activ\"\n", - "2019-01-31 00:17:10,840 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.027*\"factor\" + 0.020*\"adulthood\" + 0.019*\"genu\" + 0.016*\"feel\" + 0.015*\"male\" + 0.015*\"hostil\" + 0.012*\"popolo\" + 0.012*\"live\" + 0.011*\"plaisir\"\n", - "2019-01-31 00:17:10,841 : INFO : topic #26 (0.020): 0.033*\"woman\" + 0.032*\"workplac\" + 0.031*\"champion\" + 0.026*\"olymp\" + 0.025*\"men\" + 0.024*\"event\" + 0.022*\"medal\" + 0.019*\"atheist\" + 0.018*\"rainfal\" + 0.018*\"nation\"\n", - "2019-01-31 00:17:10,847 : INFO : topic diff=0.073465, rho=0.131306\n", - "2019-01-31 00:17:11,002 : INFO : PROGRESS: pass 0, at document #118000/4922894\n", - "2019-01-31 00:17:12,524 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:17:12,789 : INFO : topic #11 (0.020): 0.029*\"john\" + 0.019*\"will\" + 0.015*\"jame\" + 0.012*\"rival\" + 0.012*\"david\" + 0.011*\"georg\" + 0.009*\"rhyme\" + 0.008*\"slur\" + 0.008*\"thirtieth\" + 0.007*\"chandra\"\n", - "2019-01-31 00:17:12,790 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.032*\"leagu\" + 0.027*\"place\" + 0.025*\"scientist\" + 0.024*\"crete\" + 0.024*\"taxpay\" + 0.021*\"folei\" + 0.017*\"martin\" + 0.017*\"goal\" + 0.011*\"schmitz\"\n", - "2019-01-31 00:17:12,791 : INFO : topic #37 (0.020): 0.007*\"love\" + 0.005*\"gestur\" + 0.005*\"théori\" + 0.004*\"place\" + 0.004*\"night\" + 0.004*\"litig\" + 0.004*\"man\" + 0.004*\"blue\" + 0.003*\"introductori\" + 0.003*\"appear\"\n", - "2019-01-31 00:17:12,792 : INFO : topic #39 (0.020): 0.041*\"scientist\" + 0.035*\"taxpay\" + 0.024*\"clot\" + 0.024*\"canada\" + 0.019*\"canadian\" + 0.014*\"hoar\" + 0.013*\"basketbal\" + 0.013*\"confer\" + 0.010*\"toronto\" + 0.010*\"place\"\n", - "2019-01-31 00:17:12,794 : INFO : topic #49 (0.020): 0.037*\"india\" + 0.028*\"incumb\" + 0.014*\"tajikistan\" + 0.014*\"televis\" + 0.012*\"sri\" + 0.010*\"pakistan\" + 0.009*\"singh\" + 0.008*\"khalsa\" + 0.008*\"islam\" + 0.008*\"start\"\n", - "2019-01-31 00:17:12,800 : INFO : topic diff=0.069374, rho=0.130189\n", - "2019-01-31 00:17:15,656 : INFO : -11.572 per-word bound, 3045.6 perplexity estimate based on a held-out corpus of 2000 documents with 561550 words\n", - "2019-01-31 00:17:15,657 : INFO : PROGRESS: pass 0, at document #120000/4922894\n", - "2019-01-31 00:17:17,200 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:17:17,466 : INFO : topic #45 (0.020): 0.019*\"black\" + 0.018*\"record\" + 0.016*\"western\" + 0.016*\"colder\" + 0.016*\"blind\" + 0.011*\"light\" + 0.008*\"depress\" + 0.008*\"green\" + 0.006*\"illicit\" + 0.006*\"arm\"\n", - "2019-01-31 00:17:17,467 : INFO : topic #33 (0.020): 0.053*\"french\" + 0.048*\"franc\" + 0.026*\"pari\" + 0.023*\"sail\" + 0.021*\"jean\" + 0.017*\"daphn\" + 0.012*\"lazi\" + 0.011*\"loui\" + 0.011*\"dish\" + 0.011*\"piec\"\n", - "2019-01-31 00:17:17,468 : INFO : topic #15 (0.020): 0.016*\"requir\" + 0.015*\"develop\" + 0.013*\"small\" + 0.011*\"word\" + 0.010*\"student\" + 0.008*\"socialist\" + 0.008*\"human\" + 0.008*\"cultur\" + 0.008*\"organ\" + 0.008*\"intern\"\n", - "2019-01-31 00:17:17,470 : INFO : topic #27 (0.020): 0.064*\"questionnair\" + 0.018*\"tornado\" + 0.018*\"taxpay\" + 0.012*\"candid\" + 0.012*\"driver\" + 0.012*\"dai\" + 0.011*\"find\" + 0.011*\"squatter\" + 0.011*\"théori\" + 0.011*\"yawn\"\n", - "2019-01-31 00:17:17,471 : INFO : topic #44 (0.020): 0.032*\"rooftop\" + 0.024*\"final\" + 0.020*\"wife\" + 0.019*\"tourist\" + 0.018*\"ret\" + 0.013*\"winner\" + 0.013*\"chamber\" + 0.012*\"taxpay\" + 0.012*\"champion\" + 0.012*\"tiepolo\"\n", - "2019-01-31 00:17:17,477 : INFO : topic diff=0.065374, rho=0.129099\n", - "2019-01-31 00:17:17,631 : INFO : PROGRESS: pass 0, at document #122000/4922894\n", - "2019-01-31 00:17:19,141 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:17:19,406 : INFO : topic #29 (0.020): 0.013*\"govern\" + 0.009*\"replac\" + 0.009*\"start\" + 0.008*\"yawn\" + 0.007*\"countri\" + 0.007*\"million\" + 0.007*\"nation\" + 0.006*\"summerhil\" + 0.006*\"new\" + 0.005*\"théori\"\n", - "2019-01-31 00:17:19,407 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.029*\"rel\" + 0.028*\"reconstruct\" + 0.022*\"band\" + 0.017*\"muscl\" + 0.015*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 00:17:19,408 : INFO : topic #25 (0.020): 0.027*\"ring\" + 0.015*\"lagrang\" + 0.014*\"area\" + 0.014*\"warmth\" + 0.014*\"mount\" + 0.009*\"foam\" + 0.008*\"north\" + 0.008*\"vacant\" + 0.008*\"palmer\" + 0.007*\"robespierr\"\n", - "2019-01-31 00:17:19,410 : INFO : topic #20 (0.020): 0.122*\"scholar\" + 0.033*\"struggl\" + 0.028*\"educ\" + 0.027*\"high\" + 0.016*\"yawn\" + 0.014*\"collector\" + 0.012*\"prognosi\" + 0.010*\"commun\" + 0.010*\"children\" + 0.008*\"second\"\n", - "2019-01-31 00:17:19,411 : INFO : topic #17 (0.020): 0.054*\"church\" + 0.018*\"centuri\" + 0.018*\"bishop\" + 0.017*\"cathol\" + 0.016*\"jpg\" + 0.016*\"retroflex\" + 0.016*\"fifteenth\" + 0.014*\"italian\" + 0.014*\"christian\" + 0.014*\"sail\"\n", - "2019-01-31 00:17:19,417 : INFO : topic diff=0.066877, rho=0.128037\n", - "2019-01-31 00:17:19,570 : INFO : PROGRESS: pass 0, at document #124000/4922894\n", - "2019-01-31 00:17:21,088 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:17:21,352 : INFO : topic #41 (0.020): 0.047*\"citi\" + 0.038*\"new\" + 0.023*\"year\" + 0.022*\"palmer\" + 0.021*\"center\" + 0.019*\"strategist\" + 0.010*\"open\" + 0.009*\"hot\" + 0.009*\"includ\" + 0.008*\"lobe\"\n", - "2019-01-31 00:17:21,353 : INFO : topic #13 (0.020): 0.026*\"australia\" + 0.023*\"london\" + 0.023*\"england\" + 0.023*\"sourc\" + 0.022*\"ireland\" + 0.021*\"australian\" + 0.014*\"wale\" + 0.014*\"youth\" + 0.014*\"north\" + 0.014*\"new\"\n", - "2019-01-31 00:17:21,355 : INFO : topic #45 (0.020): 0.019*\"black\" + 0.017*\"record\" + 0.015*\"colder\" + 0.015*\"western\" + 0.015*\"blind\" + 0.011*\"light\" + 0.008*\"green\" + 0.007*\"depress\" + 0.006*\"illicit\" + 0.006*\"wors\"\n", - "2019-01-31 00:17:21,355 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.030*\"collector\" + 0.015*\"institut\" + 0.013*\"student\" + 0.012*\"american\" + 0.012*\"professor\" + 0.012*\"schuster\" + 0.012*\"governor\" + 0.011*\"degre\" + 0.011*\"http\"\n", - "2019-01-31 00:17:21,357 : INFO : topic #49 (0.020): 0.040*\"india\" + 0.028*\"incumb\" + 0.012*\"televis\" + 0.012*\"sri\" + 0.012*\"tajikistan\" + 0.010*\"pakistan\" + 0.009*\"singh\" + 0.008*\"start\" + 0.008*\"khalsa\" + 0.008*\"islam\"\n", - "2019-01-31 00:17:21,363 : INFO : topic diff=0.067341, rho=0.127000\n", - "2019-01-31 00:17:21,519 : INFO : PROGRESS: pass 0, at document #126000/4922894\n", - "2019-01-31 00:17:23,043 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:17:23,308 : INFO : topic #32 (0.020): 0.066*\"district\" + 0.050*\"vigour\" + 0.044*\"popolo\" + 0.040*\"tortur\" + 0.035*\"area\" + 0.030*\"regim\" + 0.027*\"multitud\" + 0.024*\"cotton\" + 0.019*\"prosper\" + 0.018*\"citi\"\n", - "2019-01-31 00:17:23,309 : INFO : topic #28 (0.020): 0.025*\"build\" + 0.023*\"hous\" + 0.021*\"rivièr\" + 0.016*\"buford\" + 0.012*\"histor\" + 0.010*\"constitut\" + 0.010*\"briarwood\" + 0.010*\"lobe\" + 0.009*\"rosenwald\" + 0.009*\"silicon\"\n", - "2019-01-31 00:17:23,310 : INFO : topic #15 (0.020): 0.016*\"requir\" + 0.014*\"develop\" + 0.013*\"small\" + 0.011*\"word\" + 0.010*\"student\" + 0.009*\"socialist\" + 0.009*\"cultur\" + 0.008*\"organ\" + 0.008*\"human\" + 0.008*\"commun\"\n", - "2019-01-31 00:17:23,311 : INFO : topic #14 (0.020): 0.025*\"walter\" + 0.022*\"forc\" + 0.021*\"armi\" + 0.021*\"aggress\" + 0.016*\"com\" + 0.016*\"unionist\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.011*\"oper\" + 0.010*\"diversifi\"\n", - "2019-01-31 00:17:23,312 : INFO : topic #16 (0.020): 0.027*\"priest\" + 0.017*\"duke\" + 0.016*\"rotterdam\" + 0.015*\"quarterli\" + 0.013*\"margin\" + 0.011*\"king\" + 0.011*\"maria\" + 0.010*\"count\" + 0.010*\"princ\" + 0.010*\"order\"\n", - "2019-01-31 00:17:23,318 : INFO : topic diff=0.065059, rho=0.125988\n", - "2019-01-31 00:17:23,531 : INFO : PROGRESS: pass 0, at document #128000/4922894\n", - "2019-01-31 00:17:25,059 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:17:25,324 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.027*\"factor\" + 0.022*\"adulthood\" + 0.017*\"feel\" + 0.016*\"hostil\" + 0.015*\"male\" + 0.015*\"genu\" + 0.012*\"popolo\" + 0.012*\"live\" + 0.011*\"plaisir\"\n", - "2019-01-31 00:17:25,325 : INFO : topic #20 (0.020): 0.120*\"scholar\" + 0.034*\"struggl\" + 0.028*\"high\" + 0.027*\"educ\" + 0.016*\"yawn\" + 0.014*\"collector\" + 0.013*\"prognosi\" + 0.009*\"commun\" + 0.009*\"children\" + 0.008*\"class\"\n", - "2019-01-31 00:17:25,327 : INFO : topic #31 (0.020): 0.071*\"fusiform\" + 0.027*\"player\" + 0.021*\"place\" + 0.015*\"scientist\" + 0.013*\"taxpay\" + 0.012*\"leagu\" + 0.010*\"ruler\" + 0.010*\"folei\" + 0.009*\"barber\" + 0.008*\"schmitz\"\n", - "2019-01-31 00:17:25,328 : INFO : topic #33 (0.020): 0.052*\"french\" + 0.048*\"franc\" + 0.027*\"pari\" + 0.022*\"sail\" + 0.021*\"jean\" + 0.017*\"daphn\" + 0.013*\"focal\" + 0.013*\"lazi\" + 0.011*\"convei\" + 0.011*\"wine\"\n", - "2019-01-31 00:17:25,329 : INFO : topic #10 (0.020): 0.013*\"cdd\" + 0.009*\"disco\" + 0.007*\"acid\" + 0.007*\"pathwai\" + 0.007*\"media\" + 0.007*\"caus\" + 0.006*\"treat\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"activ\"\n", - "2019-01-31 00:17:25,335 : INFO : topic diff=0.060318, rho=0.125000\n", - "2019-01-31 00:17:25,492 : INFO : PROGRESS: pass 0, at document #130000/4922894\n", - "2019-01-31 00:17:27,028 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:17:27,293 : INFO : topic #1 (0.020): 0.035*\"chilton\" + 0.034*\"hong\" + 0.034*\"kong\" + 0.026*\"china\" + 0.022*\"leah\" + 0.020*\"kim\" + 0.018*\"korean\" + 0.018*\"korea\" + 0.012*\"sourc\" + 0.012*\"han\"\n", - "2019-01-31 00:17:27,294 : INFO : topic #31 (0.020): 0.073*\"fusiform\" + 0.029*\"player\" + 0.022*\"place\" + 0.015*\"scientist\" + 0.013*\"taxpay\" + 0.012*\"leagu\" + 0.010*\"ruler\" + 0.010*\"folei\" + 0.009*\"barber\" + 0.008*\"schmitz\"\n", - "2019-01-31 00:17:27,295 : INFO : topic #37 (0.020): 0.007*\"love\" + 0.005*\"gestur\" + 0.004*\"night\" + 0.004*\"théori\" + 0.004*\"introductori\" + 0.004*\"blue\" + 0.004*\"litig\" + 0.004*\"place\" + 0.004*\"man\" + 0.004*\"misconcept\"\n", - "2019-01-31 00:17:27,296 : INFO : topic #16 (0.020): 0.028*\"priest\" + 0.017*\"quarterli\" + 0.016*\"duke\" + 0.016*\"rotterdam\" + 0.013*\"margin\" + 0.012*\"king\" + 0.012*\"princ\" + 0.011*\"maria\" + 0.011*\"grammat\" + 0.010*\"count\"\n", - "2019-01-31 00:17:27,298 : INFO : topic #27 (0.020): 0.070*\"questionnair\" + 0.020*\"taxpay\" + 0.017*\"tornado\" + 0.015*\"horac\" + 0.012*\"find\" + 0.012*\"candid\" + 0.011*\"squatter\" + 0.011*\"driver\" + 0.010*\"yawn\" + 0.010*\"théori\"\n", - "2019-01-31 00:17:27,304 : INFO : topic diff=0.059915, rho=0.124035\n", - "2019-01-31 00:17:27,457 : INFO : PROGRESS: pass 0, at document #132000/4922894\n", - "2019-01-31 00:17:28,978 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:17:29,243 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.023*\"walter\" + 0.022*\"aggress\" + 0.020*\"armi\" + 0.017*\"unionist\" + 0.016*\"com\" + 0.012*\"militari\" + 0.012*\"oper\" + 0.011*\"airbu\" + 0.011*\"refut\"\n", - "2019-01-31 00:17:29,244 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.007*\"exampl\" + 0.007*\"gener\" + 0.006*\"southern\" + 0.006*\"poet\" + 0.006*\"théori\" + 0.006*\"servitud\" + 0.006*\"cytokin\" + 0.006*\"turn\"\n", - "2019-01-31 00:17:29,245 : INFO : topic #48 (0.020): 0.077*\"januari\" + 0.072*\"sens\" + 0.070*\"march\" + 0.070*\"octob\" + 0.067*\"august\" + 0.066*\"juli\" + 0.063*\"notion\" + 0.063*\"april\" + 0.060*\"judici\" + 0.060*\"decatur\"\n", - "2019-01-31 00:17:29,246 : INFO : topic #4 (0.020): 0.028*\"enfranchis\" + 0.016*\"depress\" + 0.015*\"candid\" + 0.014*\"pour\" + 0.013*\"mode\" + 0.012*\"veget\" + 0.011*\"elabor\" + 0.009*\"spectacl\" + 0.008*\"mandir\" + 0.007*\"produc\"\n", - "2019-01-31 00:17:29,248 : INFO : topic #27 (0.020): 0.069*\"questionnair\" + 0.020*\"taxpay\" + 0.017*\"tornado\" + 0.015*\"horac\" + 0.012*\"find\" + 0.011*\"candid\" + 0.011*\"squatter\" + 0.011*\"théori\" + 0.010*\"driver\" + 0.010*\"yawn\"\n", - "2019-01-31 00:17:29,254 : INFO : topic diff=0.057532, rho=0.123091\n", - "2019-01-31 00:17:29,408 : INFO : PROGRESS: pass 0, at document #134000/4922894\n", - "2019-01-31 00:17:30,890 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:17:31,156 : INFO : topic #21 (0.020): 0.038*\"samford\" + 0.020*\"spain\" + 0.019*\"del\" + 0.018*\"mexico\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.012*\"lizard\" + 0.011*\"francisco\" + 0.010*\"latin\" + 0.010*\"carlo\"\n", - "2019-01-31 00:17:31,156 : INFO : topic #0 (0.020): 0.070*\"statewid\" + 0.045*\"arsen\" + 0.039*\"line\" + 0.036*\"raid\" + 0.030*\"museo\" + 0.024*\"traceabl\" + 0.019*\"word\" + 0.018*\"pain\" + 0.018*\"artist\" + 0.016*\"exhaust\"\n", - "2019-01-31 00:17:31,158 : INFO : topic #43 (0.020): 0.067*\"elect\" + 0.055*\"parti\" + 0.025*\"voluntari\" + 0.025*\"democrat\" + 0.024*\"member\" + 0.016*\"republ\" + 0.016*\"polici\" + 0.015*\"seaport\" + 0.015*\"tendenc\" + 0.014*\"bypass\"\n", - "2019-01-31 00:17:31,159 : INFO : topic #32 (0.020): 0.067*\"district\" + 0.049*\"vigour\" + 0.043*\"popolo\" + 0.040*\"tortur\" + 0.033*\"area\" + 0.029*\"regim\" + 0.028*\"multitud\" + 0.024*\"cotton\" + 0.020*\"earthworm\" + 0.020*\"north\"\n", - "2019-01-31 00:17:31,160 : INFO : topic #8 (0.020): 0.031*\"law\" + 0.027*\"cortic\" + 0.027*\"act\" + 0.021*\"start\" + 0.014*\"case\" + 0.014*\"ricardo\" + 0.011*\"polaris\" + 0.010*\"legal\" + 0.009*\"unionist\" + 0.007*\"feder\"\n", - "2019-01-31 00:17:31,166 : INFO : topic diff=0.058482, rho=0.122169\n", - "2019-01-31 00:17:31,319 : INFO : PROGRESS: pass 0, at document #136000/4922894\n", - "2019-01-31 00:17:32,830 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:17:33,096 : INFO : topic #42 (0.020): 0.035*\"german\" + 0.024*\"germani\" + 0.015*\"greek\" + 0.011*\"vol\" + 0.011*\"der\" + 0.010*\"israel\" + 0.010*\"berlin\" + 0.010*\"jewish\" + 0.007*\"anglo\" + 0.007*\"europ\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:17:33,097 : INFO : topic #37 (0.020): 0.007*\"love\" + 0.006*\"gestur\" + 0.005*\"night\" + 0.004*\"blue\" + 0.004*\"litig\" + 0.004*\"théori\" + 0.004*\"misconcept\" + 0.004*\"man\" + 0.004*\"place\" + 0.004*\"introductori\"\n", - "2019-01-31 00:17:33,098 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.007*\"southern\" + 0.007*\"exampl\" + 0.007*\"gener\" + 0.006*\"poet\" + 0.006*\"théori\" + 0.006*\"cytokin\" + 0.006*\"servitud\" + 0.006*\"differ\"\n", - "2019-01-31 00:17:33,099 : INFO : topic #44 (0.020): 0.036*\"rooftop\" + 0.026*\"final\" + 0.021*\"wife\" + 0.019*\"tourist\" + 0.016*\"ret\" + 0.014*\"chamber\" + 0.013*\"champion\" + 0.013*\"winner\" + 0.013*\"tiepolo\" + 0.011*\"taxpay\"\n", - "2019-01-31 00:17:33,100 : INFO : topic #45 (0.020): 0.019*\"black\" + 0.016*\"record\" + 0.016*\"colder\" + 0.015*\"western\" + 0.014*\"acacia\" + 0.013*\"blind\" + 0.010*\"light\" + 0.008*\"green\" + 0.007*\"depress\" + 0.006*\"hand\"\n", - "2019-01-31 00:17:33,106 : INFO : topic diff=0.057041, rho=0.121268\n", - "2019-01-31 00:17:33,261 : INFO : PROGRESS: pass 0, at document #138000/4922894\n", - "2019-01-31 00:17:34,778 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:17:35,043 : INFO : topic #29 (0.020): 0.013*\"govern\" + 0.010*\"start\" + 0.010*\"replac\" + 0.008*\"countri\" + 0.007*\"yawn\" + 0.006*\"nation\" + 0.006*\"summerhil\" + 0.006*\"million\" + 0.006*\"new\" + 0.005*\"théori\"\n", - "2019-01-31 00:17:35,044 : INFO : topic #20 (0.020): 0.121*\"scholar\" + 0.034*\"struggl\" + 0.028*\"high\" + 0.027*\"educ\" + 0.016*\"yawn\" + 0.015*\"collector\" + 0.013*\"prognosi\" + 0.009*\"commun\" + 0.008*\"class\" + 0.008*\"children\"\n", - "2019-01-31 00:17:35,045 : INFO : topic #19 (0.020): 0.009*\"form\" + 0.009*\"like\" + 0.008*\"origin\" + 0.008*\"woodcut\" + 0.008*\"mean\" + 0.007*\"uruguayan\" + 0.007*\"charact\" + 0.006*\"differ\" + 0.006*\"god\" + 0.006*\"pour\"\n", - "2019-01-31 00:17:35,047 : INFO : topic #30 (0.020): 0.037*\"cleveland\" + 0.034*\"leagu\" + 0.030*\"place\" + 0.026*\"taxpay\" + 0.025*\"crete\" + 0.023*\"scientist\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.011*\"schmitz\"\n", - "2019-01-31 00:17:35,048 : INFO : topic #45 (0.020): 0.019*\"black\" + 0.016*\"record\" + 0.016*\"colder\" + 0.015*\"western\" + 0.013*\"acacia\" + 0.012*\"blind\" + 0.010*\"light\" + 0.008*\"green\" + 0.007*\"depress\" + 0.006*\"hand\"\n", - "2019-01-31 00:17:35,054 : INFO : topic diff=0.053944, rho=0.120386\n", - "2019-01-31 00:17:37,801 : INFO : -11.718 per-word bound, 3368.9 perplexity estimate based on a held-out corpus of 2000 documents with 535236 words\n", - "2019-01-31 00:17:37,801 : INFO : PROGRESS: pass 0, at document #140000/4922894\n", - "2019-01-31 00:17:39,284 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:17:39,549 : INFO : topic #7 (0.020): 0.019*\"snatch\" + 0.016*\"di\" + 0.016*\"factor\" + 0.014*\"bang\" + 0.012*\"yawn\" + 0.012*\"john\" + 0.011*\"margin\" + 0.011*\"will\" + 0.010*\"faster\" + 0.010*\"locri\"\n", - "2019-01-31 00:17:39,551 : INFO : topic #36 (0.020): 0.027*\"companhia\" + 0.010*\"serv\" + 0.009*\"develop\" + 0.009*\"bank\" + 0.009*\"market\" + 0.009*\"busi\" + 0.009*\"oper\" + 0.008*\"produc\" + 0.008*\"manag\" + 0.008*\"network\"\n", - "2019-01-31 00:17:39,552 : INFO : topic #35 (0.020): 0.052*\"russia\" + 0.033*\"turin\" + 0.026*\"china\" + 0.025*\"reprint\" + 0.025*\"sovereignti\" + 0.023*\"rural\" + 0.019*\"personifi\" + 0.017*\"poison\" + 0.016*\"unfortun\" + 0.015*\"moscow\"\n", - "2019-01-31 00:17:39,554 : INFO : topic #38 (0.020): 0.018*\"walter\" + 0.016*\"king\" + 0.011*\"aza\" + 0.009*\"teufel\" + 0.008*\"battalion\" + 0.007*\"till\" + 0.007*\"forc\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.006*\"embassi\"\n", - "2019-01-31 00:17:39,555 : INFO : topic #9 (0.020): 0.082*\"bone\" + 0.041*\"american\" + 0.020*\"valour\" + 0.015*\"dutch\" + 0.015*\"player\" + 0.014*\"folei\" + 0.013*\"polit\" + 0.013*\"english\" + 0.012*\"simpler\" + 0.010*\"surnam\"\n", - "2019-01-31 00:17:39,561 : INFO : topic diff=0.053215, rho=0.119523\n", - "2019-01-31 00:17:39,719 : INFO : PROGRESS: pass 0, at document #142000/4922894\n", - "2019-01-31 00:17:41,240 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:17:41,506 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.025*\"factor\" + 0.022*\"adulthood\" + 0.017*\"feel\" + 0.016*\"hostil\" + 0.016*\"male\" + 0.013*\"genu\" + 0.012*\"popolo\" + 0.012*\"live\" + 0.010*\"yawn\"\n", - "2019-01-31 00:17:41,507 : INFO : topic #18 (0.020): 0.008*\"théori\" + 0.007*\"kill\" + 0.006*\"later\" + 0.006*\"man\" + 0.005*\"deal\" + 0.005*\"sack\" + 0.005*\"retrospect\" + 0.004*\"fraud\" + 0.004*\"life\" + 0.004*\"dai\"\n", - "2019-01-31 00:17:41,509 : INFO : topic #26 (0.020): 0.034*\"workplac\" + 0.032*\"woman\" + 0.032*\"champion\" + 0.025*\"olymp\" + 0.025*\"men\" + 0.025*\"medal\" + 0.023*\"event\" + 0.018*\"rainfal\" + 0.018*\"atheist\" + 0.017*\"théori\"\n", - "2019-01-31 00:17:41,509 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.021*\"aggress\" + 0.021*\"walter\" + 0.019*\"armi\" + 0.017*\"com\" + 0.015*\"unionist\" + 0.012*\"militari\" + 0.012*\"oper\" + 0.010*\"airbu\" + 0.010*\"refut\"\n", - "2019-01-31 00:17:41,510 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.047*\"arsen\" + 0.041*\"line\" + 0.036*\"raid\" + 0.030*\"museo\" + 0.023*\"traceabl\" + 0.019*\"word\" + 0.019*\"artist\" + 0.018*\"pain\" + 0.016*\"serv\"\n", - "2019-01-31 00:17:41,516 : INFO : topic diff=0.050616, rho=0.118678\n", - "2019-01-31 00:17:41,673 : INFO : PROGRESS: pass 0, at document #144000/4922894\n", - "2019-01-31 00:17:43,198 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:17:43,464 : INFO : topic #6 (0.020): 0.066*\"fewer\" + 0.027*\"septemb\" + 0.021*\"epiru\" + 0.017*\"teacher\" + 0.016*\"stake\" + 0.013*\"pop\" + 0.012*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"acrimoni\" + 0.010*\"direct\"\n", - "2019-01-31 00:17:43,466 : INFO : topic #46 (0.020): 0.022*\"damag\" + 0.018*\"stop\" + 0.018*\"wind\" + 0.015*\"treeless\" + 0.012*\"sweden\" + 0.012*\"norwai\" + 0.012*\"utc\" + 0.011*\"huntsvil\" + 0.011*\"swedish\" + 0.010*\"warmth\"\n", - "2019-01-31 00:17:43,467 : INFO : topic #37 (0.020): 0.008*\"love\" + 0.006*\"gestur\" + 0.005*\"night\" + 0.004*\"litig\" + 0.004*\"blue\" + 0.004*\"man\" + 0.004*\"théori\" + 0.004*\"introductori\" + 0.004*\"misconcept\" + 0.003*\"bewild\"\n", - "2019-01-31 00:17:43,468 : INFO : topic #15 (0.020): 0.015*\"requir\" + 0.014*\"develop\" + 0.013*\"small\" + 0.011*\"word\" + 0.010*\"student\" + 0.009*\"human\" + 0.009*\"socialist\" + 0.008*\"commun\" + 0.008*\"cultur\" + 0.008*\"organ\"\n", - "2019-01-31 00:17:43,469 : INFO : topic #11 (0.020): 0.028*\"john\" + 0.018*\"will\" + 0.014*\"jame\" + 0.012*\"georg\" + 0.012*\"rival\" + 0.011*\"david\" + 0.009*\"rhyme\" + 0.008*\"slur\" + 0.008*\"mexican–american\" + 0.008*\"thirtieth\"\n", - "2019-01-31 00:17:43,475 : INFO : topic diff=0.053246, rho=0.117851\n", - "2019-01-31 00:17:43,634 : INFO : PROGRESS: pass 0, at document #146000/4922894\n", - "2019-01-31 00:17:45,169 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:17:45,434 : INFO : topic #30 (0.020): 0.035*\"cleveland\" + 0.034*\"leagu\" + 0.030*\"place\" + 0.026*\"taxpay\" + 0.025*\"crete\" + 0.023*\"scientist\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.011*\"schmitz\"\n", - "2019-01-31 00:17:45,436 : INFO : topic #38 (0.020): 0.018*\"walter\" + 0.015*\"king\" + 0.013*\"aza\" + 0.011*\"teufel\" + 0.008*\"till\" + 0.008*\"battalion\" + 0.008*\"empath\" + 0.007*\"embassi\" + 0.007*\"armi\" + 0.007*\"forc\"\n", - "2019-01-31 00:17:45,437 : INFO : topic #28 (0.020): 0.027*\"hous\" + 0.026*\"build\" + 0.019*\"rivièr\" + 0.016*\"buford\" + 0.011*\"histor\" + 0.010*\"constitut\" + 0.010*\"hale\" + 0.010*\"briarwood\" + 0.010*\"rosenwald\" + 0.009*\"silicon\"\n", - "2019-01-31 00:17:45,437 : INFO : topic #0 (0.020): 0.069*\"statewid\" + 0.047*\"arsen\" + 0.040*\"line\" + 0.034*\"raid\" + 0.031*\"museo\" + 0.022*\"traceabl\" + 0.019*\"word\" + 0.019*\"pain\" + 0.018*\"artist\" + 0.016*\"serv\"\n", - "2019-01-31 00:17:45,439 : INFO : topic #47 (0.020): 0.073*\"muscl\" + 0.033*\"perceptu\" + 0.019*\"damn\" + 0.018*\"compos\" + 0.017*\"place\" + 0.014*\"jack\" + 0.014*\"orchestr\" + 0.014*\"theater\" + 0.013*\"physician\" + 0.013*\"olympo\"\n", - "2019-01-31 00:17:45,445 : INFO : topic diff=0.049351, rho=0.117041\n", - "2019-01-31 00:17:45,600 : INFO : PROGRESS: pass 0, at document #148000/4922894\n", - "2019-01-31 00:17:47,108 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:17:47,373 : INFO : topic #39 (0.020): 0.035*\"taxpay\" + 0.033*\"scientist\" + 0.026*\"canada\" + 0.024*\"clot\" + 0.021*\"canadian\" + 0.015*\"basketbal\" + 0.013*\"hoar\" + 0.013*\"confer\" + 0.011*\"toronto\" + 0.011*\"ontario\"\n", - "2019-01-31 00:17:47,374 : INFO : topic #46 (0.020): 0.021*\"damag\" + 0.018*\"stop\" + 0.017*\"wind\" + 0.014*\"treeless\" + 0.013*\"sweden\" + 0.013*\"norwai\" + 0.011*\"huntsvil\" + 0.011*\"swedish\" + 0.010*\"norwegian\" + 0.010*\"utc\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:17:47,376 : INFO : topic #15 (0.020): 0.015*\"requir\" + 0.013*\"develop\" + 0.012*\"small\" + 0.011*\"word\" + 0.010*\"student\" + 0.010*\"human\" + 0.009*\"socialist\" + 0.009*\"commun\" + 0.009*\"cultur\" + 0.008*\"organ\"\n", - "2019-01-31 00:17:47,377 : INFO : topic #43 (0.020): 0.065*\"elect\" + 0.057*\"parti\" + 0.026*\"voluntari\" + 0.022*\"member\" + 0.022*\"democrat\" + 0.016*\"polici\" + 0.016*\"tendenc\" + 0.014*\"republ\" + 0.014*\"seaport\" + 0.014*\"bypass\"\n", - "2019-01-31 00:17:47,378 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"exampl\" + 0.006*\"southern\" + 0.006*\"gener\" + 0.006*\"poet\" + 0.006*\"servitud\" + 0.006*\"théori\" + 0.005*\"differ\" + 0.005*\"utopian\"\n", - "2019-01-31 00:17:47,384 : INFO : topic diff=0.051028, rho=0.116248\n", - "2019-01-31 00:17:47,541 : INFO : PROGRESS: pass 0, at document #150000/4922894\n", - "2019-01-31 00:17:49,060 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:17:49,326 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.026*\"factor\" + 0.023*\"adulthood\" + 0.018*\"hostil\" + 0.017*\"feel\" + 0.016*\"male\" + 0.013*\"genu\" + 0.012*\"live\" + 0.012*\"popolo\" + 0.010*\"yawn\"\n", - "2019-01-31 00:17:49,327 : INFO : topic #15 (0.020): 0.015*\"requir\" + 0.013*\"develop\" + 0.012*\"small\" + 0.010*\"word\" + 0.010*\"cultur\" + 0.010*\"student\" + 0.010*\"human\" + 0.009*\"socialist\" + 0.009*\"commun\" + 0.008*\"group\"\n", - "2019-01-31 00:17:49,328 : INFO : topic #8 (0.020): 0.030*\"law\" + 0.026*\"cortic\" + 0.022*\"act\" + 0.021*\"start\" + 0.015*\"ricardo\" + 0.015*\"case\" + 0.011*\"polaris\" + 0.010*\"legal\" + 0.009*\"unionist\" + 0.008*\"feder\"\n", - "2019-01-31 00:17:49,329 : INFO : topic #33 (0.020): 0.054*\"french\" + 0.045*\"franc\" + 0.028*\"pari\" + 0.024*\"sail\" + 0.023*\"jean\" + 0.017*\"daphn\" + 0.017*\"focal\" + 0.015*\"lazi\" + 0.012*\"piec\" + 0.011*\"loui\"\n", - "2019-01-31 00:17:49,330 : INFO : topic #30 (0.020): 0.035*\"cleveland\" + 0.034*\"leagu\" + 0.030*\"place\" + 0.025*\"taxpay\" + 0.025*\"crete\" + 0.024*\"scientist\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.011*\"schmitz\"\n", - "2019-01-31 00:17:49,336 : INFO : topic diff=0.050762, rho=0.115470\n", - "2019-01-31 00:17:49,488 : INFO : PROGRESS: pass 0, at document #152000/4922894\n", - "2019-01-31 00:17:50,969 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:17:51,234 : INFO : topic #39 (0.020): 0.036*\"taxpay\" + 0.031*\"scientist\" + 0.026*\"canada\" + 0.024*\"clot\" + 0.022*\"canadian\" + 0.015*\"basketbal\" + 0.014*\"hoar\" + 0.012*\"confer\" + 0.011*\"ontario\" + 0.011*\"toronto\"\n", - "2019-01-31 00:17:51,235 : INFO : topic #34 (0.020): 0.072*\"start\" + 0.040*\"cotton\" + 0.030*\"unionist\" + 0.018*\"american\" + 0.014*\"terri\" + 0.013*\"california\" + 0.013*\"north\" + 0.012*\"new\" + 0.012*\"toni\" + 0.011*\"violent\"\n", - "2019-01-31 00:17:51,237 : INFO : topic #45 (0.020): 0.018*\"black\" + 0.016*\"colder\" + 0.016*\"western\" + 0.014*\"record\" + 0.011*\"blind\" + 0.011*\"light\" + 0.008*\"green\" + 0.007*\"depress\" + 0.007*\"illicit\" + 0.007*\"hade\"\n", - "2019-01-31 00:17:51,238 : INFO : topic #0 (0.020): 0.070*\"statewid\" + 0.046*\"arsen\" + 0.040*\"line\" + 0.033*\"raid\" + 0.030*\"museo\" + 0.021*\"traceabl\" + 0.020*\"pain\" + 0.019*\"word\" + 0.018*\"artist\" + 0.016*\"exhaust\"\n", - "2019-01-31 00:17:51,239 : INFO : topic #30 (0.020): 0.040*\"leagu\" + 0.035*\"cleveland\" + 0.029*\"place\" + 0.028*\"crete\" + 0.026*\"taxpay\" + 0.023*\"scientist\" + 0.022*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.011*\"diversifi\"\n", - "2019-01-31 00:17:51,245 : INFO : topic diff=0.049907, rho=0.114708\n", - "2019-01-31 00:17:51,400 : INFO : PROGRESS: pass 0, at document #154000/4922894\n", - "2019-01-31 00:17:52,909 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:17:53,174 : INFO : topic #37 (0.020): 0.008*\"love\" + 0.006*\"gestur\" + 0.005*\"night\" + 0.005*\"man\" + 0.004*\"christma\" + 0.004*\"litig\" + 0.004*\"blue\" + 0.004*\"théori\" + 0.004*\"introductori\" + 0.004*\"place\"\n", - "2019-01-31 00:17:53,175 : INFO : topic #41 (0.020): 0.047*\"citi\" + 0.039*\"new\" + 0.023*\"palmer\" + 0.022*\"year\" + 0.019*\"center\" + 0.015*\"strategist\" + 0.010*\"open\" + 0.009*\"hot\" + 0.009*\"includ\" + 0.009*\"lobe\"\n", - "2019-01-31 00:17:53,176 : INFO : topic #18 (0.020): 0.008*\"théori\" + 0.006*\"later\" + 0.006*\"kill\" + 0.006*\"man\" + 0.005*\"sack\" + 0.005*\"deal\" + 0.005*\"retrospect\" + 0.004*\"dai\" + 0.004*\"fraud\" + 0.004*\"life\"\n", - "2019-01-31 00:17:53,177 : INFO : topic #34 (0.020): 0.072*\"start\" + 0.040*\"cotton\" + 0.030*\"unionist\" + 0.018*\"american\" + 0.014*\"terri\" + 0.014*\"california\" + 0.012*\"north\" + 0.012*\"toni\" + 0.012*\"new\" + 0.011*\"violent\"\n", - "2019-01-31 00:17:53,179 : INFO : topic #46 (0.020): 0.019*\"damag\" + 0.018*\"stop\" + 0.016*\"wind\" + 0.014*\"sweden\" + 0.014*\"norwai\" + 0.013*\"swedish\" + 0.011*\"treeless\" + 0.011*\"danish\" + 0.011*\"norwegian\" + 0.010*\"denmark\"\n", - "2019-01-31 00:17:53,185 : INFO : topic diff=0.046475, rho=0.113961\n", - "2019-01-31 00:17:53,338 : INFO : PROGRESS: pass 0, at document #156000/4922894\n", - "2019-01-31 00:17:54,834 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:17:55,100 : INFO : topic #20 (0.020): 0.123*\"scholar\" + 0.034*\"struggl\" + 0.030*\"high\" + 0.028*\"educ\" + 0.017*\"yawn\" + 0.014*\"collector\" + 0.012*\"prognosi\" + 0.009*\"commun\" + 0.008*\"task\" + 0.008*\"children\"\n", - "2019-01-31 00:17:55,101 : INFO : topic #2 (0.020): 0.044*\"isl\" + 0.041*\"shield\" + 0.020*\"narrat\" + 0.015*\"pope\" + 0.015*\"scot\" + 0.012*\"blur\" + 0.012*\"nativist\" + 0.010*\"coalit\" + 0.010*\"crew\" + 0.010*\"class\"\n", - "2019-01-31 00:17:55,103 : INFO : topic #22 (0.020): 0.036*\"spars\" + 0.028*\"factor\" + 0.023*\"adulthood\" + 0.018*\"hostil\" + 0.017*\"feel\" + 0.015*\"male\" + 0.012*\"genu\" + 0.012*\"popolo\" + 0.012*\"live\" + 0.010*\"yawn\"\n", - "2019-01-31 00:17:55,104 : INFO : topic #45 (0.020): 0.018*\"black\" + 0.017*\"colder\" + 0.016*\"record\" + 0.016*\"western\" + 0.011*\"blind\" + 0.010*\"light\" + 0.008*\"green\" + 0.007*\"depress\" + 0.007*\"illicit\" + 0.006*\"hand\"\n", - "2019-01-31 00:17:55,105 : INFO : topic #24 (0.020): 0.037*\"book\" + 0.031*\"publicis\" + 0.020*\"word\" + 0.014*\"new\" + 0.014*\"edit\" + 0.012*\"worldwid\" + 0.011*\"storag\" + 0.011*\"presid\" + 0.011*\"nicola\" + 0.011*\"magazin\"\n", - "2019-01-31 00:17:55,111 : INFO : topic diff=0.046562, rho=0.113228\n", - "2019-01-31 00:17:55,323 : INFO : PROGRESS: pass 0, at document #158000/4922894\n", - "2019-01-31 00:17:56,815 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:17:57,081 : INFO : topic #44 (0.020): 0.034*\"rooftop\" + 0.024*\"final\" + 0.022*\"wife\" + 0.018*\"tourist\" + 0.014*\"tiepolo\" + 0.013*\"taxpay\" + 0.013*\"champion\" + 0.013*\"chamber\" + 0.013*\"martin\" + 0.013*\"open\"\n", - "2019-01-31 00:17:57,082 : INFO : topic #11 (0.020): 0.030*\"john\" + 0.018*\"will\" + 0.014*\"jame\" + 0.012*\"rival\" + 0.012*\"david\" + 0.011*\"georg\" + 0.009*\"slur\" + 0.009*\"rhyme\" + 0.008*\"thirtieth\" + 0.008*\"mexican–american\"\n", - "2019-01-31 00:17:57,084 : INFO : topic #26 (0.020): 0.035*\"workplac\" + 0.034*\"champion\" + 0.032*\"woman\" + 0.025*\"olymp\" + 0.024*\"men\" + 0.022*\"medal\" + 0.022*\"event\" + 0.017*\"atheist\" + 0.017*\"théori\" + 0.017*\"taxpay\"\n", - "2019-01-31 00:17:57,085 : INFO : topic #36 (0.020): 0.027*\"companhia\" + 0.010*\"serv\" + 0.009*\"develop\" + 0.009*\"oper\" + 0.009*\"network\" + 0.009*\"manag\" + 0.009*\"market\" + 0.009*\"busi\" + 0.008*\"produc\" + 0.008*\"prognosi\"\n", - "2019-01-31 00:17:57,086 : INFO : topic #39 (0.020): 0.035*\"taxpay\" + 0.031*\"scientist\" + 0.028*\"canada\" + 0.023*\"canadian\" + 0.022*\"clot\" + 0.014*\"basketbal\" + 0.013*\"hoar\" + 0.013*\"ontario\" + 0.012*\"confer\" + 0.011*\"head\"\n", - "2019-01-31 00:17:57,092 : INFO : topic diff=0.047035, rho=0.112509\n", - "2019-01-31 00:17:59,843 : INFO : -11.752 per-word bound, 3448.6 perplexity estimate based on a held-out corpus of 2000 documents with 534019 words\n", - "2019-01-31 00:17:59,843 : INFO : PROGRESS: pass 0, at document #160000/4922894\n", - "2019-01-31 00:18:01,318 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:18:01,583 : INFO : topic #11 (0.020): 0.030*\"john\" + 0.018*\"will\" + 0.014*\"jame\" + 0.012*\"rival\" + 0.012*\"david\" + 0.011*\"georg\" + 0.009*\"slur\" + 0.009*\"rhyme\" + 0.008*\"thirtieth\" + 0.008*\"mexican–american\"\n", - "2019-01-31 00:18:01,584 : INFO : topic #13 (0.020): 0.028*\"australia\" + 0.025*\"sourc\" + 0.024*\"london\" + 0.022*\"australian\" + 0.020*\"england\" + 0.020*\"ireland\" + 0.018*\"new\" + 0.016*\"wale\" + 0.015*\"youth\" + 0.013*\"north\"\n", - "2019-01-31 00:18:01,585 : INFO : topic #12 (0.020): 0.010*\"number\" + 0.007*\"frontal\" + 0.007*\"exampl\" + 0.006*\"turn\" + 0.006*\"gener\" + 0.006*\"théori\" + 0.006*\"uruguayan\" + 0.006*\"servitud\" + 0.006*\"poet\" + 0.006*\"southern\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:18:01,586 : INFO : topic #21 (0.020): 0.035*\"samford\" + 0.023*\"spain\" + 0.020*\"del\" + 0.019*\"soviet\" + 0.017*\"mexico\" + 0.012*\"juan\" + 0.012*\"santa\" + 0.012*\"francisco\" + 0.011*\"josé\" + 0.010*\"carlo\"\n", - "2019-01-31 00:18:01,587 : INFO : topic #33 (0.020): 0.059*\"french\" + 0.043*\"franc\" + 0.033*\"jean\" + 0.030*\"pari\" + 0.024*\"sail\" + 0.017*\"daphn\" + 0.016*\"piec\" + 0.014*\"focal\" + 0.013*\"lazi\" + 0.012*\"loui\"\n", - "2019-01-31 00:18:01,593 : INFO : topic diff=0.045646, rho=0.111803\n", - "2019-01-31 00:18:01,749 : INFO : PROGRESS: pass 0, at document #162000/4922894\n", - "2019-01-31 00:18:03,246 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:18:03,511 : INFO : topic #28 (0.020): 0.027*\"build\" + 0.024*\"hous\" + 0.021*\"rivièr\" + 0.016*\"buford\" + 0.011*\"rosenwald\" + 0.011*\"histor\" + 0.010*\"constitut\" + 0.009*\"silicon\" + 0.009*\"briarwood\" + 0.009*\"lobe\"\n", - "2019-01-31 00:18:03,513 : INFO : topic #9 (0.020): 0.067*\"bone\" + 0.040*\"american\" + 0.025*\"valour\" + 0.018*\"folei\" + 0.017*\"dutch\" + 0.016*\"player\" + 0.014*\"polit\" + 0.013*\"english\" + 0.010*\"simpler\" + 0.009*\"surnam\"\n", - "2019-01-31 00:18:03,514 : INFO : topic #44 (0.020): 0.034*\"rooftop\" + 0.024*\"final\" + 0.023*\"wife\" + 0.019*\"tourist\" + 0.015*\"champion\" + 0.015*\"open\" + 0.014*\"tiepolo\" + 0.014*\"chamber\" + 0.013*\"winner\" + 0.013*\"taxpay\"\n", - "2019-01-31 00:18:03,515 : INFO : topic #12 (0.020): 0.010*\"number\" + 0.007*\"frontal\" + 0.007*\"exampl\" + 0.006*\"turn\" + 0.006*\"gener\" + 0.006*\"uruguayan\" + 0.006*\"théori\" + 0.006*\"servitud\" + 0.006*\"poet\" + 0.006*\"utopian\"\n", - "2019-01-31 00:18:03,517 : INFO : topic #25 (0.020): 0.028*\"ring\" + 0.016*\"lagrang\" + 0.015*\"warmth\" + 0.014*\"area\" + 0.014*\"mount\" + 0.009*\"north\" + 0.008*\"foam\" + 0.008*\"palmer\" + 0.007*\"near\" + 0.007*\"firm\"\n", - "2019-01-31 00:18:03,522 : INFO : topic diff=0.043966, rho=0.111111\n", - "2019-01-31 00:18:03,673 : INFO : PROGRESS: pass 0, at document #164000/4922894\n", - "2019-01-31 00:18:05,155 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:18:05,421 : INFO : topic #9 (0.020): 0.066*\"bone\" + 0.039*\"american\" + 0.026*\"valour\" + 0.017*\"folei\" + 0.017*\"dutch\" + 0.015*\"player\" + 0.014*\"polit\" + 0.013*\"english\" + 0.010*\"simpler\" + 0.009*\"acrimoni\"\n", - "2019-01-31 00:18:05,423 : INFO : topic #30 (0.020): 0.037*\"leagu\" + 0.036*\"cleveland\" + 0.029*\"place\" + 0.026*\"crete\" + 0.025*\"taxpay\" + 0.022*\"scientist\" + 0.021*\"folei\" + 0.016*\"martin\" + 0.016*\"goal\" + 0.011*\"schmitz\"\n", - "2019-01-31 00:18:05,424 : INFO : topic #1 (0.020): 0.055*\"chilton\" + 0.045*\"china\" + 0.023*\"kong\" + 0.023*\"hong\" + 0.023*\"korea\" + 0.019*\"korean\" + 0.018*\"kim\" + 0.017*\"leah\" + 0.013*\"sourc\" + 0.012*\"min\"\n", - "2019-01-31 00:18:05,425 : INFO : topic #2 (0.020): 0.048*\"shield\" + 0.041*\"isl\" + 0.025*\"narrat\" + 0.014*\"scot\" + 0.014*\"pope\" + 0.014*\"capshaw\" + 0.010*\"nativist\" + 0.010*\"blur\" + 0.010*\"bahá\" + 0.009*\"coalit\"\n", - "2019-01-31 00:18:05,427 : INFO : topic #23 (0.020): 0.134*\"audit\" + 0.066*\"best\" + 0.033*\"jacksonvil\" + 0.032*\"yawn\" + 0.025*\"japanes\" + 0.022*\"noll\" + 0.020*\"women\" + 0.019*\"festiv\" + 0.015*\"prison\" + 0.013*\"winner\"\n", - "2019-01-31 00:18:05,432 : INFO : topic diff=0.040320, rho=0.110432\n", - "2019-01-31 00:18:05,590 : INFO : PROGRESS: pass 0, at document #166000/4922894\n", - "2019-01-31 00:18:07,107 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:18:07,372 : INFO : topic #36 (0.020): 0.028*\"companhia\" + 0.010*\"serv\" + 0.009*\"develop\" + 0.009*\"network\" + 0.009*\"busi\" + 0.009*\"manag\" + 0.009*\"oper\" + 0.009*\"market\" + 0.008*\"produc\" + 0.007*\"prognosi\"\n", - "2019-01-31 00:18:07,373 : INFO : topic #16 (0.020): 0.028*\"priest\" + 0.019*\"quarterli\" + 0.017*\"duke\" + 0.015*\"rotterdam\" + 0.015*\"king\" + 0.012*\"princ\" + 0.012*\"maria\" + 0.012*\"grammat\" + 0.010*\"count\" + 0.009*\"portugues\"\n", - "2019-01-31 00:18:07,375 : INFO : topic #45 (0.020): 0.019*\"black\" + 0.016*\"colder\" + 0.015*\"western\" + 0.015*\"record\" + 0.013*\"blind\" + 0.009*\"light\" + 0.007*\"green\" + 0.007*\"depress\" + 0.007*\"illicit\" + 0.006*\"hand\"\n", - "2019-01-31 00:18:07,376 : INFO : topic #49 (0.020): 0.041*\"india\" + 0.032*\"incumb\" + 0.014*\"pakistan\" + 0.012*\"televis\" + 0.009*\"start\" + 0.009*\"khalsa\" + 0.008*\"islam\" + 0.008*\"sri\" + 0.008*\"singh\" + 0.008*\"muskoge\"\n", - "2019-01-31 00:18:07,377 : INFO : topic #9 (0.020): 0.071*\"bone\" + 0.039*\"american\" + 0.025*\"valour\" + 0.017*\"folei\" + 0.016*\"dutch\" + 0.015*\"player\" + 0.014*\"polit\" + 0.013*\"english\" + 0.010*\"simpler\" + 0.009*\"surnam\"\n", - "2019-01-31 00:18:07,383 : INFO : topic diff=0.042581, rho=0.109764\n", - "2019-01-31 00:18:07,534 : INFO : PROGRESS: pass 0, at document #168000/4922894\n", - "2019-01-31 00:18:08,996 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:18:09,261 : INFO : topic #23 (0.020): 0.133*\"audit\" + 0.065*\"best\" + 0.035*\"jacksonvil\" + 0.031*\"yawn\" + 0.028*\"japanes\" + 0.022*\"noll\" + 0.020*\"women\" + 0.020*\"festiv\" + 0.014*\"prison\" + 0.013*\"intern\"\n", - "2019-01-31 00:18:09,262 : INFO : topic #20 (0.020): 0.128*\"scholar\" + 0.033*\"struggl\" + 0.028*\"high\" + 0.028*\"educ\" + 0.018*\"yawn\" + 0.012*\"collector\" + 0.012*\"prognosi\" + 0.012*\"district\" + 0.009*\"task\" + 0.009*\"electron\"\n", - "2019-01-31 00:18:09,264 : INFO : topic #49 (0.020): 0.042*\"india\" + 0.033*\"incumb\" + 0.013*\"pakistan\" + 0.012*\"televis\" + 0.010*\"start\" + 0.009*\"islam\" + 0.008*\"khalsa\" + 0.008*\"singh\" + 0.008*\"sri\" + 0.008*\"tajikistan\"\n", - "2019-01-31 00:18:09,265 : INFO : topic #42 (0.020): 0.037*\"german\" + 0.022*\"germani\" + 0.012*\"jewish\" + 0.012*\"der\" + 0.011*\"vol\" + 0.010*\"greek\" + 0.010*\"israel\" + 0.010*\"berlin\" + 0.008*\"anglo\" + 0.007*\"und\"\n", - "2019-01-31 00:18:09,266 : INFO : topic #39 (0.020): 0.034*\"taxpay\" + 0.029*\"scientist\" + 0.027*\"canada\" + 0.024*\"canadian\" + 0.022*\"clot\" + 0.015*\"basketbal\" + 0.013*\"hoar\" + 0.012*\"toronto\" + 0.012*\"confer\" + 0.012*\"ontario\"\n", - "2019-01-31 00:18:09,272 : INFO : topic diff=0.041998, rho=0.109109\n", - "2019-01-31 00:18:09,424 : INFO : PROGRESS: pass 0, at document #170000/4922894\n", - "2019-01-31 00:18:10,902 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:18:11,168 : INFO : topic #21 (0.020): 0.034*\"samford\" + 0.023*\"spain\" + 0.020*\"del\" + 0.019*\"mexico\" + 0.016*\"soviet\" + 0.014*\"santa\" + 0.012*\"juan\" + 0.011*\"josé\" + 0.011*\"antiqu\" + 0.010*\"francisco\"\n", - "2019-01-31 00:18:11,169 : INFO : topic #11 (0.020): 0.028*\"john\" + 0.017*\"will\" + 0.014*\"jame\" + 0.012*\"rival\" + 0.012*\"david\" + 0.011*\"georg\" + 0.009*\"slur\" + 0.009*\"rhyme\" + 0.008*\"thirtieth\" + 0.008*\"mexican–american\"\n", - "2019-01-31 00:18:11,170 : INFO : topic #20 (0.020): 0.127*\"scholar\" + 0.032*\"struggl\" + 0.028*\"high\" + 0.028*\"educ\" + 0.018*\"yawn\" + 0.012*\"collector\" + 0.012*\"prognosi\" + 0.012*\"district\" + 0.009*\"task\" + 0.009*\"electron\"\n", - "2019-01-31 00:18:11,171 : INFO : topic #10 (0.020): 0.013*\"cdd\" + 0.008*\"media\" + 0.007*\"disco\" + 0.007*\"pathwai\" + 0.006*\"caus\" + 0.006*\"effect\" + 0.006*\"treat\" + 0.006*\"activ\" + 0.006*\"proper\" + 0.005*\"acid\"\n", - "2019-01-31 00:18:11,172 : INFO : topic #0 (0.020): 0.071*\"statewid\" + 0.046*\"arsen\" + 0.037*\"line\" + 0.032*\"raid\" + 0.032*\"museo\" + 0.021*\"traceabl\" + 0.020*\"pain\" + 0.019*\"word\" + 0.017*\"artist\" + 0.015*\"exhaust\"\n", - "2019-01-31 00:18:11,178 : INFO : topic diff=0.041250, rho=0.108465\n", - "2019-01-31 00:18:11,335 : INFO : PROGRESS: pass 0, at document #172000/4922894\n", - "2019-01-31 00:18:12,834 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:18:13,100 : INFO : topic #19 (0.020): 0.009*\"like\" + 0.009*\"origin\" + 0.008*\"form\" + 0.008*\"woodcut\" + 0.007*\"mean\" + 0.007*\"uruguayan\" + 0.007*\"charact\" + 0.007*\"differ\" + 0.006*\"dynam\" + 0.005*\"anim\"\n", - "2019-01-31 00:18:13,101 : INFO : topic #4 (0.020): 0.026*\"enfranchis\" + 0.016*\"depress\" + 0.015*\"pour\" + 0.013*\"candid\" + 0.011*\"mode\" + 0.010*\"elabor\" + 0.010*\"veget\" + 0.008*\"spectacl\" + 0.008*\"produc\" + 0.007*\"turn\"\n", - "2019-01-31 00:18:13,102 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"southern\" + 0.007*\"frontal\" + 0.006*\"exampl\" + 0.006*\"théori\" + 0.006*\"cytokin\" + 0.006*\"poet\" + 0.006*\"servitud\" + 0.006*\"gener\" + 0.006*\"uruguayan\"\n", - "2019-01-31 00:18:13,102 : INFO : topic #8 (0.020): 0.028*\"law\" + 0.025*\"cortic\" + 0.021*\"start\" + 0.020*\"act\" + 0.017*\"ricardo\" + 0.013*\"case\" + 0.010*\"polaris\" + 0.009*\"legal\" + 0.009*\"unionist\" + 0.008*\"feder\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:18:13,103 : INFO : topic #41 (0.020): 0.049*\"citi\" + 0.039*\"new\" + 0.024*\"palmer\" + 0.022*\"year\" + 0.017*\"center\" + 0.016*\"strategist\" + 0.010*\"open\" + 0.009*\"hot\" + 0.009*\"includ\" + 0.008*\"lobe\"\n", - "2019-01-31 00:18:13,109 : INFO : topic diff=0.041530, rho=0.107833\n", - "2019-01-31 00:18:13,264 : INFO : PROGRESS: pass 0, at document #174000/4922894\n", - "2019-01-31 00:18:14,756 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:18:15,021 : INFO : topic #2 (0.020): 0.053*\"isl\" + 0.043*\"shield\" + 0.022*\"narrat\" + 0.014*\"scot\" + 0.013*\"pope\" + 0.011*\"capshaw\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.010*\"blur\" + 0.009*\"bahá\"\n", - "2019-01-31 00:18:15,022 : INFO : topic #14 (0.020): 0.023*\"walter\" + 0.022*\"forc\" + 0.020*\"aggress\" + 0.019*\"armi\" + 0.017*\"com\" + 0.015*\"unionist\" + 0.012*\"militari\" + 0.012*\"refut\" + 0.012*\"oper\" + 0.011*\"diversifi\"\n", - "2019-01-31 00:18:15,023 : INFO : topic #41 (0.020): 0.049*\"citi\" + 0.039*\"new\" + 0.024*\"palmer\" + 0.021*\"year\" + 0.017*\"strategist\" + 0.017*\"center\" + 0.011*\"open\" + 0.009*\"includ\" + 0.009*\"hot\" + 0.008*\"lobe\"\n", - "2019-01-31 00:18:15,025 : INFO : topic #9 (0.020): 0.068*\"bone\" + 0.040*\"american\" + 0.026*\"valour\" + 0.017*\"dutch\" + 0.017*\"folei\" + 0.017*\"player\" + 0.015*\"polit\" + 0.015*\"english\" + 0.010*\"simpler\" + 0.010*\"surnam\"\n", - "2019-01-31 00:18:15,026 : INFO : topic #25 (0.020): 0.028*\"ring\" + 0.015*\"lagrang\" + 0.015*\"warmth\" + 0.015*\"mount\" + 0.015*\"area\" + 0.008*\"north\" + 0.008*\"foam\" + 0.007*\"palmer\" + 0.007*\"land\" + 0.007*\"lobe\"\n", - "2019-01-31 00:18:15,032 : INFO : topic diff=0.037128, rho=0.107211\n", - "2019-01-31 00:18:15,183 : INFO : PROGRESS: pass 0, at document #176000/4922894\n", - "2019-01-31 00:18:16,676 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:18:16,941 : INFO : topic #47 (0.020): 0.067*\"muscl\" + 0.033*\"perceptu\" + 0.020*\"damn\" + 0.019*\"compos\" + 0.017*\"place\" + 0.016*\"theater\" + 0.014*\"olympo\" + 0.014*\"orchestr\" + 0.013*\"word\" + 0.013*\"jack\"\n", - "2019-01-31 00:18:16,943 : INFO : topic #46 (0.020): 0.021*\"wind\" + 0.018*\"damag\" + 0.017*\"stop\" + 0.016*\"norwai\" + 0.014*\"sweden\" + 0.011*\"swedish\" + 0.011*\"turkish\" + 0.011*\"treeless\" + 0.011*\"norwegian\" + 0.011*\"huntsvil\"\n", - "2019-01-31 00:18:16,944 : INFO : topic #48 (0.020): 0.081*\"august\" + 0.076*\"januari\" + 0.076*\"octob\" + 0.075*\"march\" + 0.074*\"juli\" + 0.073*\"sens\" + 0.069*\"judici\" + 0.069*\"notion\" + 0.068*\"april\" + 0.065*\"decatur\"\n", - "2019-01-31 00:18:16,945 : INFO : topic #8 (0.020): 0.028*\"law\" + 0.023*\"cortic\" + 0.022*\"start\" + 0.019*\"act\" + 0.017*\"ricardo\" + 0.013*\"case\" + 0.009*\"polaris\" + 0.009*\"legal\" + 0.009*\"unionist\" + 0.008*\"justic\"\n", - "2019-01-31 00:18:16,946 : INFO : topic #29 (0.020): 0.013*\"govern\" + 0.011*\"start\" + 0.009*\"replac\" + 0.008*\"countri\" + 0.007*\"yawn\" + 0.006*\"nation\" + 0.006*\"summerhil\" + 0.006*\"million\" + 0.006*\"new\" + 0.005*\"théori\"\n", - "2019-01-31 00:18:16,952 : INFO : topic diff=0.039723, rho=0.106600\n", - "2019-01-31 00:18:17,108 : INFO : PROGRESS: pass 0, at document #178000/4922894\n", - "2019-01-31 00:18:18,617 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:18:18,883 : INFO : topic #43 (0.020): 0.069*\"elect\" + 0.057*\"parti\" + 0.025*\"voluntari\" + 0.023*\"member\" + 0.022*\"democrat\" + 0.017*\"polici\" + 0.015*\"republ\" + 0.014*\"bypass\" + 0.014*\"seaport\" + 0.013*\"report\"\n", - "2019-01-31 00:18:18,884 : INFO : topic #45 (0.020): 0.018*\"black\" + 0.016*\"western\" + 0.015*\"colder\" + 0.014*\"record\" + 0.012*\"blind\" + 0.009*\"light\" + 0.008*\"green\" + 0.007*\"illicit\" + 0.006*\"color\" + 0.006*\"arm\"\n", - "2019-01-31 00:18:18,885 : INFO : topic #11 (0.020): 0.028*\"john\" + 0.016*\"will\" + 0.014*\"jame\" + 0.013*\"rival\" + 0.012*\"david\" + 0.011*\"georg\" + 0.009*\"rhyme\" + 0.008*\"slur\" + 0.008*\"mexican–american\" + 0.008*\"thirtieth\"\n", - "2019-01-31 00:18:18,886 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.019*\"di\" + 0.017*\"factor\" + 0.014*\"yawn\" + 0.013*\"deal\" + 0.013*\"margin\" + 0.013*\"faster\" + 0.011*\"john\" + 0.011*\"daughter\" + 0.011*\"bone\"\n", - "2019-01-31 00:18:18,887 : INFO : topic #41 (0.020): 0.049*\"citi\" + 0.039*\"new\" + 0.024*\"palmer\" + 0.021*\"year\" + 0.017*\"strategist\" + 0.016*\"center\" + 0.011*\"open\" + 0.009*\"hot\" + 0.009*\"includ\" + 0.008*\"lobe\"\n", - "2019-01-31 00:18:18,893 : INFO : topic diff=0.036481, rho=0.106000\n", - "2019-01-31 00:18:21,674 : INFO : -11.775 per-word bound, 3505.3 perplexity estimate based on a held-out corpus of 2000 documents with 552825 words\n", - "2019-01-31 00:18:21,675 : INFO : PROGRESS: pass 0, at document #180000/4922894\n", - "2019-01-31 00:18:23,155 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:18:23,420 : INFO : topic #33 (0.020): 0.053*\"french\" + 0.041*\"franc\" + 0.028*\"pari\" + 0.027*\"jean\" + 0.021*\"sail\" + 0.020*\"daphn\" + 0.015*\"piec\" + 0.014*\"lazi\" + 0.012*\"focal\" + 0.011*\"loui\"\n", - "2019-01-31 00:18:23,422 : INFO : topic #27 (0.020): 0.069*\"questionnair\" + 0.018*\"taxpay\" + 0.017*\"tornado\" + 0.013*\"candid\" + 0.012*\"driver\" + 0.011*\"horac\" + 0.011*\"find\" + 0.011*\"yawn\" + 0.011*\"squatter\" + 0.011*\"champion\"\n", - "2019-01-31 00:18:23,423 : INFO : topic #40 (0.020): 0.080*\"unit\" + 0.029*\"collector\" + 0.018*\"institut\" + 0.016*\"schuster\" + 0.014*\"professor\" + 0.014*\"student\" + 0.012*\"governor\" + 0.012*\"american\" + 0.012*\"degre\" + 0.011*\"word\"\n", - "2019-01-31 00:18:23,424 : INFO : topic #19 (0.020): 0.009*\"like\" + 0.009*\"origin\" + 0.008*\"form\" + 0.008*\"woodcut\" + 0.007*\"mean\" + 0.007*\"charact\" + 0.007*\"uruguayan\" + 0.007*\"differ\" + 0.006*\"dynam\" + 0.006*\"god\"\n", - "2019-01-31 00:18:23,425 : INFO : topic #39 (0.020): 0.033*\"taxpay\" + 0.029*\"scientist\" + 0.026*\"canada\" + 0.024*\"canadian\" + 0.021*\"clot\" + 0.015*\"basketbal\" + 0.014*\"toronto\" + 0.012*\"hoar\" + 0.012*\"ontario\" + 0.011*\"confer\"\n", - "2019-01-31 00:18:23,431 : INFO : topic diff=0.035389, rho=0.105409\n", - "2019-01-31 00:18:23,587 : INFO : PROGRESS: pass 0, at document #182000/4922894\n", - "2019-01-31 00:18:25,087 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:18:25,352 : INFO : topic #25 (0.020): 0.027*\"ring\" + 0.017*\"lagrang\" + 0.016*\"mount\" + 0.016*\"warmth\" + 0.015*\"area\" + 0.008*\"foam\" + 0.008*\"north\" + 0.008*\"palmer\" + 0.007*\"land\" + 0.007*\"vacant\"\n", - "2019-01-31 00:18:25,354 : INFO : topic #32 (0.020): 0.068*\"district\" + 0.051*\"vigour\" + 0.045*\"popolo\" + 0.040*\"tortur\" + 0.030*\"area\" + 0.030*\"regim\" + 0.028*\"multitud\" + 0.027*\"cotton\" + 0.020*\"commun\" + 0.020*\"prosper\"\n", - "2019-01-31 00:18:25,355 : INFO : topic #34 (0.020): 0.075*\"start\" + 0.042*\"cotton\" + 0.028*\"unionist\" + 0.019*\"american\" + 0.014*\"california\" + 0.013*\"terri\" + 0.013*\"new\" + 0.012*\"north\" + 0.011*\"violent\" + 0.010*\"obes\"\n", - "2019-01-31 00:18:25,356 : INFO : topic #20 (0.020): 0.129*\"scholar\" + 0.034*\"struggl\" + 0.029*\"high\" + 0.028*\"educ\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.012*\"collector\" + 0.011*\"district\" + 0.009*\"task\" + 0.008*\"gothic\"\n", - "2019-01-31 00:18:25,358 : INFO : topic #17 (0.020): 0.062*\"church\" + 0.021*\"fifteenth\" + 0.020*\"jpg\" + 0.019*\"cathol\" + 0.017*\"christian\" + 0.017*\"centuri\" + 0.016*\"bishop\" + 0.016*\"retroflex\" + 0.015*\"sail\" + 0.013*\"italian\"\n", - "2019-01-31 00:18:25,363 : INFO : topic diff=0.037979, rho=0.104828\n", - "2019-01-31 00:18:25,518 : INFO : PROGRESS: pass 0, at document #184000/4922894\n", - "2019-01-31 00:18:26,995 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:18:27,260 : INFO : topic #13 (0.020): 0.032*\"australia\" + 0.026*\"sourc\" + 0.024*\"australian\" + 0.023*\"london\" + 0.022*\"england\" + 0.021*\"ireland\" + 0.020*\"new\" + 0.016*\"youth\" + 0.014*\"wale\" + 0.014*\"british\"\n", - "2019-01-31 00:18:27,261 : INFO : topic #11 (0.020): 0.028*\"john\" + 0.015*\"will\" + 0.014*\"jame\" + 0.013*\"rival\" + 0.012*\"david\" + 0.011*\"georg\" + 0.009*\"rhyme\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.007*\"paul\"\n", - "2019-01-31 00:18:27,262 : INFO : topic #36 (0.020): 0.027*\"companhia\" + 0.009*\"serv\" + 0.009*\"prognosi\" + 0.009*\"develop\" + 0.009*\"oper\" + 0.009*\"manag\" + 0.009*\"market\" + 0.009*\"busi\" + 0.008*\"produc\" + 0.008*\"network\"\n", - "2019-01-31 00:18:27,263 : INFO : topic #16 (0.020): 0.026*\"priest\" + 0.019*\"king\" + 0.017*\"quarterli\" + 0.016*\"duke\" + 0.016*\"maria\" + 0.014*\"klux\" + 0.014*\"rotterdam\" + 0.012*\"grammat\" + 0.012*\"princ\" + 0.010*\"count\"\n", - "2019-01-31 00:18:27,264 : INFO : topic #25 (0.020): 0.027*\"ring\" + 0.018*\"lagrang\" + 0.016*\"warmth\" + 0.016*\"mount\" + 0.015*\"area\" + 0.008*\"north\" + 0.008*\"foam\" + 0.008*\"land\" + 0.007*\"palmer\" + 0.007*\"vacant\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:18:27,270 : INFO : topic diff=0.036239, rho=0.104257\n", - "2019-01-31 00:18:27,428 : INFO : PROGRESS: pass 0, at document #186000/4922894\n", - "2019-01-31 00:18:28,957 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:18:29,223 : INFO : topic #27 (0.020): 0.071*\"questionnair\" + 0.019*\"taxpay\" + 0.015*\"tornado\" + 0.015*\"candid\" + 0.013*\"driver\" + 0.012*\"fool\" + 0.011*\"find\" + 0.011*\"horac\" + 0.011*\"squatter\" + 0.010*\"yawn\"\n", - "2019-01-31 00:18:29,224 : INFO : topic #48 (0.020): 0.079*\"sens\" + 0.078*\"march\" + 0.078*\"august\" + 0.077*\"octob\" + 0.074*\"juli\" + 0.074*\"januari\" + 0.069*\"judici\" + 0.069*\"notion\" + 0.068*\"april\" + 0.066*\"decatur\"\n", - "2019-01-31 00:18:29,225 : INFO : topic #13 (0.020): 0.031*\"australia\" + 0.025*\"sourc\" + 0.023*\"australian\" + 0.022*\"london\" + 0.021*\"england\" + 0.020*\"ireland\" + 0.020*\"new\" + 0.018*\"youth\" + 0.016*\"british\" + 0.014*\"wale\"\n", - "2019-01-31 00:18:29,226 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.032*\"offic\" + 0.025*\"seri\" + 0.024*\"minist\" + 0.018*\"gener\" + 0.017*\"serv\" + 0.016*\"chickasaw\" + 0.016*\"member\" + 0.014*\"appeas\" + 0.013*\"secess\"\n", - "2019-01-31 00:18:29,227 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.047*\"arsen\" + 0.035*\"raid\" + 0.033*\"line\" + 0.033*\"museo\" + 0.020*\"word\" + 0.020*\"pain\" + 0.019*\"traceabl\" + 0.019*\"artist\" + 0.015*\"exhaust\"\n", - "2019-01-31 00:18:29,233 : INFO : topic diff=0.037878, rho=0.103695\n", - "2019-01-31 00:18:29,383 : INFO : PROGRESS: pass 0, at document #188000/4922894\n", - "2019-01-31 00:18:30,849 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:18:31,114 : INFO : topic #1 (0.020): 0.059*\"chilton\" + 0.048*\"china\" + 0.027*\"hong\" + 0.027*\"kong\" + 0.022*\"korea\" + 0.019*\"korean\" + 0.017*\"leah\" + 0.015*\"sourc\" + 0.014*\"kim\" + 0.010*\"summer\"\n", - "2019-01-31 00:18:31,115 : INFO : topic #41 (0.020): 0.046*\"citi\" + 0.039*\"new\" + 0.026*\"palmer\" + 0.022*\"year\" + 0.016*\"center\" + 0.015*\"strategist\" + 0.010*\"open\" + 0.009*\"includ\" + 0.009*\"hot\" + 0.008*\"lobe\"\n", - "2019-01-31 00:18:31,117 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.035*\"cleveland\" + 0.029*\"place\" + 0.026*\"taxpay\" + 0.024*\"crete\" + 0.022*\"scientist\" + 0.021*\"folei\" + 0.017*\"martin\" + 0.016*\"goal\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:18:31,118 : INFO : topic #32 (0.020): 0.064*\"district\" + 0.050*\"vigour\" + 0.047*\"tortur\" + 0.046*\"popolo\" + 0.030*\"regim\" + 0.029*\"area\" + 0.027*\"multitud\" + 0.026*\"cotton\" + 0.021*\"prosper\" + 0.020*\"commun\"\n", - "2019-01-31 00:18:31,119 : INFO : topic #39 (0.020): 0.031*\"taxpay\" + 0.029*\"scientist\" + 0.026*\"canada\" + 0.024*\"canadian\" + 0.023*\"clot\" + 0.015*\"basketbal\" + 0.014*\"toronto\" + 0.012*\"ontario\" + 0.012*\"confer\" + 0.012*\"hoar\"\n", - "2019-01-31 00:18:31,125 : INFO : topic diff=0.035583, rho=0.103142\n", - "2019-01-31 00:18:31,329 : INFO : PROGRESS: pass 0, at document #190000/4922894\n", - "2019-01-31 00:18:32,817 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:18:33,083 : INFO : topic #46 (0.020): 0.020*\"damag\" + 0.018*\"wind\" + 0.016*\"norwai\" + 0.015*\"sweden\" + 0.014*\"stop\" + 0.014*\"swedish\" + 0.012*\"turkei\" + 0.012*\"earthquak\" + 0.012*\"turkish\" + 0.011*\"norwegian\"\n", - "2019-01-31 00:18:33,084 : INFO : topic #15 (0.020): 0.014*\"requir\" + 0.013*\"develop\" + 0.012*\"small\" + 0.010*\"cultur\" + 0.010*\"word\" + 0.009*\"organ\" + 0.009*\"student\" + 0.008*\"socialist\" + 0.008*\"commun\" + 0.008*\"human\"\n", - "2019-01-31 00:18:33,085 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.032*\"offic\" + 0.025*\"seri\" + 0.025*\"minist\" + 0.018*\"gener\" + 0.016*\"serv\" + 0.016*\"chickasaw\" + 0.016*\"member\" + 0.014*\"appeas\" + 0.013*\"secess\"\n", - "2019-01-31 00:18:33,086 : INFO : topic #16 (0.020): 0.029*\"priest\" + 0.020*\"king\" + 0.018*\"quarterli\" + 0.018*\"duke\" + 0.016*\"klux\" + 0.014*\"maria\" + 0.014*\"rotterdam\" + 0.013*\"princ\" + 0.013*\"portugues\" + 0.012*\"grammat\"\n", - "2019-01-31 00:18:33,088 : INFO : topic #20 (0.020): 0.126*\"scholar\" + 0.036*\"struggl\" + 0.029*\"educ\" + 0.028*\"high\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.012*\"collector\" + 0.010*\"district\" + 0.009*\"gothic\" + 0.008*\"task\"\n", - "2019-01-31 00:18:33,094 : INFO : topic diff=0.035430, rho=0.102598\n", - "2019-01-31 00:18:33,255 : INFO : PROGRESS: pass 0, at document #192000/4922894\n", - "2019-01-31 00:18:34,776 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:18:35,041 : INFO : topic #32 (0.020): 0.064*\"district\" + 0.050*\"vigour\" + 0.046*\"tortur\" + 0.045*\"popolo\" + 0.030*\"regim\" + 0.029*\"area\" + 0.027*\"multitud\" + 0.025*\"cotton\" + 0.022*\"prosper\" + 0.021*\"commun\"\n", - "2019-01-31 00:18:35,042 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"southern\" + 0.007*\"frontal\" + 0.006*\"poet\" + 0.006*\"exampl\" + 0.006*\"théori\" + 0.006*\"measur\" + 0.006*\"gener\" + 0.005*\"cytokin\" + 0.005*\"uruguayan\"\n", - "2019-01-31 00:18:35,044 : INFO : topic #46 (0.020): 0.020*\"damag\" + 0.017*\"wind\" + 0.015*\"norwai\" + 0.015*\"sweden\" + 0.014*\"swedish\" + 0.014*\"stop\" + 0.012*\"turkish\" + 0.012*\"turkei\" + 0.012*\"earthquak\" + 0.011*\"norwegian\"\n", - "2019-01-31 00:18:35,045 : INFO : topic #11 (0.020): 0.029*\"john\" + 0.016*\"will\" + 0.014*\"jame\" + 0.012*\"rival\" + 0.012*\"david\" + 0.011*\"georg\" + 0.010*\"slur\" + 0.009*\"rhyme\" + 0.008*\"mexican–american\" + 0.007*\"thirtieth\"\n", - "2019-01-31 00:18:35,046 : INFO : topic #41 (0.020): 0.046*\"citi\" + 0.039*\"new\" + 0.025*\"palmer\" + 0.022*\"year\" + 0.016*\"center\" + 0.015*\"strategist\" + 0.010*\"open\" + 0.009*\"includ\" + 0.008*\"lobe\" + 0.008*\"hot\"\n", - "2019-01-31 00:18:35,051 : INFO : topic diff=0.039348, rho=0.102062\n", - "2019-01-31 00:18:35,207 : INFO : PROGRESS: pass 0, at document #194000/4922894\n", - "2019-01-31 00:18:36,705 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:18:36,971 : INFO : topic #26 (0.020): 0.033*\"workplac\" + 0.031*\"champion\" + 0.030*\"woman\" + 0.026*\"men\" + 0.024*\"olymp\" + 0.023*\"event\" + 0.021*\"alic\" + 0.020*\"medal\" + 0.017*\"atheist\" + 0.017*\"théori\"\n", - "2019-01-31 00:18:36,972 : INFO : topic #9 (0.020): 0.066*\"bone\" + 0.038*\"american\" + 0.031*\"valour\" + 0.017*\"dutch\" + 0.017*\"folei\" + 0.016*\"player\" + 0.016*\"polit\" + 0.014*\"english\" + 0.010*\"surnam\" + 0.010*\"simpler\"\n", - "2019-01-31 00:18:36,973 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.031*\"offic\" + 0.025*\"seri\" + 0.024*\"minist\" + 0.018*\"gener\" + 0.016*\"chickasaw\" + 0.016*\"serv\" + 0.016*\"member\" + 0.015*\"appeas\" + 0.012*\"secess\"\n", - "2019-01-31 00:18:36,974 : INFO : topic #35 (0.020): 0.046*\"russia\" + 0.033*\"sovereignti\" + 0.030*\"rural\" + 0.026*\"reprint\" + 0.023*\"personifi\" + 0.019*\"unfortun\" + 0.018*\"moscow\" + 0.016*\"poison\" + 0.014*\"intern\" + 0.013*\"shirin\"\n", - "2019-01-31 00:18:36,975 : INFO : topic #41 (0.020): 0.046*\"citi\" + 0.039*\"new\" + 0.025*\"palmer\" + 0.022*\"year\" + 0.015*\"center\" + 0.015*\"strategist\" + 0.010*\"open\" + 0.009*\"includ\" + 0.008*\"lobe\" + 0.008*\"hot\"\n", - "2019-01-31 00:18:36,981 : INFO : topic diff=0.031677, rho=0.101535\n", - "2019-01-31 00:18:37,134 : INFO : PROGRESS: pass 0, at document #196000/4922894\n", - "2019-01-31 00:18:38,610 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:18:38,876 : INFO : topic #45 (0.020): 0.022*\"black\" + 0.016*\"western\" + 0.015*\"colder\" + 0.013*\"record\" + 0.011*\"blind\" + 0.010*\"light\" + 0.008*\"green\" + 0.007*\"illicit\" + 0.006*\"depress\" + 0.006*\"arm\"\n", - "2019-01-31 00:18:38,877 : INFO : topic #23 (0.020): 0.131*\"audit\" + 0.069*\"best\" + 0.034*\"jacksonvil\" + 0.029*\"japanes\" + 0.029*\"yawn\" + 0.021*\"festiv\" + 0.021*\"noll\" + 0.018*\"women\" + 0.015*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 00:18:38,878 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.018*\"di\" + 0.017*\"factor\" + 0.014*\"yawn\" + 0.013*\"margin\" + 0.013*\"faster\" + 0.012*\"deal\" + 0.011*\"john\" + 0.011*\"daughter\" + 0.011*\"bone\"\n", - "2019-01-31 00:18:38,879 : INFO : topic #8 (0.020): 0.028*\"law\" + 0.026*\"cortic\" + 0.021*\"start\" + 0.021*\"act\" + 0.019*\"ricardo\" + 0.013*\"case\" + 0.011*\"polaris\" + 0.009*\"legal\" + 0.009*\"justic\" + 0.009*\"unionist\"\n", - "2019-01-31 00:18:38,880 : INFO : topic #25 (0.020): 0.029*\"ring\" + 0.017*\"warmth\" + 0.016*\"lagrang\" + 0.015*\"mount\" + 0.015*\"area\" + 0.008*\"north\" + 0.008*\"land\" + 0.008*\"foam\" + 0.007*\"palmer\" + 0.007*\"vacant\"\n", - "2019-01-31 00:18:38,886 : INFO : topic diff=0.034481, rho=0.101015\n", - "2019-01-31 00:18:39,043 : INFO : PROGRESS: pass 0, at document #198000/4922894\n", - "2019-01-31 00:18:40,529 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:18:40,795 : INFO : topic #42 (0.020): 0.038*\"german\" + 0.024*\"germani\" + 0.013*\"vol\" + 0.012*\"israel\" + 0.012*\"berlin\" + 0.011*\"jewish\" + 0.010*\"der\" + 0.010*\"anglo\" + 0.009*\"greek\" + 0.008*\"austria\"\n", - "2019-01-31 00:18:40,796 : INFO : topic #44 (0.020): 0.035*\"rooftop\" + 0.026*\"final\" + 0.022*\"wife\" + 0.020*\"tourist\" + 0.016*\"champion\" + 0.015*\"tiepolo\" + 0.014*\"poet\" + 0.013*\"chamber\" + 0.013*\"martin\" + 0.012*\"taxpay\"\n", - "2019-01-31 00:18:40,798 : INFO : topic #21 (0.020): 0.038*\"samford\" + 0.026*\"spain\" + 0.019*\"del\" + 0.017*\"mexico\" + 0.016*\"soviet\" + 0.012*\"santa\" + 0.012*\"francisco\" + 0.011*\"juan\" + 0.011*\"josé\" + 0.010*\"lizard\"\n", - "2019-01-31 00:18:40,799 : INFO : topic #48 (0.020): 0.079*\"august\" + 0.076*\"march\" + 0.075*\"sens\" + 0.074*\"octob\" + 0.074*\"juli\" + 0.071*\"januari\" + 0.070*\"decatur\" + 0.070*\"notion\" + 0.069*\"judici\" + 0.068*\"april\"\n", - "2019-01-31 00:18:40,800 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.035*\"cleveland\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.025*\"crete\" + 0.022*\"scientist\" + 0.022*\"folei\" + 0.017*\"goal\" + 0.016*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:18:40,806 : INFO : topic diff=0.034555, rho=0.100504\n", - "2019-01-31 00:18:43,616 : INFO : -11.562 per-word bound, 3023.6 perplexity estimate based on a held-out corpus of 2000 documents with 555661 words\n", - "2019-01-31 00:18:43,617 : INFO : PROGRESS: pass 0, at document #200000/4922894\n", - "2019-01-31 00:18:45,119 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:18:45,385 : INFO : topic #6 (0.020): 0.069*\"fewer\" + 0.024*\"septemb\" + 0.020*\"epiru\" + 0.020*\"teacher\" + 0.015*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.010*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:18:45,386 : INFO : topic #48 (0.020): 0.079*\"august\" + 0.076*\"sens\" + 0.075*\"octob\" + 0.075*\"march\" + 0.074*\"juli\" + 0.073*\"januari\" + 0.070*\"decatur\" + 0.070*\"notion\" + 0.069*\"judici\" + 0.067*\"april\"\n", - "2019-01-31 00:18:45,388 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.027*\"factor\" + 0.022*\"adulthood\" + 0.016*\"hostil\" + 0.015*\"feel\" + 0.014*\"male\" + 0.013*\"genu\" + 0.012*\"live\" + 0.011*\"popolo\" + 0.010*\"yawn\"\n", - "2019-01-31 00:18:45,389 : INFO : topic #27 (0.020): 0.070*\"questionnair\" + 0.018*\"taxpay\" + 0.015*\"tornado\" + 0.013*\"candid\" + 0.012*\"find\" + 0.012*\"driver\" + 0.011*\"squatter\" + 0.011*\"fool\" + 0.010*\"théori\" + 0.010*\"yawn\"\n", - "2019-01-31 00:18:45,390 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.043*\"arsen\" + 0.038*\"raid\" + 0.036*\"line\" + 0.030*\"museo\" + 0.020*\"pain\" + 0.020*\"traceabl\" + 0.019*\"word\" + 0.019*\"artist\" + 0.016*\"serv\"\n", - "2019-01-31 00:18:45,395 : INFO : topic diff=0.033841, rho=0.100000\n", - "2019-01-31 00:18:45,547 : INFO : PROGRESS: pass 0, at document #202000/4922894\n", - "2019-01-31 00:18:47,017 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:18:47,283 : INFO : topic #30 (0.020): 0.035*\"leagu\" + 0.035*\"cleveland\" + 0.029*\"place\" + 0.026*\"taxpay\" + 0.026*\"crete\" + 0.022*\"scientist\" + 0.022*\"folei\" + 0.017*\"goal\" + 0.016*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:18:47,284 : INFO : topic #36 (0.020): 0.028*\"companhia\" + 0.009*\"serv\" + 0.009*\"develop\" + 0.009*\"market\" + 0.009*\"network\" + 0.009*\"oper\" + 0.009*\"manag\" + 0.008*\"prognosi\" + 0.008*\"busi\" + 0.008*\"produc\"\n", - "2019-01-31 00:18:47,286 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.027*\"factor\" + 0.025*\"adulthood\" + 0.017*\"hostil\" + 0.016*\"feel\" + 0.013*\"male\" + 0.012*\"genu\" + 0.012*\"live\" + 0.011*\"popolo\" + 0.010*\"yawn\"\n", - "2019-01-31 00:18:47,287 : INFO : topic #40 (0.020): 0.089*\"unit\" + 0.029*\"collector\" + 0.019*\"institut\" + 0.018*\"schuster\" + 0.016*\"professor\" + 0.014*\"student\" + 0.013*\"requir\" + 0.012*\"american\" + 0.012*\"governor\" + 0.011*\"degre\"\n", - "2019-01-31 00:18:47,288 : INFO : topic #37 (0.020): 0.009*\"love\" + 0.006*\"gestur\" + 0.005*\"man\" + 0.005*\"night\" + 0.005*\"litig\" + 0.005*\"blue\" + 0.004*\"bewild\" + 0.004*\"misconcept\" + 0.004*\"dai\" + 0.003*\"introductori\"\n", - "2019-01-31 00:18:47,294 : INFO : topic diff=0.032983, rho=0.099504\n", - "2019-01-31 00:18:47,450 : INFO : PROGRESS: pass 0, at document #204000/4922894\n", - "2019-01-31 00:18:48,967 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:18:49,233 : INFO : topic #49 (0.020): 0.038*\"india\" + 0.028*\"incumb\" + 0.014*\"televis\" + 0.012*\"pakistan\" + 0.010*\"islam\" + 0.009*\"start\" + 0.009*\"muskoge\" + 0.009*\"sri\" + 0.009*\"khalsa\" + 0.009*\"singh\"\n", - "2019-01-31 00:18:49,234 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.019*\"di\" + 0.016*\"factor\" + 0.013*\"yawn\" + 0.013*\"margin\" + 0.012*\"faster\" + 0.012*\"deal\" + 0.011*\"john\" + 0.011*\"life\" + 0.011*\"bone\"\n", - "2019-01-31 00:18:49,235 : INFO : topic #23 (0.020): 0.131*\"audit\" + 0.079*\"best\" + 0.035*\"jacksonvil\" + 0.029*\"yawn\" + 0.028*\"japanes\" + 0.020*\"noll\" + 0.020*\"festiv\" + 0.018*\"women\" + 0.014*\"intern\" + 0.013*\"categori\"\n", - "2019-01-31 00:18:49,237 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.026*\"factor\" + 0.025*\"adulthood\" + 0.017*\"hostil\" + 0.015*\"feel\" + 0.014*\"male\" + 0.012*\"genu\" + 0.011*\"live\" + 0.011*\"plaisir\" + 0.010*\"popolo\"\n", - "2019-01-31 00:18:49,238 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.032*\"publicis\" + 0.019*\"word\" + 0.014*\"new\" + 0.014*\"edit\" + 0.012*\"nicola\" + 0.012*\"storag\" + 0.012*\"worldwid\" + 0.011*\"presid\" + 0.010*\"author\"\n", - "2019-01-31 00:18:49,244 : INFO : topic diff=0.033727, rho=0.099015\n", - "2019-01-31 00:18:49,401 : INFO : PROGRESS: pass 0, at document #206000/4922894\n", - "2019-01-31 00:18:50,904 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:18:51,170 : INFO : topic #38 (0.020): 0.021*\"walter\" + 0.015*\"king\" + 0.009*\"aza\" + 0.009*\"battalion\" + 0.009*\"empath\" + 0.008*\"forc\" + 0.008*\"teufel\" + 0.007*\"armi\" + 0.007*\"embassi\" + 0.007*\"till\"\n", - "2019-01-31 00:18:51,171 : INFO : topic #12 (0.020): 0.010*\"cytokin\" + 0.010*\"utopian\" + 0.009*\"number\" + 0.007*\"frontal\" + 0.006*\"measur\" + 0.006*\"southern\" + 0.006*\"poet\" + 0.006*\"théori\" + 0.006*\"exampl\" + 0.006*\"gener\"\n", - "2019-01-31 00:18:51,172 : INFO : topic #9 (0.020): 0.091*\"bone\" + 0.036*\"american\" + 0.027*\"valour\" + 0.018*\"player\" + 0.017*\"folei\" + 0.017*\"polit\" + 0.015*\"dutch\" + 0.013*\"english\" + 0.012*\"simpler\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:18:51,173 : INFO : topic #48 (0.020): 0.079*\"octob\" + 0.079*\"august\" + 0.078*\"sens\" + 0.077*\"march\" + 0.075*\"januari\" + 0.074*\"juli\" + 0.074*\"notion\" + 0.072*\"decatur\" + 0.070*\"april\" + 0.068*\"judici\"\n", - "2019-01-31 00:18:51,175 : INFO : topic #44 (0.020): 0.036*\"rooftop\" + 0.025*\"final\" + 0.022*\"wife\" + 0.020*\"tourist\" + 0.016*\"champion\" + 0.015*\"poet\" + 0.014*\"tiepolo\" + 0.014*\"ret\" + 0.014*\"martin\" + 0.013*\"chamber\"\n", - "2019-01-31 00:18:51,180 : INFO : topic diff=0.029353, rho=0.098533\n", - "2019-01-31 00:18:51,339 : INFO : PROGRESS: pass 0, at document #208000/4922894\n", - "2019-01-31 00:18:52,840 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:18:53,106 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.025*\"spain\" + 0.020*\"del\" + 0.018*\"mexico\" + 0.015*\"soviet\" + 0.011*\"juan\" + 0.011*\"santa\" + 0.011*\"francisco\" + 0.011*\"josé\" + 0.010*\"lizard\"\n", - "2019-01-31 00:18:53,107 : INFO : topic #16 (0.020): 0.031*\"priest\" + 0.019*\"king\" + 0.018*\"duke\" + 0.017*\"quarterli\" + 0.015*\"grammat\" + 0.015*\"rotterdam\" + 0.014*\"maria\" + 0.013*\"portugues\" + 0.012*\"princ\" + 0.012*\"anima\"\n", - "2019-01-31 00:18:53,108 : INFO : topic #23 (0.020): 0.134*\"audit\" + 0.078*\"best\" + 0.035*\"jacksonvil\" + 0.029*\"yawn\" + 0.028*\"japanes\" + 0.021*\"noll\" + 0.021*\"festiv\" + 0.018*\"women\" + 0.014*\"prison\" + 0.014*\"intern\"\n", - "2019-01-31 00:18:53,109 : INFO : topic #37 (0.020): 0.008*\"love\" + 0.006*\"gestur\" + 0.005*\"blue\" + 0.005*\"man\" + 0.005*\"night\" + 0.005*\"bewild\" + 0.004*\"litig\" + 0.004*\"introductori\" + 0.003*\"misconcept\" + 0.003*\"dai\"\n", - "2019-01-31 00:18:53,110 : INFO : topic #4 (0.020): 0.025*\"enfranchis\" + 0.017*\"pour\" + 0.016*\"depress\" + 0.012*\"mode\" + 0.012*\"candid\" + 0.010*\"elabor\" + 0.010*\"veget\" + 0.009*\"produc\" + 0.008*\"encyclopedia\" + 0.008*\"mandir\"\n", - "2019-01-31 00:18:53,116 : INFO : topic diff=0.035179, rho=0.098058\n", - "2019-01-31 00:18:53,273 : INFO : PROGRESS: pass 0, at document #210000/4922894\n", - "2019-01-31 00:18:54,765 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:18:55,031 : INFO : topic #37 (0.020): 0.008*\"love\" + 0.006*\"gestur\" + 0.005*\"man\" + 0.005*\"blue\" + 0.005*\"night\" + 0.005*\"litig\" + 0.004*\"bewild\" + 0.004*\"dai\" + 0.003*\"introductori\" + 0.003*\"misconcept\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:18:55,032 : INFO : topic #11 (0.020): 0.029*\"john\" + 0.016*\"will\" + 0.014*\"jame\" + 0.013*\"rival\" + 0.011*\"david\" + 0.011*\"georg\" + 0.010*\"slur\" + 0.009*\"rhyme\" + 0.008*\"mexican–american\" + 0.008*\"thirtieth\"\n", - "2019-01-31 00:18:55,033 : INFO : topic #14 (0.020): 0.025*\"forc\" + 0.024*\"aggress\" + 0.021*\"walter\" + 0.019*\"armi\" + 0.017*\"com\" + 0.014*\"militari\" + 0.014*\"unionist\" + 0.013*\"oper\" + 0.013*\"airmen\" + 0.012*\"airbu\"\n", - "2019-01-31 00:18:55,034 : INFO : topic #49 (0.020): 0.039*\"india\" + 0.030*\"incumb\" + 0.015*\"televis\" + 0.012*\"pakistan\" + 0.010*\"islam\" + 0.009*\"khalsa\" + 0.009*\"start\" + 0.009*\"singh\" + 0.009*\"muskoge\" + 0.009*\"sri\"\n", - "2019-01-31 00:18:55,035 : INFO : topic #4 (0.020): 0.025*\"enfranchis\" + 0.018*\"pour\" + 0.016*\"depress\" + 0.012*\"candid\" + 0.012*\"mode\" + 0.011*\"elabor\" + 0.010*\"veget\" + 0.008*\"produc\" + 0.008*\"encyclopedia\" + 0.008*\"spectacl\"\n", - "2019-01-31 00:18:55,041 : INFO : topic diff=0.030341, rho=0.097590\n", - "2019-01-31 00:18:55,195 : INFO : PROGRESS: pass 0, at document #212000/4922894\n", - "2019-01-31 00:18:56,665 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:18:56,931 : INFO : topic #43 (0.020): 0.067*\"parti\" + 0.065*\"elect\" + 0.026*\"democrat\" + 0.025*\"voluntari\" + 0.022*\"member\" + 0.017*\"polici\" + 0.017*\"republ\" + 0.015*\"bypass\" + 0.014*\"report\" + 0.014*\"seaport\"\n", - "2019-01-31 00:18:56,932 : INFO : topic #8 (0.020): 0.028*\"law\" + 0.028*\"cortic\" + 0.020*\"start\" + 0.019*\"act\" + 0.017*\"ricardo\" + 0.013*\"case\" + 0.011*\"polaris\" + 0.009*\"legal\" + 0.009*\"unionist\" + 0.008*\"justic\"\n", - "2019-01-31 00:18:56,933 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.015*\"king\" + 0.009*\"aza\" + 0.009*\"battalion\" + 0.008*\"empath\" + 0.008*\"embassi\" + 0.008*\"teufel\" + 0.008*\"forc\" + 0.007*\"armi\" + 0.007*\"till\"\n", - "2019-01-31 00:18:56,934 : INFO : topic #39 (0.020): 0.031*\"taxpay\" + 0.028*\"scientist\" + 0.025*\"canada\" + 0.023*\"clot\" + 0.021*\"canadian\" + 0.015*\"basketbal\" + 0.013*\"hoar\" + 0.012*\"confer\" + 0.011*\"yawn\" + 0.011*\"toronto\"\n", - "2019-01-31 00:18:56,935 : INFO : topic #32 (0.020): 0.063*\"district\" + 0.052*\"tortur\" + 0.049*\"vigour\" + 0.045*\"popolo\" + 0.029*\"regim\" + 0.028*\"multitud\" + 0.028*\"area\" + 0.027*\"cotton\" + 0.021*\"prosper\" + 0.020*\"commun\"\n", - "2019-01-31 00:18:56,941 : INFO : topic diff=0.032093, rho=0.097129\n", - "2019-01-31 00:18:57,096 : INFO : PROGRESS: pass 0, at document #214000/4922894\n", - "2019-01-31 00:18:58,568 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:18:58,834 : INFO : topic #8 (0.020): 0.028*\"cortic\" + 0.028*\"law\" + 0.020*\"start\" + 0.018*\"act\" + 0.017*\"ricardo\" + 0.013*\"case\" + 0.011*\"polaris\" + 0.009*\"unionist\" + 0.009*\"legal\" + 0.008*\"justic\"\n", - "2019-01-31 00:18:58,835 : INFO : topic #43 (0.020): 0.067*\"parti\" + 0.066*\"elect\" + 0.026*\"voluntari\" + 0.025*\"democrat\" + 0.022*\"member\" + 0.017*\"polici\" + 0.016*\"republ\" + 0.014*\"bypass\" + 0.014*\"seaport\" + 0.014*\"report\"\n", - "2019-01-31 00:18:58,836 : INFO : topic #41 (0.020): 0.049*\"citi\" + 0.038*\"new\" + 0.024*\"palmer\" + 0.023*\"year\" + 0.016*\"strategist\" + 0.015*\"center\" + 0.012*\"open\" + 0.009*\"includ\" + 0.009*\"lobe\" + 0.008*\"hot\"\n", - "2019-01-31 00:18:58,837 : INFO : topic #3 (0.020): 0.032*\"present\" + 0.031*\"offic\" + 0.025*\"minist\" + 0.023*\"seri\" + 0.019*\"gener\" + 0.017*\"chickasaw\" + 0.016*\"serv\" + 0.016*\"member\" + 0.014*\"appeas\" + 0.013*\"secess\"\n", - "2019-01-31 00:18:58,838 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.015*\"king\" + 0.009*\"empath\" + 0.009*\"aza\" + 0.009*\"battalion\" + 0.009*\"embassi\" + 0.008*\"teufel\" + 0.008*\"forc\" + 0.008*\"kingdom\" + 0.007*\"armi\"\n", - "2019-01-31 00:18:58,844 : INFO : topic diff=0.027992, rho=0.096674\n", - "2019-01-31 00:18:59,000 : INFO : PROGRESS: pass 0, at document #216000/4922894\n", - "2019-01-31 00:19:00,502 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:19:00,767 : INFO : topic #4 (0.020): 0.026*\"enfranchis\" + 0.018*\"pour\" + 0.016*\"depress\" + 0.012*\"candid\" + 0.011*\"mode\" + 0.011*\"elabor\" + 0.009*\"veget\" + 0.009*\"encyclopedia\" + 0.009*\"spectacl\" + 0.008*\"produc\"\n", - "2019-01-31 00:19:00,769 : INFO : topic #35 (0.020): 0.046*\"russia\" + 0.031*\"sovereignti\" + 0.031*\"rural\" + 0.025*\"reprint\" + 0.021*\"personifi\" + 0.020*\"poison\" + 0.019*\"unfortun\" + 0.017*\"moscow\" + 0.015*\"shirin\" + 0.015*\"poland\"\n", - "2019-01-31 00:19:00,770 : INFO : topic #25 (0.020): 0.028*\"ring\" + 0.018*\"warmth\" + 0.016*\"lagrang\" + 0.015*\"mount\" + 0.015*\"area\" + 0.009*\"land\" + 0.008*\"north\" + 0.007*\"firm\" + 0.007*\"foam\" + 0.007*\"vacant\"\n", - "2019-01-31 00:19:00,771 : INFO : topic #28 (0.020): 0.028*\"build\" + 0.024*\"hous\" + 0.017*\"rivièr\" + 0.016*\"buford\" + 0.011*\"histor\" + 0.011*\"rosenwald\" + 0.011*\"constitut\" + 0.010*\"briarwood\" + 0.010*\"strategist\" + 0.009*\"lobe\"\n", - "2019-01-31 00:19:00,772 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.077*\"best\" + 0.041*\"jacksonvil\" + 0.028*\"yawn\" + 0.027*\"japanes\" + 0.021*\"noll\" + 0.019*\"festiv\" + 0.018*\"women\" + 0.015*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 00:19:00,778 : INFO : topic diff=0.032962, rho=0.096225\n", - "2019-01-31 00:19:00,930 : INFO : PROGRESS: pass 0, at document #218000/4922894\n", - "2019-01-31 00:19:02,391 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:19:02,657 : INFO : topic #27 (0.020): 0.071*\"questionnair\" + 0.017*\"taxpay\" + 0.015*\"candid\" + 0.014*\"tornado\" + 0.012*\"fool\" + 0.012*\"find\" + 0.012*\"squatter\" + 0.011*\"driver\" + 0.011*\"septemb\" + 0.010*\"théori\"\n", - "2019-01-31 00:19:02,659 : INFO : topic #47 (0.020): 0.066*\"muscl\" + 0.033*\"perceptu\" + 0.019*\"compos\" + 0.018*\"damn\" + 0.018*\"physician\" + 0.018*\"wahl\" + 0.017*\"theater\" + 0.017*\"orchestr\" + 0.016*\"place\" + 0.014*\"olympo\"\n", - "2019-01-31 00:19:02,660 : INFO : topic #35 (0.020): 0.046*\"russia\" + 0.031*\"sovereignti\" + 0.030*\"rural\" + 0.025*\"reprint\" + 0.022*\"personifi\" + 0.019*\"poison\" + 0.019*\"unfortun\" + 0.018*\"moscow\" + 0.015*\"shirin\" + 0.014*\"poland\"\n", - "2019-01-31 00:19:02,662 : INFO : topic #46 (0.020): 0.023*\"wind\" + 0.019*\"sweden\" + 0.018*\"norwai\" + 0.015*\"damag\" + 0.014*\"swedish\" + 0.013*\"stop\" + 0.012*\"norwegian\" + 0.011*\"turkish\" + 0.011*\"turkei\" + 0.010*\"warren\"\n", - "2019-01-31 00:19:02,663 : INFO : topic #32 (0.020): 0.063*\"district\" + 0.052*\"vigour\" + 0.049*\"tortur\" + 0.044*\"popolo\" + 0.030*\"regim\" + 0.028*\"area\" + 0.028*\"multitud\" + 0.027*\"cotton\" + 0.021*\"prosper\" + 0.020*\"commun\"\n", - "2019-01-31 00:19:02,668 : INFO : topic diff=0.029279, rho=0.095783\n", - "2019-01-31 00:19:05,473 : INFO : -11.815 per-word bound, 3604.1 perplexity estimate based on a held-out corpus of 2000 documents with 557993 words\n", - "2019-01-31 00:19:05,473 : INFO : PROGRESS: pass 0, at document #220000/4922894\n", - "2019-01-31 00:19:06,970 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:19:07,235 : INFO : topic #0 (0.020): 0.064*\"statewid\" + 0.044*\"arsen\" + 0.038*\"line\" + 0.032*\"raid\" + 0.031*\"museo\" + 0.020*\"word\" + 0.019*\"traceabl\" + 0.019*\"artist\" + 0.019*\"pain\" + 0.017*\"serv\"\n", - "2019-01-31 00:19:07,236 : INFO : topic #46 (0.020): 0.023*\"wind\" + 0.021*\"norwai\" + 0.019*\"sweden\" + 0.015*\"norwegian\" + 0.014*\"swedish\" + 0.014*\"damag\" + 0.013*\"stop\" + 0.011*\"utc\" + 0.011*\"turkei\" + 0.010*\"turkish\"\n", - "2019-01-31 00:19:07,237 : INFO : topic #27 (0.020): 0.070*\"questionnair\" + 0.016*\"taxpay\" + 0.015*\"tornado\" + 0.014*\"candid\" + 0.013*\"squatter\" + 0.012*\"fool\" + 0.012*\"find\" + 0.011*\"driver\" + 0.010*\"théori\" + 0.010*\"rick\"\n", - "2019-01-31 00:19:07,239 : INFO : topic #1 (0.020): 0.050*\"china\" + 0.049*\"chilton\" + 0.030*\"kong\" + 0.029*\"hong\" + 0.023*\"korea\" + 0.021*\"korean\" + 0.017*\"huei\" + 0.016*\"sourc\" + 0.014*\"min\" + 0.013*\"dynasti\"\n", - "2019-01-31 00:19:07,240 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.026*\"factor\" + 0.024*\"adulthood\" + 0.018*\"hostil\" + 0.016*\"feel\" + 0.014*\"male\" + 0.012*\"live\" + 0.011*\"genu\" + 0.010*\"popolo\" + 0.010*\"yawn\"\n", - "2019-01-31 00:19:07,246 : INFO : topic diff=0.027617, rho=0.095346\n", - "2019-01-31 00:19:07,405 : INFO : PROGRESS: pass 0, at document #222000/4922894\n", - "2019-01-31 00:19:08,916 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:19:09,181 : INFO : topic #14 (0.020): 0.025*\"forc\" + 0.023*\"aggress\" + 0.021*\"walter\" + 0.018*\"armi\" + 0.017*\"com\" + 0.016*\"airmen\" + 0.014*\"unionist\" + 0.013*\"oper\" + 0.013*\"militari\" + 0.011*\"airbu\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:19:09,182 : INFO : topic #32 (0.020): 0.063*\"district\" + 0.050*\"vigour\" + 0.049*\"tortur\" + 0.044*\"popolo\" + 0.029*\"regim\" + 0.029*\"area\" + 0.028*\"multitud\" + 0.026*\"cotton\" + 0.022*\"prosper\" + 0.020*\"commun\"\n", - "2019-01-31 00:19:09,183 : INFO : topic #33 (0.020): 0.058*\"french\" + 0.048*\"franc\" + 0.029*\"pari\" + 0.026*\"sail\" + 0.023*\"jean\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.011*\"piec\" + 0.010*\"loui\" + 0.010*\"wine\"\n", - "2019-01-31 00:19:09,184 : INFO : topic #47 (0.020): 0.067*\"muscl\" + 0.034*\"perceptu\" + 0.019*\"compos\" + 0.019*\"damn\" + 0.017*\"physician\" + 0.017*\"theater\" + 0.016*\"place\" + 0.016*\"orchestr\" + 0.015*\"wahl\" + 0.014*\"olympo\"\n", - "2019-01-31 00:19:09,186 : INFO : topic #15 (0.020): 0.013*\"develop\" + 0.012*\"requir\" + 0.012*\"small\" + 0.010*\"word\" + 0.009*\"cultur\" + 0.009*\"organ\" + 0.009*\"student\" + 0.008*\"commun\" + 0.008*\"socialist\" + 0.008*\"group\"\n", - "2019-01-31 00:19:09,191 : INFO : topic diff=0.031923, rho=0.094916\n", - "2019-01-31 00:19:09,406 : INFO : PROGRESS: pass 0, at document #224000/4922894\n", - "2019-01-31 00:19:10,896 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:19:11,161 : INFO : topic #11 (0.020): 0.028*\"john\" + 0.017*\"will\" + 0.014*\"jame\" + 0.012*\"rival\" + 0.012*\"david\" + 0.011*\"georg\" + 0.009*\"slur\" + 0.009*\"rhyme\" + 0.009*\"mexican–american\" + 0.008*\"paul\"\n", - "2019-01-31 00:19:11,163 : INFO : topic #1 (0.020): 0.052*\"chilton\" + 0.051*\"china\" + 0.029*\"kong\" + 0.029*\"hong\" + 0.023*\"korea\" + 0.021*\"korean\" + 0.016*\"sourc\" + 0.015*\"huei\" + 0.013*\"leah\" + 0.012*\"min\"\n", - "2019-01-31 00:19:11,164 : INFO : topic #16 (0.020): 0.029*\"priest\" + 0.020*\"quarterli\" + 0.019*\"king\" + 0.018*\"duke\" + 0.017*\"grammat\" + 0.016*\"rotterdam\" + 0.014*\"maria\" + 0.013*\"princ\" + 0.012*\"portugues\" + 0.011*\"klux\"\n", - "2019-01-31 00:19:11,165 : INFO : topic #48 (0.020): 0.083*\"sens\" + 0.081*\"march\" + 0.080*\"octob\" + 0.078*\"juli\" + 0.078*\"januari\" + 0.077*\"august\" + 0.075*\"judici\" + 0.075*\"april\" + 0.074*\"notion\" + 0.071*\"decatur\"\n", - "2019-01-31 00:19:11,167 : INFO : topic #39 (0.020): 0.030*\"taxpay\" + 0.028*\"scientist\" + 0.025*\"canada\" + 0.021*\"clot\" + 0.021*\"canadian\" + 0.015*\"basketbal\" + 0.013*\"hoar\" + 0.012*\"toronto\" + 0.012*\"confer\" + 0.011*\"yawn\"\n", - "2019-01-31 00:19:11,173 : INFO : topic diff=0.028385, rho=0.094491\n", - "2019-01-31 00:19:11,326 : INFO : PROGRESS: pass 0, at document #226000/4922894\n", - "2019-01-31 00:19:12,800 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:19:13,065 : INFO : topic #41 (0.020): 0.049*\"citi\" + 0.038*\"new\" + 0.024*\"palmer\" + 0.023*\"year\" + 0.017*\"center\" + 0.016*\"strategist\" + 0.011*\"open\" + 0.009*\"includ\" + 0.009*\"lobe\" + 0.008*\"hot\"\n", - "2019-01-31 00:19:13,066 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.031*\"offic\" + 0.025*\"minist\" + 0.022*\"seri\" + 0.019*\"gener\" + 0.018*\"serv\" + 0.017*\"chickasaw\" + 0.016*\"member\" + 0.014*\"appeas\" + 0.013*\"secess\"\n", - "2019-01-31 00:19:13,067 : INFO : topic #33 (0.020): 0.060*\"french\" + 0.046*\"franc\" + 0.028*\"pari\" + 0.026*\"sail\" + 0.022*\"jean\" + 0.016*\"daphn\" + 0.013*\"lazi\" + 0.011*\"piec\" + 0.011*\"wine\" + 0.010*\"focal\"\n", - "2019-01-31 00:19:13,068 : INFO : topic #19 (0.020): 0.009*\"form\" + 0.009*\"origin\" + 0.008*\"woodcut\" + 0.008*\"god\" + 0.008*\"like\" + 0.008*\"mean\" + 0.007*\"uruguayan\" + 0.007*\"charact\" + 0.006*\"differ\" + 0.006*\"call\"\n", - "2019-01-31 00:19:13,069 : INFO : topic #37 (0.020): 0.009*\"love\" + 0.006*\"gestur\" + 0.005*\"man\" + 0.005*\"night\" + 0.005*\"blue\" + 0.004*\"bewild\" + 0.004*\"litig\" + 0.004*\"christma\" + 0.004*\"dai\" + 0.004*\"toll\"\n", - "2019-01-31 00:19:13,075 : INFO : topic diff=0.026800, rho=0.094072\n", - "2019-01-31 00:19:13,228 : INFO : PROGRESS: pass 0, at document #228000/4922894\n", - "2019-01-31 00:19:14,695 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:19:14,961 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.032*\"leagu\" + 0.030*\"place\" + 0.025*\"taxpay\" + 0.024*\"crete\" + 0.023*\"scientist\" + 0.022*\"folei\" + 0.017*\"goal\" + 0.016*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:19:14,962 : INFO : topic #41 (0.020): 0.048*\"citi\" + 0.038*\"new\" + 0.024*\"palmer\" + 0.023*\"year\" + 0.017*\"center\" + 0.016*\"strategist\" + 0.012*\"open\" + 0.009*\"includ\" + 0.009*\"lobe\" + 0.009*\"hot\"\n", - "2019-01-31 00:19:14,963 : INFO : topic #47 (0.020): 0.066*\"muscl\" + 0.033*\"perceptu\" + 0.020*\"compos\" + 0.019*\"physician\" + 0.017*\"damn\" + 0.017*\"place\" + 0.015*\"theater\" + 0.015*\"orchestr\" + 0.014*\"olympo\" + 0.012*\"wahl\"\n", - "2019-01-31 00:19:14,964 : INFO : topic #33 (0.020): 0.060*\"french\" + 0.046*\"franc\" + 0.028*\"pari\" + 0.027*\"sail\" + 0.022*\"jean\" + 0.016*\"daphn\" + 0.013*\"lazi\" + 0.011*\"piec\" + 0.010*\"loui\" + 0.010*\"wine\"\n", - "2019-01-31 00:19:14,965 : INFO : topic #32 (0.020): 0.062*\"district\" + 0.050*\"vigour\" + 0.048*\"tortur\" + 0.043*\"popolo\" + 0.029*\"regim\" + 0.029*\"area\" + 0.028*\"multitud\" + 0.026*\"cotton\" + 0.021*\"prosper\" + 0.020*\"commun\"\n", - "2019-01-31 00:19:14,971 : INFO : topic diff=0.026556, rho=0.093659\n", - "2019-01-31 00:19:15,126 : INFO : PROGRESS: pass 0, at document #230000/4922894\n", - "2019-01-31 00:19:16,589 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:19:16,855 : INFO : topic #41 (0.020): 0.048*\"citi\" + 0.038*\"new\" + 0.024*\"palmer\" + 0.023*\"year\" + 0.016*\"center\" + 0.016*\"strategist\" + 0.012*\"open\" + 0.009*\"includ\" + 0.009*\"hot\" + 0.009*\"lobe\"\n", - "2019-01-31 00:19:16,856 : INFO : topic #33 (0.020): 0.058*\"french\" + 0.044*\"franc\" + 0.027*\"sail\" + 0.027*\"pari\" + 0.021*\"jean\" + 0.016*\"daphn\" + 0.013*\"lazi\" + 0.012*\"wreath\" + 0.011*\"piec\" + 0.010*\"loui\"\n", - "2019-01-31 00:19:16,857 : INFO : topic #47 (0.020): 0.066*\"muscl\" + 0.033*\"perceptu\" + 0.020*\"compos\" + 0.019*\"physician\" + 0.018*\"damn\" + 0.017*\"place\" + 0.015*\"theater\" + 0.015*\"orchestr\" + 0.014*\"olympo\" + 0.011*\"word\"\n", - "2019-01-31 00:19:16,858 : INFO : topic #16 (0.020): 0.029*\"priest\" + 0.021*\"duke\" + 0.019*\"king\" + 0.018*\"quarterli\" + 0.016*\"grammat\" + 0.014*\"rotterdam\" + 0.013*\"maria\" + 0.013*\"princ\" + 0.011*\"portugues\" + 0.011*\"count\"\n", - "2019-01-31 00:19:16,859 : INFO : topic #11 (0.020): 0.028*\"john\" + 0.016*\"will\" + 0.014*\"jame\" + 0.012*\"rival\" + 0.012*\"david\" + 0.011*\"georg\" + 0.010*\"slur\" + 0.009*\"rhyme\" + 0.008*\"mexican–american\" + 0.007*\"thirtieth\"\n", - "2019-01-31 00:19:16,865 : INFO : topic diff=0.026651, rho=0.093250\n", - "2019-01-31 00:19:17,018 : INFO : PROGRESS: pass 0, at document #232000/4922894\n", - "2019-01-31 00:19:18,480 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:19:18,746 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.033*\"leagu\" + 0.030*\"place\" + 0.025*\"taxpay\" + 0.024*\"crete\" + 0.022*\"scientist\" + 0.022*\"folei\" + 0.017*\"martin\" + 0.016*\"goal\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:19:18,747 : INFO : topic #17 (0.020): 0.058*\"church\" + 0.019*\"fifteenth\" + 0.018*\"jpg\" + 0.017*\"cathol\" + 0.017*\"retroflex\" + 0.016*\"bishop\" + 0.016*\"centuri\" + 0.015*\"christian\" + 0.013*\"sail\" + 0.012*\"italian\"\n", - "2019-01-31 00:19:18,749 : INFO : topic #1 (0.020): 0.053*\"chilton\" + 0.051*\"china\" + 0.026*\"kong\" + 0.026*\"hong\" + 0.022*\"korea\" + 0.020*\"korean\" + 0.017*\"sourc\" + 0.013*\"leah\" + 0.012*\"taiwan\" + 0.011*\"min\"\n", - "2019-01-31 00:19:18,750 : INFO : topic #36 (0.020): 0.028*\"companhia\" + 0.010*\"market\" + 0.009*\"serv\" + 0.009*\"manag\" + 0.009*\"develop\" + 0.009*\"busi\" + 0.009*\"oper\" + 0.008*\"produc\" + 0.008*\"prognosi\" + 0.008*\"includ\"\n", - "2019-01-31 00:19:18,751 : INFO : topic #37 (0.020): 0.009*\"love\" + 0.006*\"gestur\" + 0.005*\"man\" + 0.005*\"night\" + 0.005*\"blue\" + 0.004*\"bewild\" + 0.004*\"litig\" + 0.004*\"introductori\" + 0.004*\"christma\" + 0.004*\"dai\"\n", - "2019-01-31 00:19:18,757 : INFO : topic diff=0.025051, rho=0.092848\n", - "2019-01-31 00:19:18,911 : INFO : PROGRESS: pass 0, at document #234000/4922894\n", - "2019-01-31 00:19:20,383 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:19:20,648 : INFO : topic #28 (0.020): 0.027*\"build\" + 0.024*\"hous\" + 0.020*\"rivièr\" + 0.016*\"buford\" + 0.012*\"histor\" + 0.011*\"constitut\" + 0.011*\"rosenwald\" + 0.010*\"briarwood\" + 0.009*\"strategist\" + 0.009*\"lobe\"\n", - "2019-01-31 00:19:20,649 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"cytokin\" + 0.007*\"frontal\" + 0.007*\"measur\" + 0.006*\"théori\" + 0.006*\"poet\" + 0.006*\"exampl\" + 0.006*\"gener\" + 0.006*\"utopian\" + 0.006*\"servitud\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:19:20,651 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.027*\"factor\" + 0.022*\"adulthood\" + 0.017*\"hostil\" + 0.015*\"feel\" + 0.013*\"male\" + 0.012*\"live\" + 0.011*\"genu\" + 0.010*\"plaisir\" + 0.010*\"popolo\"\n", - "2019-01-31 00:19:20,652 : INFO : topic #37 (0.020): 0.009*\"love\" + 0.006*\"gestur\" + 0.005*\"man\" + 0.005*\"night\" + 0.005*\"blue\" + 0.004*\"bewild\" + 0.004*\"litig\" + 0.004*\"todd\" + 0.004*\"introductori\" + 0.004*\"christma\"\n", - "2019-01-31 00:19:20,654 : INFO : topic #39 (0.020): 0.033*\"taxpay\" + 0.028*\"scientist\" + 0.026*\"canada\" + 0.023*\"clot\" + 0.022*\"canadian\" + 0.017*\"basketbal\" + 0.014*\"hoar\" + 0.012*\"confer\" + 0.011*\"toronto\" + 0.011*\"yawn\"\n", - "2019-01-31 00:19:20,659 : INFO : topic diff=0.026623, rho=0.092450\n", - "2019-01-31 00:19:20,814 : INFO : PROGRESS: pass 0, at document #236000/4922894\n", - "2019-01-31 00:19:22,300 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:19:22,566 : INFO : topic #35 (0.020): 0.045*\"russia\" + 0.035*\"sovereignti\" + 0.028*\"rural\" + 0.023*\"personifi\" + 0.022*\"reprint\" + 0.022*\"poison\" + 0.018*\"moscow\" + 0.018*\"unfortun\" + 0.014*\"shirin\" + 0.013*\"intern\"\n", - "2019-01-31 00:19:22,567 : INFO : topic #37 (0.020): 0.009*\"love\" + 0.006*\"gestur\" + 0.005*\"man\" + 0.005*\"blue\" + 0.005*\"night\" + 0.004*\"bewild\" + 0.004*\"litig\" + 0.004*\"todd\" + 0.004*\"christma\" + 0.004*\"dai\"\n", - "2019-01-31 00:19:22,568 : INFO : topic #0 (0.020): 0.066*\"statewid\" + 0.044*\"arsen\" + 0.038*\"line\" + 0.032*\"raid\" + 0.031*\"museo\" + 0.020*\"pain\" + 0.019*\"word\" + 0.019*\"traceabl\" + 0.017*\"artist\" + 0.017*\"serv\"\n", - "2019-01-31 00:19:22,569 : INFO : topic #15 (0.020): 0.014*\"develop\" + 0.012*\"requir\" + 0.012*\"small\" + 0.010*\"cultur\" + 0.010*\"word\" + 0.009*\"organ\" + 0.009*\"student\" + 0.008*\"socialist\" + 0.008*\"commun\" + 0.008*\"human\"\n", - "2019-01-31 00:19:22,571 : INFO : topic #48 (0.020): 0.083*\"octob\" + 0.083*\"march\" + 0.081*\"sens\" + 0.078*\"juli\" + 0.077*\"januari\" + 0.076*\"august\" + 0.076*\"april\" + 0.076*\"notion\" + 0.075*\"judici\" + 0.072*\"decatur\"\n", - "2019-01-31 00:19:22,577 : INFO : topic diff=0.027172, rho=0.092057\n", - "2019-01-31 00:19:22,732 : INFO : PROGRESS: pass 0, at document #238000/4922894\n", - "2019-01-31 00:19:24,220 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:19:24,486 : INFO : topic #20 (0.020): 0.125*\"scholar\" + 0.035*\"struggl\" + 0.029*\"high\" + 0.028*\"educ\" + 0.018*\"yawn\" + 0.016*\"collector\" + 0.014*\"prognosi\" + 0.008*\"task\" + 0.008*\"class\" + 0.008*\"gothic\"\n", - "2019-01-31 00:19:24,487 : INFO : topic #33 (0.020): 0.057*\"french\" + 0.045*\"franc\" + 0.028*\"pari\" + 0.026*\"sail\" + 0.021*\"jean\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.012*\"piec\" + 0.011*\"wreath\" + 0.010*\"loui\"\n", - "2019-01-31 00:19:24,488 : INFO : topic #18 (0.020): 0.008*\"théori\" + 0.007*\"later\" + 0.006*\"kill\" + 0.006*\"man\" + 0.006*\"sack\" + 0.005*\"retrospect\" + 0.005*\"dai\" + 0.005*\"deal\" + 0.004*\"fraud\" + 0.004*\"help\"\n", - "2019-01-31 00:19:24,490 : INFO : topic #9 (0.020): 0.080*\"bone\" + 0.045*\"american\" + 0.027*\"valour\" + 0.018*\"player\" + 0.018*\"polit\" + 0.016*\"folei\" + 0.016*\"english\" + 0.015*\"dutch\" + 0.012*\"simpler\" + 0.012*\"wedg\"\n", - "2019-01-31 00:19:24,491 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.014*\"king\" + 0.011*\"battalion\" + 0.009*\"aza\" + 0.009*\"empath\" + 0.008*\"forc\" + 0.008*\"embassi\" + 0.007*\"centuri\" + 0.007*\"armi\" + 0.007*\"teufel\"\n", - "2019-01-31 00:19:24,497 : INFO : topic diff=0.027511, rho=0.091670\n", - "2019-01-31 00:19:27,254 : INFO : -11.718 per-word bound, 3369.6 perplexity estimate based on a held-out corpus of 2000 documents with 540188 words\n", - "2019-01-31 00:19:27,254 : INFO : PROGRESS: pass 0, at document #240000/4922894\n", - "2019-01-31 00:19:28,723 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:19:28,988 : INFO : topic #28 (0.020): 0.028*\"build\" + 0.023*\"hous\" + 0.019*\"rivièr\" + 0.016*\"buford\" + 0.012*\"histor\" + 0.011*\"constitut\" + 0.010*\"rosenwald\" + 0.009*\"briarwood\" + 0.009*\"lobe\" + 0.009*\"silicon\"\n", - "2019-01-31 00:19:28,990 : INFO : topic #26 (0.020): 0.033*\"woman\" + 0.031*\"workplac\" + 0.031*\"champion\" + 0.026*\"medal\" + 0.026*\"olymp\" + 0.024*\"men\" + 0.020*\"event\" + 0.019*\"alic\" + 0.019*\"atheist\" + 0.018*\"gold\"\n", - "2019-01-31 00:19:28,991 : INFO : topic #46 (0.020): 0.023*\"wind\" + 0.020*\"damag\" + 0.019*\"sweden\" + 0.019*\"norwai\" + 0.017*\"norwegian\" + 0.015*\"swedish\" + 0.014*\"stop\" + 0.010*\"turkei\" + 0.010*\"farid\" + 0.009*\"caus\"\n", - "2019-01-31 00:19:28,992 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.019*\"di\" + 0.017*\"factor\" + 0.015*\"yawn\" + 0.014*\"margin\" + 0.013*\"deal\" + 0.013*\"faster\" + 0.012*\"life\" + 0.012*\"bone\" + 0.011*\"john\"\n", - "2019-01-31 00:19:28,993 : INFO : topic #9 (0.020): 0.078*\"bone\" + 0.047*\"american\" + 0.026*\"valour\" + 0.019*\"polit\" + 0.018*\"player\" + 0.017*\"folei\" + 0.015*\"english\" + 0.015*\"dutch\" + 0.012*\"wedg\" + 0.012*\"simpler\"\n", - "2019-01-31 00:19:28,999 : INFO : topic diff=0.024902, rho=0.091287\n", - "2019-01-31 00:19:29,152 : INFO : PROGRESS: pass 0, at document #242000/4922894\n", - "2019-01-31 00:19:30,604 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:19:30,871 : INFO : topic #15 (0.020): 0.014*\"develop\" + 0.012*\"requir\" + 0.012*\"small\" + 0.010*\"cultur\" + 0.010*\"word\" + 0.009*\"organ\" + 0.009*\"student\" + 0.009*\"commun\" + 0.008*\"human\" + 0.008*\"socialist\"\n", - "2019-01-31 00:19:30,872 : INFO : topic #35 (0.020): 0.045*\"russia\" + 0.035*\"sovereignti\" + 0.027*\"rural\" + 0.024*\"poison\" + 0.024*\"reprint\" + 0.023*\"personifi\" + 0.017*\"moscow\" + 0.017*\"unfortun\" + 0.015*\"shirin\" + 0.013*\"intern\"\n", - "2019-01-31 00:19:30,873 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.025*\"final\" + 0.024*\"wife\" + 0.017*\"champion\" + 0.017*\"tourist\" + 0.017*\"martin\" + 0.015*\"chamber\" + 0.014*\"poet\" + 0.014*\"open\" + 0.014*\"tiepolo\"\n", - "2019-01-31 00:19:30,875 : INFO : topic #1 (0.020): 0.055*\"chilton\" + 0.050*\"china\" + 0.027*\"hong\" + 0.027*\"kong\" + 0.021*\"korea\" + 0.019*\"korean\" + 0.015*\"sourc\" + 0.014*\"kim\" + 0.013*\"leah\" + 0.012*\"levinson\"\n", - "2019-01-31 00:19:30,876 : INFO : topic #17 (0.020): 0.056*\"church\" + 0.021*\"jpg\" + 0.020*\"fifteenth\" + 0.017*\"christian\" + 0.017*\"cathol\" + 0.016*\"bishop\" + 0.015*\"retroflex\" + 0.015*\"centuri\" + 0.014*\"italian\" + 0.013*\"sail\"\n", - "2019-01-31 00:19:30,882 : INFO : topic diff=0.025514, rho=0.090909\n", - "2019-01-31 00:19:31,030 : INFO : PROGRESS: pass 0, at document #244000/4922894\n", - "2019-01-31 00:19:32,472 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:19:32,738 : INFO : topic #42 (0.020): 0.042*\"german\" + 0.025*\"germani\" + 0.014*\"israel\" + 0.013*\"vol\" + 0.012*\"berlin\" + 0.012*\"der\" + 0.010*\"jewish\" + 0.009*\"isra\" + 0.008*\"greek\" + 0.008*\"austria\"\n", - "2019-01-31 00:19:32,739 : INFO : topic #11 (0.020): 0.028*\"john\" + 0.016*\"will\" + 0.014*\"jame\" + 0.012*\"rival\" + 0.011*\"david\" + 0.011*\"georg\" + 0.010*\"slur\" + 0.009*\"mexican–american\" + 0.009*\"rhyme\" + 0.008*\"paul\"\n", - "2019-01-31 00:19:32,740 : INFO : topic #8 (0.020): 0.029*\"law\" + 0.027*\"cortic\" + 0.020*\"start\" + 0.018*\"ricardo\" + 0.016*\"act\" + 0.014*\"case\" + 0.010*\"polaris\" + 0.009*\"legal\" + 0.008*\"judaism\" + 0.008*\"unionist\"\n", - "2019-01-31 00:19:32,741 : INFO : topic #37 (0.020): 0.009*\"love\" + 0.006*\"gestur\" + 0.005*\"man\" + 0.005*\"night\" + 0.005*\"blue\" + 0.004*\"litig\" + 0.004*\"bewild\" + 0.004*\"todd\" + 0.003*\"introductori\" + 0.003*\"dai\"\n", - "2019-01-31 00:19:32,742 : INFO : topic #36 (0.020): 0.028*\"companhia\" + 0.010*\"develop\" + 0.010*\"serv\" + 0.009*\"manag\" + 0.009*\"market\" + 0.008*\"oper\" + 0.008*\"includ\" + 0.008*\"produc\" + 0.008*\"busi\" + 0.008*\"prognosi\"\n", - "2019-01-31 00:19:32,748 : INFO : topic diff=0.027092, rho=0.090536\n", - "2019-01-31 00:19:32,902 : INFO : PROGRESS: pass 0, at document #246000/4922894\n", - "2019-01-31 00:19:34,363 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:19:34,630 : INFO : topic #31 (0.020): 0.065*\"fusiform\" + 0.024*\"player\" + 0.018*\"place\" + 0.018*\"scientist\" + 0.016*\"taxpay\" + 0.011*\"leagu\" + 0.011*\"yard\" + 0.010*\"folei\" + 0.010*\"ruler\" + 0.009*\"barber\"\n", - "2019-01-31 00:19:34,631 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.026*\"factor\" + 0.021*\"adulthood\" + 0.016*\"hostil\" + 0.015*\"feel\" + 0.013*\"male\" + 0.011*\"plaisir\" + 0.011*\"live\" + 0.010*\"popolo\" + 0.009*\"genu\"\n", - "2019-01-31 00:19:34,632 : INFO : topic #40 (0.020): 0.088*\"unit\" + 0.030*\"collector\" + 0.019*\"institut\" + 0.018*\"schuster\" + 0.015*\"student\" + 0.014*\"professor\" + 0.014*\"requir\" + 0.012*\"governor\" + 0.012*\"http\" + 0.011*\"word\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:19:34,633 : INFO : topic #16 (0.020): 0.029*\"priest\" + 0.021*\"duke\" + 0.019*\"king\" + 0.019*\"quarterli\" + 0.017*\"maria\" + 0.016*\"grammat\" + 0.014*\"rotterdam\" + 0.013*\"princ\" + 0.013*\"portrait\" + 0.013*\"portugues\"\n", - "2019-01-31 00:19:34,635 : INFO : topic #30 (0.020): 0.037*\"cleveland\" + 0.034*\"leagu\" + 0.029*\"place\" + 0.026*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.022*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.011*\"schmitz\"\n", - "2019-01-31 00:19:34,641 : INFO : topic diff=0.026266, rho=0.090167\n", - "2019-01-31 00:19:34,790 : INFO : PROGRESS: pass 0, at document #248000/4922894\n", - "2019-01-31 00:19:36,215 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:19:36,481 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.008*\"have\" + 0.007*\"pathwai\" + 0.007*\"hormon\" + 0.006*\"caus\" + 0.006*\"treat\" + 0.006*\"effect\" + 0.006*\"proper\"\n", - "2019-01-31 00:19:36,482 : INFO : topic #34 (0.020): 0.069*\"start\" + 0.044*\"cotton\" + 0.029*\"unionist\" + 0.022*\"american\" + 0.017*\"toni\" + 0.015*\"new\" + 0.014*\"terri\" + 0.014*\"california\" + 0.012*\"warrior\" + 0.011*\"north\"\n", - "2019-01-31 00:19:36,483 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.034*\"leagu\" + 0.028*\"place\" + 0.026*\"taxpay\" + 0.024*\"scientist\" + 0.022*\"crete\" + 0.022*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:19:36,484 : INFO : topic #8 (0.020): 0.029*\"law\" + 0.026*\"cortic\" + 0.020*\"start\" + 0.017*\"ricardo\" + 0.016*\"act\" + 0.015*\"case\" + 0.010*\"polaris\" + 0.008*\"legal\" + 0.008*\"judaism\" + 0.008*\"unionist\"\n", - "2019-01-31 00:19:36,485 : INFO : topic #17 (0.020): 0.058*\"church\" + 0.020*\"jpg\" + 0.019*\"fifteenth\" + 0.018*\"cathol\" + 0.018*\"bishop\" + 0.017*\"christian\" + 0.015*\"retroflex\" + 0.015*\"centuri\" + 0.014*\"italian\" + 0.014*\"sail\"\n", - "2019-01-31 00:19:36,491 : INFO : topic diff=0.026258, rho=0.089803\n", - "2019-01-31 00:19:36,649 : INFO : PROGRESS: pass 0, at document #250000/4922894\n", - "2019-01-31 00:19:38,146 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:19:38,412 : INFO : topic #1 (0.020): 0.054*\"chilton\" + 0.051*\"china\" + 0.025*\"hong\" + 0.025*\"kong\" + 0.022*\"korean\" + 0.022*\"korea\" + 0.015*\"sourc\" + 0.013*\"kim\" + 0.013*\"leah\" + 0.012*\"taiwan\"\n", - "2019-01-31 00:19:38,413 : INFO : topic #28 (0.020): 0.028*\"build\" + 0.023*\"rivièr\" + 0.023*\"hous\" + 0.016*\"buford\" + 0.011*\"histor\" + 0.011*\"constitut\" + 0.011*\"rosenwald\" + 0.010*\"briarwood\" + 0.009*\"strategist\" + 0.009*\"lobe\"\n", - "2019-01-31 00:19:38,414 : INFO : topic #0 (0.020): 0.070*\"statewid\" + 0.041*\"arsen\" + 0.038*\"line\" + 0.033*\"raid\" + 0.031*\"museo\" + 0.020*\"pain\" + 0.019*\"traceabl\" + 0.018*\"word\" + 0.017*\"serv\" + 0.016*\"artist\"\n", - "2019-01-31 00:19:38,416 : INFO : topic #2 (0.020): 0.046*\"isl\" + 0.036*\"shield\" + 0.018*\"narrat\" + 0.016*\"blur\" + 0.014*\"scot\" + 0.012*\"pope\" + 0.011*\"nativist\" + 0.010*\"sai\" + 0.010*\"fleet\" + 0.009*\"coalit\"\n", - "2019-01-31 00:19:38,417 : INFO : topic #21 (0.020): 0.039*\"samford\" + 0.024*\"spain\" + 0.017*\"del\" + 0.017*\"mexico\" + 0.014*\"soviet\" + 0.013*\"lizard\" + 0.012*\"juan\" + 0.012*\"santa\" + 0.011*\"francisco\" + 0.011*\"josé\"\n", - "2019-01-31 00:19:38,423 : INFO : topic diff=0.026226, rho=0.089443\n", - "2019-01-31 00:19:38,578 : INFO : PROGRESS: pass 0, at document #252000/4922894\n", - "2019-01-31 00:19:40,049 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:19:40,315 : INFO : topic #48 (0.020): 0.076*\"march\" + 0.075*\"sens\" + 0.075*\"octob\" + 0.071*\"januari\" + 0.071*\"juli\" + 0.070*\"august\" + 0.070*\"notion\" + 0.069*\"decatur\" + 0.067*\"judici\" + 0.066*\"april\"\n", - "2019-01-31 00:19:40,316 : INFO : topic #19 (0.020): 0.009*\"origin\" + 0.009*\"charact\" + 0.009*\"form\" + 0.008*\"woodcut\" + 0.008*\"like\" + 0.008*\"mean\" + 0.007*\"uruguayan\" + 0.007*\"god\" + 0.007*\"languag\" + 0.006*\"dynam\"\n", - "2019-01-31 00:19:40,318 : INFO : topic #22 (0.020): 0.036*\"spars\" + 0.025*\"factor\" + 0.020*\"adulthood\" + 0.015*\"hostil\" + 0.015*\"feel\" + 0.013*\"male\" + 0.012*\"genu\" + 0.011*\"plaisir\" + 0.010*\"live\" + 0.010*\"popolo\"\n", - "2019-01-31 00:19:40,319 : INFO : topic #25 (0.020): 0.027*\"ring\" + 0.019*\"warmth\" + 0.015*\"mount\" + 0.015*\"lagrang\" + 0.014*\"area\" + 0.008*\"land\" + 0.008*\"firm\" + 0.008*\"north\" + 0.007*\"vacant\" + 0.007*\"foam\"\n", - "2019-01-31 00:19:40,320 : INFO : topic #13 (0.020): 0.029*\"australia\" + 0.028*\"sourc\" + 0.024*\"new\" + 0.024*\"australian\" + 0.022*\"england\" + 0.021*\"london\" + 0.017*\"youth\" + 0.016*\"ireland\" + 0.016*\"british\" + 0.015*\"wale\"\n", - "2019-01-31 00:19:40,326 : INFO : topic diff=0.024678, rho=0.089087\n", - "2019-01-31 00:19:40,540 : INFO : PROGRESS: pass 0, at document #254000/4922894\n", - "2019-01-31 00:19:42,027 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:19:42,293 : INFO : topic #28 (0.020): 0.028*\"build\" + 0.023*\"rivièr\" + 0.023*\"hous\" + 0.016*\"buford\" + 0.012*\"histor\" + 0.011*\"briarwood\" + 0.011*\"constitut\" + 0.010*\"rosenwald\" + 0.009*\"strategist\" + 0.009*\"lobe\"\n", - "2019-01-31 00:19:42,294 : INFO : topic #34 (0.020): 0.069*\"start\" + 0.041*\"cotton\" + 0.029*\"unionist\" + 0.022*\"american\" + 0.015*\"new\" + 0.015*\"california\" + 0.014*\"terri\" + 0.014*\"toni\" + 0.012*\"warrior\" + 0.011*\"north\"\n", - "2019-01-31 00:19:42,295 : INFO : topic #6 (0.020): 0.067*\"fewer\" + 0.024*\"septemb\" + 0.022*\"epiru\" + 0.019*\"teacher\" + 0.015*\"stake\" + 0.012*\"rodríguez\" + 0.011*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:19:42,296 : INFO : topic #19 (0.020): 0.009*\"origin\" + 0.009*\"charact\" + 0.009*\"form\" + 0.009*\"woodcut\" + 0.008*\"like\" + 0.008*\"mean\" + 0.007*\"uruguayan\" + 0.007*\"god\" + 0.007*\"dynam\" + 0.007*\"languag\"\n", - "2019-01-31 00:19:42,298 : INFO : topic #18 (0.020): 0.008*\"théori\" + 0.007*\"later\" + 0.007*\"kill\" + 0.006*\"sack\" + 0.006*\"man\" + 0.005*\"retrospect\" + 0.005*\"dai\" + 0.004*\"deal\" + 0.004*\"help\" + 0.004*\"end\"\n", - "2019-01-31 00:19:42,304 : INFO : topic diff=0.023731, rho=0.088736\n", - "2019-01-31 00:19:42,463 : INFO : PROGRESS: pass 0, at document #256000/4922894\n", - "2019-01-31 00:19:43,952 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:19:44,218 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.025*\"factor\" + 0.021*\"adulthood\" + 0.016*\"feel\" + 0.015*\"hostil\" + 0.014*\"male\" + 0.011*\"genu\" + 0.011*\"plaisir\" + 0.011*\"live\" + 0.010*\"popolo\"\n", - "2019-01-31 00:19:44,219 : INFO : topic #42 (0.020): 0.040*\"german\" + 0.026*\"germani\" + 0.014*\"israel\" + 0.014*\"jewish\" + 0.012*\"berlin\" + 0.011*\"vol\" + 0.011*\"der\" + 0.008*\"isra\" + 0.008*\"anglo\" + 0.008*\"jeremiah\"\n", - "2019-01-31 00:19:44,221 : INFO : topic #45 (0.020): 0.019*\"black\" + 0.019*\"western\" + 0.015*\"colder\" + 0.013*\"record\" + 0.011*\"blind\" + 0.009*\"light\" + 0.009*\"green\" + 0.007*\"arm\" + 0.006*\"illicit\" + 0.006*\"hand\"\n", - "2019-01-31 00:19:44,222 : INFO : topic #25 (0.020): 0.028*\"ring\" + 0.019*\"warmth\" + 0.017*\"lagrang\" + 0.015*\"mount\" + 0.015*\"area\" + 0.008*\"land\" + 0.008*\"north\" + 0.008*\"foam\" + 0.008*\"firm\" + 0.007*\"vacant\"\n", - "2019-01-31 00:19:44,223 : INFO : topic #8 (0.020): 0.030*\"law\" + 0.026*\"cortic\" + 0.020*\"start\" + 0.017*\"act\" + 0.016*\"ricardo\" + 0.014*\"case\" + 0.010*\"polaris\" + 0.009*\"legal\" + 0.009*\"judaism\" + 0.008*\"justic\"\n", - "2019-01-31 00:19:44,229 : INFO : topic diff=0.026460, rho=0.088388\n", - "2019-01-31 00:19:44,385 : INFO : PROGRESS: pass 0, at document #258000/4922894\n", - "2019-01-31 00:19:45,867 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:19:46,133 : INFO : topic #25 (0.020): 0.028*\"ring\" + 0.019*\"warmth\" + 0.017*\"lagrang\" + 0.015*\"area\" + 0.015*\"mount\" + 0.008*\"land\" + 0.008*\"north\" + 0.008*\"foam\" + 0.008*\"firm\" + 0.007*\"vacant\"\n", - "2019-01-31 00:19:46,134 : INFO : topic #47 (0.020): 0.068*\"muscl\" + 0.036*\"perceptu\" + 0.020*\"theater\" + 0.018*\"compos\" + 0.018*\"place\" + 0.018*\"damn\" + 0.013*\"orchestr\" + 0.012*\"olympo\" + 0.012*\"physician\" + 0.012*\"word\"\n", - "2019-01-31 00:19:46,136 : INFO : topic #46 (0.020): 0.018*\"wind\" + 0.018*\"norwai\" + 0.016*\"stop\" + 0.016*\"sweden\" + 0.015*\"norwegian\" + 0.015*\"swedish\" + 0.014*\"damag\" + 0.011*\"turkish\" + 0.011*\"turkei\" + 0.010*\"financ\"\n", - "2019-01-31 00:19:46,137 : INFO : topic #41 (0.020): 0.050*\"citi\" + 0.036*\"new\" + 0.028*\"palmer\" + 0.021*\"year\" + 0.017*\"center\" + 0.015*\"strategist\" + 0.011*\"open\" + 0.010*\"hot\" + 0.009*\"includ\" + 0.009*\"lobe\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:19:46,137 : INFO : topic #0 (0.020): 0.070*\"statewid\" + 0.042*\"arsen\" + 0.037*\"line\" + 0.033*\"raid\" + 0.031*\"museo\" + 0.021*\"pain\" + 0.019*\"traceabl\" + 0.019*\"word\" + 0.016*\"serv\" + 0.016*\"artist\"\n", - "2019-01-31 00:19:46,143 : INFO : topic diff=0.026356, rho=0.088045\n", - "2019-01-31 00:19:48,892 : INFO : -11.654 per-word bound, 3222.2 perplexity estimate based on a held-out corpus of 2000 documents with 531693 words\n", - "2019-01-31 00:19:48,892 : INFO : PROGRESS: pass 0, at document #260000/4922894\n", - "2019-01-31 00:19:50,365 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:19:50,631 : INFO : topic #31 (0.020): 0.066*\"fusiform\" + 0.025*\"player\" + 0.020*\"place\" + 0.019*\"scientist\" + 0.016*\"taxpay\" + 0.012*\"leagu\" + 0.011*\"folei\" + 0.010*\"ruler\" + 0.010*\"yard\" + 0.008*\"barber\"\n", - "2019-01-31 00:19:50,633 : INFO : topic #21 (0.020): 0.037*\"samford\" + 0.024*\"spain\" + 0.018*\"mexico\" + 0.017*\"del\" + 0.015*\"soviet\" + 0.012*\"lizard\" + 0.012*\"santa\" + 0.011*\"josé\" + 0.011*\"juan\" + 0.011*\"carlo\"\n", - "2019-01-31 00:19:50,634 : INFO : topic #17 (0.020): 0.058*\"church\" + 0.019*\"jpg\" + 0.019*\"fifteenth\" + 0.018*\"christian\" + 0.017*\"bishop\" + 0.017*\"cathol\" + 0.016*\"centuri\" + 0.014*\"retroflex\" + 0.013*\"sail\" + 0.013*\"italian\"\n", - "2019-01-31 00:19:50,635 : INFO : topic #7 (0.020): 0.019*\"snatch\" + 0.019*\"di\" + 0.017*\"factor\" + 0.014*\"yawn\" + 0.014*\"margin\" + 0.012*\"deal\" + 0.012*\"life\" + 0.012*\"faster\" + 0.012*\"bone\" + 0.011*\"john\"\n", - "2019-01-31 00:19:50,636 : INFO : topic #43 (0.020): 0.067*\"elect\" + 0.058*\"parti\" + 0.031*\"voluntari\" + 0.023*\"democrat\" + 0.022*\"member\" + 0.018*\"polici\" + 0.016*\"liber\" + 0.016*\"bypass\" + 0.014*\"republ\" + 0.013*\"selma\"\n", - "2019-01-31 00:19:50,642 : INFO : topic diff=0.023684, rho=0.087706\n", - "2019-01-31 00:19:50,796 : INFO : PROGRESS: pass 0, at document #262000/4922894\n", - "2019-01-31 00:19:52,252 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:19:52,518 : INFO : topic #49 (0.020): 0.041*\"india\" + 0.029*\"incumb\" + 0.013*\"televis\" + 0.012*\"pakistan\" + 0.011*\"islam\" + 0.011*\"khalsa\" + 0.010*\"sri\" + 0.009*\"start\" + 0.009*\"alam\" + 0.009*\"muskoge\"\n", - "2019-01-31 00:19:52,520 : INFO : topic #6 (0.020): 0.066*\"fewer\" + 0.024*\"septemb\" + 0.021*\"epiru\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"movi\" + 0.011*\"direct\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:19:52,522 : INFO : topic #25 (0.020): 0.028*\"ring\" + 0.018*\"warmth\" + 0.017*\"lagrang\" + 0.014*\"area\" + 0.014*\"mount\" + 0.008*\"north\" + 0.008*\"land\" + 0.007*\"firm\" + 0.007*\"foam\" + 0.007*\"vacant\"\n", - "2019-01-31 00:19:52,522 : INFO : topic #3 (0.020): 0.036*\"present\" + 0.028*\"offic\" + 0.026*\"minist\" + 0.023*\"seri\" + 0.018*\"gener\" + 0.018*\"member\" + 0.016*\"chickasaw\" + 0.016*\"serv\" + 0.015*\"appeas\" + 0.012*\"secess\"\n", - "2019-01-31 00:19:52,523 : INFO : topic #29 (0.020): 0.012*\"govern\" + 0.011*\"start\" + 0.009*\"replac\" + 0.008*\"countri\" + 0.008*\"yawn\" + 0.007*\"million\" + 0.007*\"nation\" + 0.006*\"new\" + 0.006*\"placement\" + 0.006*\"summerhil\"\n", - "2019-01-31 00:19:52,529 : INFO : topic diff=0.022696, rho=0.087370\n", - "2019-01-31 00:19:52,683 : INFO : PROGRESS: pass 0, at document #264000/4922894\n", - "2019-01-31 00:19:54,144 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:19:54,410 : INFO : topic #4 (0.020): 0.024*\"enfranchis\" + 0.016*\"depress\" + 0.015*\"pour\" + 0.012*\"candid\" + 0.011*\"elabor\" + 0.010*\"mode\" + 0.009*\"produc\" + 0.008*\"veget\" + 0.007*\"mandir\" + 0.007*\"uruguayan\"\n", - "2019-01-31 00:19:54,411 : INFO : topic #32 (0.020): 0.064*\"district\" + 0.051*\"vigour\" + 0.046*\"tortur\" + 0.042*\"popolo\" + 0.029*\"regim\" + 0.027*\"area\" + 0.025*\"multitud\" + 0.023*\"cotton\" + 0.020*\"commun\" + 0.019*\"prosper\"\n", - "2019-01-31 00:19:54,411 : INFO : topic #0 (0.020): 0.068*\"statewid\" + 0.042*\"arsen\" + 0.039*\"line\" + 0.034*\"raid\" + 0.030*\"museo\" + 0.019*\"pain\" + 0.019*\"word\" + 0.018*\"traceabl\" + 0.017*\"serv\" + 0.016*\"artist\"\n", - "2019-01-31 00:19:54,413 : INFO : topic #39 (0.020): 0.032*\"taxpay\" + 0.028*\"canada\" + 0.027*\"scientist\" + 0.023*\"canadian\" + 0.021*\"clot\" + 0.016*\"basketbal\" + 0.015*\"hoar\" + 0.013*\"toronto\" + 0.013*\"confer\" + 0.011*\"ontario\"\n", - "2019-01-31 00:19:54,414 : INFO : topic #30 (0.020): 0.034*\"leagu\" + 0.034*\"cleveland\" + 0.029*\"place\" + 0.026*\"taxpay\" + 0.025*\"crete\" + 0.024*\"scientist\" + 0.022*\"folei\" + 0.016*\"martin\" + 0.016*\"goal\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:19:54,420 : INFO : topic diff=0.022069, rho=0.087039\n", - "2019-01-31 00:19:54,575 : INFO : PROGRESS: pass 0, at document #266000/4922894\n", - "2019-01-31 00:19:56,039 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:19:56,304 : INFO : topic #16 (0.020): 0.031*\"priest\" + 0.022*\"king\" + 0.022*\"duke\" + 0.018*\"quarterli\" + 0.017*\"grammat\" + 0.016*\"maria\" + 0.015*\"rotterdam\" + 0.014*\"princ\" + 0.012*\"idiosyncrat\" + 0.012*\"order\"\n", - "2019-01-31 00:19:56,305 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.033*\"publicis\" + 0.020*\"word\" + 0.016*\"new\" + 0.014*\"storag\" + 0.014*\"edit\" + 0.012*\"presid\" + 0.012*\"worldwid\" + 0.011*\"nicola\" + 0.011*\"magazin\"\n", - "2019-01-31 00:19:56,307 : INFO : topic #31 (0.020): 0.069*\"fusiform\" + 0.027*\"player\" + 0.021*\"place\" + 0.018*\"scientist\" + 0.016*\"taxpay\" + 0.011*\"leagu\" + 0.011*\"folei\" + 0.010*\"ruler\" + 0.009*\"yard\" + 0.009*\"barber\"\n", - "2019-01-31 00:19:56,308 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.021*\"walter\" + 0.020*\"armi\" + 0.017*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.012*\"airbu\" + 0.012*\"militari\" + 0.011*\"airmen\"\n", - "2019-01-31 00:19:56,309 : INFO : topic #0 (0.020): 0.069*\"statewid\" + 0.042*\"arsen\" + 0.039*\"line\" + 0.034*\"raid\" + 0.030*\"museo\" + 0.019*\"pain\" + 0.018*\"word\" + 0.018*\"traceabl\" + 0.017*\"serv\" + 0.017*\"artist\"\n", - "2019-01-31 00:19:56,315 : INFO : topic diff=0.021942, rho=0.086711\n", - "2019-01-31 00:19:56,469 : INFO : PROGRESS: pass 0, at document #268000/4922894\n", - "2019-01-31 00:19:57,926 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:19:58,192 : INFO : topic #46 (0.020): 0.019*\"stop\" + 0.017*\"wind\" + 0.017*\"norwai\" + 0.016*\"sweden\" + 0.014*\"damag\" + 0.014*\"swedish\" + 0.014*\"norwegian\" + 0.013*\"turkish\" + 0.012*\"turkei\" + 0.010*\"wavi\"\n", - "2019-01-31 00:19:58,193 : INFO : topic #32 (0.020): 0.063*\"district\" + 0.049*\"vigour\" + 0.046*\"tortur\" + 0.043*\"popolo\" + 0.028*\"regim\" + 0.027*\"area\" + 0.025*\"multitud\" + 0.023*\"cotton\" + 0.020*\"commun\" + 0.019*\"citi\"\n", - "2019-01-31 00:19:58,195 : INFO : topic #29 (0.020): 0.012*\"govern\" + 0.011*\"start\" + 0.008*\"replac\" + 0.007*\"countri\" + 0.007*\"yawn\" + 0.007*\"million\" + 0.007*\"nation\" + 0.006*\"summerhil\" + 0.006*\"new\" + 0.006*\"théori\"\n", - "2019-01-31 00:19:58,196 : INFO : topic #6 (0.020): 0.064*\"fewer\" + 0.024*\"septemb\" + 0.021*\"epiru\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"movi\" + 0.010*\"direct\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:19:58,198 : INFO : topic #17 (0.020): 0.062*\"church\" + 0.020*\"jpg\" + 0.020*\"fifteenth\" + 0.018*\"christian\" + 0.017*\"cathol\" + 0.017*\"bishop\" + 0.016*\"centuri\" + 0.015*\"retroflex\" + 0.013*\"italian\" + 0.013*\"sail\"\n", - "2019-01-31 00:19:58,204 : INFO : topic diff=0.021961, rho=0.086387\n", - "2019-01-31 00:19:58,357 : INFO : PROGRESS: pass 0, at document #270000/4922894\n", - "2019-01-31 00:19:59,816 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:20:00,082 : INFO : topic #15 (0.020): 0.014*\"develop\" + 0.012*\"requir\" + 0.011*\"small\" + 0.010*\"cultur\" + 0.010*\"word\" + 0.009*\"organ\" + 0.009*\"student\" + 0.009*\"commun\" + 0.008*\"human\" + 0.008*\"socialist\"\n", - "2019-01-31 00:20:00,083 : INFO : topic #37 (0.020): 0.008*\"love\" + 0.007*\"gestur\" + 0.005*\"man\" + 0.005*\"night\" + 0.005*\"blue\" + 0.004*\"bewild\" + 0.004*\"litig\" + 0.004*\"christma\" + 0.003*\"dai\" + 0.003*\"introductori\"\n", - "2019-01-31 00:20:00,085 : INFO : topic #24 (0.020): 0.038*\"book\" + 0.033*\"publicis\" + 0.020*\"word\" + 0.016*\"new\" + 0.014*\"storag\" + 0.013*\"edit\" + 0.012*\"presid\" + 0.012*\"worldwid\" + 0.011*\"nicola\" + 0.011*\"magazin\"\n", - "2019-01-31 00:20:00,086 : INFO : topic #26 (0.020): 0.032*\"workplac\" + 0.031*\"woman\" + 0.029*\"champion\" + 0.024*\"olymp\" + 0.024*\"medal\" + 0.023*\"event\" + 0.023*\"men\" + 0.018*\"taxpay\" + 0.018*\"atheist\" + 0.017*\"nation\"\n", - "2019-01-31 00:20:00,087 : INFO : topic #8 (0.020): 0.032*\"act\" + 0.030*\"law\" + 0.024*\"cortic\" + 0.019*\"start\" + 0.014*\"ricardo\" + 0.014*\"case\" + 0.010*\"polaris\" + 0.009*\"legal\" + 0.008*\"judaism\" + 0.007*\"justic\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:20:00,093 : INFO : topic diff=0.021281, rho=0.086066\n", - "2019-01-31 00:20:00,248 : INFO : PROGRESS: pass 0, at document #272000/4922894\n", - "2019-01-31 00:20:01,730 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:20:01,996 : INFO : topic #25 (0.020): 0.027*\"ring\" + 0.018*\"warmth\" + 0.016*\"lagrang\" + 0.015*\"area\" + 0.014*\"mount\" + 0.009*\"foam\" + 0.008*\"land\" + 0.008*\"north\" + 0.007*\"firm\" + 0.007*\"lobe\"\n", - "2019-01-31 00:20:01,997 : INFO : topic #35 (0.020): 0.046*\"russia\" + 0.034*\"sovereignti\" + 0.026*\"rural\" + 0.024*\"poison\" + 0.023*\"personifi\" + 0.023*\"reprint\" + 0.016*\"unfortun\" + 0.016*\"moscow\" + 0.015*\"malaysia\" + 0.014*\"tyrant\"\n", - "2019-01-31 00:20:01,998 : INFO : topic #3 (0.020): 0.039*\"present\" + 0.028*\"offic\" + 0.026*\"minist\" + 0.024*\"seri\" + 0.018*\"gener\" + 0.017*\"chickasaw\" + 0.017*\"member\" + 0.016*\"appeas\" + 0.015*\"serv\" + 0.012*\"gov\"\n", - "2019-01-31 00:20:01,999 : INFO : topic #42 (0.020): 0.037*\"german\" + 0.026*\"germani\" + 0.014*\"jewish\" + 0.013*\"israel\" + 0.011*\"vol\" + 0.011*\"der\" + 0.010*\"berlin\" + 0.009*\"greek\" + 0.008*\"austria\" + 0.008*\"europ\"\n", - "2019-01-31 00:20:02,000 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.019*\"di\" + 0.017*\"factor\" + 0.014*\"yawn\" + 0.014*\"margin\" + 0.012*\"life\" + 0.012*\"faster\" + 0.012*\"john\" + 0.012*\"deal\" + 0.011*\"bone\"\n", - "2019-01-31 00:20:02,006 : INFO : topic diff=0.021751, rho=0.085749\n", - "2019-01-31 00:20:02,164 : INFO : PROGRESS: pass 0, at document #274000/4922894\n", - "2019-01-31 00:20:03,647 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:20:03,912 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.007*\"southern\" + 0.007*\"gener\" + 0.007*\"théori\" + 0.007*\"poet\" + 0.006*\"exampl\" + 0.006*\"cytokin\" + 0.006*\"servitud\" + 0.006*\"measur\"\n", - "2019-01-31 00:20:03,914 : INFO : topic #47 (0.020): 0.069*\"muscl\" + 0.035*\"perceptu\" + 0.021*\"theater\" + 0.019*\"place\" + 0.017*\"compos\" + 0.017*\"damn\" + 0.013*\"physician\" + 0.013*\"olympo\" + 0.012*\"orchestr\" + 0.012*\"word\"\n", - "2019-01-31 00:20:03,915 : INFO : topic #33 (0.020): 0.060*\"french\" + 0.044*\"franc\" + 0.031*\"pari\" + 0.029*\"sail\" + 0.023*\"jean\" + 0.017*\"daphn\" + 0.015*\"loui\" + 0.014*\"lazi\" + 0.013*\"wreath\" + 0.011*\"piec\"\n", - "2019-01-31 00:20:03,916 : INFO : topic #26 (0.020): 0.031*\"workplac\" + 0.031*\"woman\" + 0.029*\"champion\" + 0.024*\"olymp\" + 0.023*\"event\" + 0.023*\"medal\" + 0.023*\"men\" + 0.018*\"atheist\" + 0.018*\"taxpay\" + 0.017*\"rainfal\"\n", - "2019-01-31 00:20:03,917 : INFO : topic #13 (0.020): 0.027*\"australia\" + 0.027*\"sourc\" + 0.025*\"new\" + 0.023*\"london\" + 0.023*\"australian\" + 0.021*\"england\" + 0.020*\"ireland\" + 0.017*\"british\" + 0.015*\"wale\" + 0.015*\"youth\"\n", - "2019-01-31 00:20:03,923 : INFO : topic diff=0.024724, rho=0.085436\n", - "2019-01-31 00:20:04,074 : INFO : PROGRESS: pass 0, at document #276000/4922894\n", - "2019-01-31 00:20:05,524 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:20:05,790 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.008*\"frontal\" + 0.007*\"southern\" + 0.006*\"gener\" + 0.006*\"théori\" + 0.006*\"poet\" + 0.006*\"exampl\" + 0.006*\"cytokin\" + 0.006*\"servitud\" + 0.006*\"measur\"\n", - "2019-01-31 00:20:05,791 : INFO : topic #29 (0.020): 0.012*\"govern\" + 0.011*\"start\" + 0.008*\"replac\" + 0.008*\"yawn\" + 0.007*\"countri\" + 0.007*\"million\" + 0.007*\"nation\" + 0.006*\"summerhil\" + 0.006*\"new\" + 0.006*\"placement\"\n", - "2019-01-31 00:20:05,792 : INFO : topic #26 (0.020): 0.031*\"woman\" + 0.031*\"workplac\" + 0.028*\"champion\" + 0.023*\"event\" + 0.023*\"olymp\" + 0.023*\"men\" + 0.023*\"medal\" + 0.019*\"atheist\" + 0.018*\"taxpay\" + 0.018*\"rainfal\"\n", - "2019-01-31 00:20:05,794 : INFO : topic #37 (0.020): 0.008*\"love\" + 0.007*\"gestur\" + 0.005*\"man\" + 0.005*\"night\" + 0.005*\"blue\" + 0.004*\"christma\" + 0.004*\"sene\" + 0.004*\"bewild\" + 0.004*\"litig\" + 0.003*\"introductori\"\n", - "2019-01-31 00:20:05,794 : INFO : topic #41 (0.020): 0.049*\"citi\" + 0.043*\"new\" + 0.027*\"palmer\" + 0.027*\"year\" + 0.017*\"center\" + 0.016*\"strategist\" + 0.011*\"open\" + 0.009*\"hot\" + 0.009*\"lobe\" + 0.009*\"includ\"\n", - "2019-01-31 00:20:05,800 : INFO : topic diff=0.023910, rho=0.085126\n", - "2019-01-31 00:20:05,955 : INFO : PROGRESS: pass 0, at document #278000/4922894\n", - "2019-01-31 00:20:07,413 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:20:07,679 : INFO : topic #17 (0.020): 0.063*\"church\" + 0.021*\"jpg\" + 0.019*\"fifteenth\" + 0.017*\"cathol\" + 0.017*\"bishop\" + 0.017*\"christian\" + 0.016*\"centuri\" + 0.015*\"retroflex\" + 0.012*\"italian\" + 0.012*\"sail\"\n", - "2019-01-31 00:20:07,681 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"media\" + 0.007*\"pathwai\" + 0.007*\"disco\" + 0.007*\"hormon\" + 0.007*\"caus\" + 0.006*\"have\" + 0.006*\"treat\" + 0.006*\"proper\" + 0.006*\"effect\"\n", - "2019-01-31 00:20:07,682 : INFO : topic #43 (0.020): 0.067*\"parti\" + 0.061*\"elect\" + 0.027*\"voluntari\" + 0.025*\"democrat\" + 0.022*\"member\" + 0.017*\"polici\" + 0.016*\"republ\" + 0.015*\"tendenc\" + 0.015*\"report\" + 0.014*\"liber\"\n", - "2019-01-31 00:20:07,683 : INFO : topic #36 (0.020): 0.027*\"companhia\" + 0.010*\"develop\" + 0.009*\"serv\" + 0.009*\"market\" + 0.008*\"prognosi\" + 0.008*\"manag\" + 0.008*\"network\" + 0.008*\"produc\" + 0.008*\"oper\" + 0.008*\"includ\"\n", - "2019-01-31 00:20:07,684 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.019*\"di\" + 0.017*\"factor\" + 0.014*\"yawn\" + 0.014*\"margin\" + 0.012*\"life\" + 0.012*\"faster\" + 0.012*\"deal\" + 0.012*\"john\" + 0.012*\"bone\"\n", - "2019-01-31 00:20:07,690 : INFO : topic diff=0.023322, rho=0.084819\n", - "2019-01-31 00:20:10,404 : INFO : -11.715 per-word bound, 3361.4 perplexity estimate based on a held-out corpus of 2000 documents with 523660 words\n", - "2019-01-31 00:20:10,405 : INFO : PROGRESS: pass 0, at document #280000/4922894\n", - "2019-01-31 00:20:11,850 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:20:12,116 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"media\" + 0.007*\"pathwai\" + 0.007*\"disco\" + 0.007*\"hormon\" + 0.007*\"caus\" + 0.006*\"have\" + 0.006*\"effect\" + 0.006*\"treat\" + 0.006*\"proper\"\n", - "2019-01-31 00:20:12,117 : INFO : topic #42 (0.020): 0.038*\"german\" + 0.026*\"germani\" + 0.015*\"jewish\" + 0.013*\"vol\" + 0.012*\"israel\" + 0.012*\"der\" + 0.011*\"berlin\" + 0.011*\"greek\" + 0.009*\"austria\" + 0.008*\"albanian\"\n", - "2019-01-31 00:20:12,118 : INFO : topic #12 (0.020): 0.008*\"gener\" + 0.007*\"number\" + 0.007*\"frontal\" + 0.007*\"southern\" + 0.006*\"poet\" + 0.006*\"théori\" + 0.006*\"exampl\" + 0.006*\"measur\" + 0.006*\"cytokin\" + 0.006*\"servitud\"\n", - "2019-01-31 00:20:12,120 : INFO : topic #18 (0.020): 0.008*\"théori\" + 0.007*\"later\" + 0.006*\"kill\" + 0.006*\"man\" + 0.006*\"sack\" + 0.005*\"retrospect\" + 0.005*\"dai\" + 0.005*\"deal\" + 0.004*\"life\" + 0.004*\"help\"\n", - "2019-01-31 00:20:12,121 : INFO : topic #26 (0.020): 0.031*\"woman\" + 0.031*\"workplac\" + 0.029*\"champion\" + 0.024*\"olymp\" + 0.023*\"event\" + 0.023*\"medal\" + 0.023*\"men\" + 0.018*\"taxpay\" + 0.018*\"atheist\" + 0.017*\"nation\"\n", - "2019-01-31 00:20:12,128 : INFO : topic diff=0.020409, rho=0.084515\n", - "2019-01-31 00:20:12,285 : INFO : PROGRESS: pass 0, at document #282000/4922894\n", - "2019-01-31 00:20:13,753 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:20:14,020 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.009*\"media\" + 0.008*\"pathwai\" + 0.007*\"hormon\" + 0.007*\"disco\" + 0.007*\"have\" + 0.007*\"caus\" + 0.006*\"treat\" + 0.006*\"effect\" + 0.006*\"proper\"\n", - "2019-01-31 00:20:14,021 : INFO : topic #26 (0.020): 0.031*\"woman\" + 0.031*\"workplac\" + 0.029*\"champion\" + 0.024*\"olymp\" + 0.023*\"event\" + 0.023*\"medal\" + 0.022*\"men\" + 0.019*\"rainfal\" + 0.018*\"taxpay\" + 0.018*\"atheist\"\n", - "2019-01-31 00:20:14,022 : INFO : topic #0 (0.020): 0.070*\"statewid\" + 0.041*\"arsen\" + 0.040*\"line\" + 0.036*\"raid\" + 0.034*\"museo\" + 0.019*\"pain\" + 0.018*\"traceabl\" + 0.017*\"word\" + 0.017*\"serv\" + 0.015*\"artist\"\n", - "2019-01-31 00:20:14,024 : INFO : topic #27 (0.020): 0.067*\"questionnair\" + 0.017*\"taxpay\" + 0.016*\"candid\" + 0.015*\"tornado\" + 0.012*\"driver\" + 0.011*\"fool\" + 0.011*\"find\" + 0.010*\"théori\" + 0.010*\"landslid\" + 0.010*\"ret\"\n", - "2019-01-31 00:20:14,025 : INFO : topic #49 (0.020): 0.040*\"india\" + 0.031*\"incumb\" + 0.012*\"islam\" + 0.011*\"televis\" + 0.010*\"pakistan\" + 0.010*\"khalsa\" + 0.010*\"singh\" + 0.010*\"alam\" + 0.010*\"start\" + 0.009*\"muskoge\"\n", - "2019-01-31 00:20:14,031 : INFO : topic diff=0.023625, rho=0.084215\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:20:14,185 : INFO : PROGRESS: pass 0, at document #284000/4922894\n", - "2019-01-31 00:20:15,655 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:20:15,920 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.019*\"di\" + 0.017*\"factor\" + 0.014*\"yawn\" + 0.014*\"margin\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"bone\" + 0.012*\"deal\" + 0.011*\"john\"\n", - "2019-01-31 00:20:15,922 : INFO : topic #42 (0.020): 0.039*\"german\" + 0.026*\"germani\" + 0.015*\"jewish\" + 0.012*\"vol\" + 0.012*\"israel\" + 0.011*\"der\" + 0.011*\"berlin\" + 0.010*\"greek\" + 0.009*\"jeremiah\" + 0.008*\"austria\"\n", - "2019-01-31 00:20:15,923 : INFO : topic #41 (0.020): 0.049*\"citi\" + 0.043*\"new\" + 0.026*\"palmer\" + 0.026*\"year\" + 0.016*\"center\" + 0.016*\"strategist\" + 0.011*\"open\" + 0.010*\"hot\" + 0.009*\"includ\" + 0.009*\"lobe\"\n", - "2019-01-31 00:20:15,924 : INFO : topic #0 (0.020): 0.069*\"statewid\" + 0.040*\"arsen\" + 0.040*\"line\" + 0.037*\"raid\" + 0.034*\"museo\" + 0.019*\"pain\" + 0.018*\"traceabl\" + 0.017*\"word\" + 0.017*\"serv\" + 0.015*\"artist\"\n", - "2019-01-31 00:20:15,925 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.028*\"rel\" + 0.028*\"reconstruct\" + 0.023*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:20:15,931 : INFO : topic diff=0.020654, rho=0.083918\n", - "2019-01-31 00:20:16,141 : INFO : PROGRESS: pass 0, at document #286000/4922894\n", - "2019-01-31 00:20:17,634 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:20:17,900 : INFO : topic #47 (0.020): 0.068*\"muscl\" + 0.037*\"perceptu\" + 0.022*\"damn\" + 0.019*\"theater\" + 0.017*\"place\" + 0.017*\"compos\" + 0.015*\"orchestr\" + 0.013*\"physician\" + 0.013*\"olympo\" + 0.012*\"word\"\n", - "2019-01-31 00:20:17,902 : INFO : topic #27 (0.020): 0.069*\"questionnair\" + 0.016*\"candid\" + 0.016*\"taxpay\" + 0.014*\"tornado\" + 0.012*\"driver\" + 0.012*\"fool\" + 0.011*\"find\" + 0.011*\"landslid\" + 0.010*\"théori\" + 0.009*\"poti\"\n", - "2019-01-31 00:20:17,903 : INFO : topic #49 (0.020): 0.041*\"india\" + 0.030*\"incumb\" + 0.012*\"islam\" + 0.011*\"televis\" + 0.010*\"pakistan\" + 0.010*\"khalsa\" + 0.010*\"alam\" + 0.010*\"singh\" + 0.010*\"start\" + 0.009*\"muskoge\"\n", - "2019-01-31 00:20:17,904 : INFO : topic #10 (0.020): 0.013*\"cdd\" + 0.008*\"media\" + 0.007*\"pathwai\" + 0.007*\"hormon\" + 0.006*\"disco\" + 0.006*\"caus\" + 0.006*\"proper\" + 0.006*\"activ\" + 0.006*\"treat\" + 0.006*\"have\"\n", - "2019-01-31 00:20:17,906 : INFO : topic #34 (0.020): 0.073*\"start\" + 0.038*\"cotton\" + 0.029*\"unionist\" + 0.021*\"american\" + 0.016*\"new\" + 0.016*\"terri\" + 0.014*\"california\" + 0.012*\"warrior\" + 0.012*\"north\" + 0.011*\"violent\"\n", - "2019-01-31 00:20:17,911 : INFO : topic diff=0.021162, rho=0.083624\n", - "2019-01-31 00:20:18,069 : INFO : PROGRESS: pass 0, at document #288000/4922894\n", - "2019-01-31 00:20:19,563 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:20:19,832 : INFO : topic #35 (0.020): 0.051*\"russia\" + 0.035*\"sovereignti\" + 0.028*\"rural\" + 0.024*\"poison\" + 0.024*\"personifi\" + 0.022*\"reprint\" + 0.017*\"moscow\" + 0.016*\"unfortun\" + 0.015*\"tyrant\" + 0.014*\"poland\"\n", - "2019-01-31 00:20:19,833 : INFO : topic #38 (0.020): 0.020*\"walter\" + 0.015*\"king\" + 0.011*\"aza\" + 0.010*\"battalion\" + 0.010*\"teufel\" + 0.009*\"empath\" + 0.008*\"forc\" + 0.007*\"till\" + 0.007*\"centuri\" + 0.007*\"embassi\"\n", - "2019-01-31 00:20:19,834 : INFO : topic #5 (0.020): 0.040*\"abroad\" + 0.028*\"son\" + 0.028*\"reconstruct\" + 0.028*\"rel\" + 0.023*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.015*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:20:19,835 : INFO : topic #15 (0.020): 0.015*\"develop\" + 0.012*\"requir\" + 0.011*\"small\" + 0.010*\"word\" + 0.010*\"organ\" + 0.010*\"cultur\" + 0.009*\"student\" + 0.009*\"commun\" + 0.008*\"socialist\" + 0.007*\"human\"\n", - "2019-01-31 00:20:19,837 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.063*\"parti\" + 0.026*\"voluntari\" + 0.023*\"democrat\" + 0.022*\"member\" + 0.017*\"polici\" + 0.016*\"republ\" + 0.015*\"report\" + 0.015*\"bypass\" + 0.014*\"liber\"\n", - "2019-01-31 00:20:19,843 : INFO : topic diff=0.021270, rho=0.083333\n", - "2019-01-31 00:20:19,997 : INFO : PROGRESS: pass 0, at document #290000/4922894\n", - "2019-01-31 00:20:21,444 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:20:21,710 : INFO : topic #20 (0.020): 0.129*\"scholar\" + 0.036*\"struggl\" + 0.032*\"high\" + 0.028*\"educ\" + 0.018*\"yawn\" + 0.017*\"collector\" + 0.013*\"prognosi\" + 0.011*\"class\" + 0.009*\"task\" + 0.009*\"pseudo\"\n", - "2019-01-31 00:20:21,711 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.020*\"di\" + 0.017*\"factor\" + 0.014*\"yawn\" + 0.014*\"margin\" + 0.012*\"life\" + 0.012*\"faster\" + 0.012*\"bone\" + 0.011*\"deal\" + 0.011*\"john\"\n", - "2019-01-31 00:20:21,712 : INFO : topic #23 (0.020): 0.131*\"audit\" + 0.068*\"best\" + 0.031*\"jacksonvil\" + 0.029*\"yawn\" + 0.029*\"japanes\" + 0.022*\"noll\" + 0.021*\"festiv\" + 0.019*\"women\" + 0.017*\"intern\" + 0.015*\"prison\"\n", - "2019-01-31 00:20:21,713 : INFO : topic #24 (0.020): 0.038*\"book\" + 0.034*\"publicis\" + 0.020*\"word\" + 0.016*\"new\" + 0.014*\"edit\" + 0.012*\"storag\" + 0.012*\"presid\" + 0.012*\"worldwid\" + 0.011*\"nicola\" + 0.010*\"magazin\"\n", - "2019-01-31 00:20:21,714 : INFO : topic #13 (0.020): 0.028*\"australia\" + 0.025*\"sourc\" + 0.025*\"new\" + 0.023*\"london\" + 0.023*\"australian\" + 0.021*\"england\" + 0.021*\"ireland\" + 0.017*\"youth\" + 0.017*\"british\" + 0.015*\"wale\"\n", - "2019-01-31 00:20:21,720 : INFO : topic diff=0.021206, rho=0.083045\n", - "2019-01-31 00:20:21,872 : INFO : PROGRESS: pass 0, at document #292000/4922894\n", - "2019-01-31 00:20:23,337 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:20:23,604 : INFO : topic #48 (0.020): 0.077*\"octob\" + 0.077*\"march\" + 0.077*\"sens\" + 0.075*\"januari\" + 0.072*\"notion\" + 0.069*\"august\" + 0.068*\"juli\" + 0.067*\"decatur\" + 0.067*\"april\" + 0.067*\"judici\"\n", - "2019-01-31 00:20:23,605 : INFO : topic #9 (0.020): 0.066*\"bone\" + 0.046*\"american\" + 0.026*\"valour\" + 0.019*\"player\" + 0.019*\"english\" + 0.018*\"folei\" + 0.016*\"polit\" + 0.015*\"dutch\" + 0.013*\"simpler\" + 0.013*\"acrimoni\"\n", - "2019-01-31 00:20:23,606 : INFO : topic #43 (0.020): 0.067*\"elect\" + 0.060*\"parti\" + 0.027*\"voluntari\" + 0.023*\"democrat\" + 0.022*\"member\" + 0.017*\"polici\" + 0.016*\"republ\" + 0.015*\"report\" + 0.015*\"bypass\" + 0.014*\"liber\"\n", - "2019-01-31 00:20:23,608 : INFO : topic #5 (0.020): 0.040*\"abroad\" + 0.029*\"son\" + 0.028*\"reconstruct\" + 0.028*\"rel\" + 0.022*\"band\" + 0.018*\"muscl\" + 0.016*\"simultan\" + 0.015*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:20:23,609 : INFO : topic #13 (0.020): 0.029*\"australia\" + 0.026*\"new\" + 0.025*\"sourc\" + 0.024*\"london\" + 0.022*\"australian\" + 0.022*\"england\" + 0.020*\"ireland\" + 0.017*\"youth\" + 0.017*\"british\" + 0.015*\"wale\"\n", - "2019-01-31 00:20:23,614 : INFO : topic diff=0.021090, rho=0.082761\n", - "2019-01-31 00:20:23,770 : INFO : PROGRESS: pass 0, at document #294000/4922894\n", - "2019-01-31 00:20:25,228 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:20:25,493 : INFO : topic #23 (0.020): 0.130*\"audit\" + 0.066*\"best\" + 0.032*\"jacksonvil\" + 0.031*\"yawn\" + 0.028*\"japanes\" + 0.022*\"noll\" + 0.020*\"festiv\" + 0.019*\"women\" + 0.017*\"intern\" + 0.015*\"prison\"\n", - "2019-01-31 00:20:25,495 : INFO : topic #39 (0.020): 0.031*\"taxpay\" + 0.027*\"canada\" + 0.025*\"scientist\" + 0.022*\"clot\" + 0.022*\"canadian\" + 0.016*\"basketbal\" + 0.015*\"hoar\" + 0.015*\"confer\" + 0.013*\"toronto\" + 0.011*\"ontario\"\n", - "2019-01-31 00:20:25,496 : INFO : topic #8 (0.020): 0.031*\"law\" + 0.026*\"cortic\" + 0.026*\"act\" + 0.019*\"start\" + 0.013*\"ricardo\" + 0.013*\"case\" + 0.011*\"polaris\" + 0.009*\"legal\" + 0.008*\"judaism\" + 0.008*\"justic\"\n", - "2019-01-31 00:20:25,498 : INFO : topic #27 (0.020): 0.072*\"questionnair\" + 0.017*\"candid\" + 0.017*\"taxpay\" + 0.013*\"driver\" + 0.012*\"tornado\" + 0.012*\"fool\" + 0.011*\"find\" + 0.010*\"théori\" + 0.010*\"ret\" + 0.010*\"landslid\"\n", - "2019-01-31 00:20:25,499 : INFO : topic #25 (0.020): 0.029*\"ring\" + 0.017*\"warmth\" + 0.016*\"lagrang\" + 0.016*\"area\" + 0.014*\"mount\" + 0.008*\"foam\" + 0.008*\"land\" + 0.008*\"vacant\" + 0.008*\"north\" + 0.008*\"palmer\"\n", - "2019-01-31 00:20:25,505 : INFO : topic diff=0.020925, rho=0.082479\n", - "2019-01-31 00:20:25,662 : INFO : PROGRESS: pass 0, at document #296000/4922894\n", - "2019-01-31 00:20:27,130 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:20:27,399 : INFO : topic #25 (0.020): 0.028*\"ring\" + 0.017*\"warmth\" + 0.016*\"lagrang\" + 0.015*\"area\" + 0.014*\"mount\" + 0.008*\"foam\" + 0.008*\"land\" + 0.008*\"vacant\" + 0.008*\"north\" + 0.007*\"palmer\"\n", - "2019-01-31 00:20:27,400 : INFO : topic #27 (0.020): 0.071*\"questionnair\" + 0.017*\"taxpay\" + 0.017*\"candid\" + 0.013*\"driver\" + 0.012*\"tornado\" + 0.011*\"fool\" + 0.011*\"find\" + 0.010*\"théori\" + 0.010*\"landslid\" + 0.010*\"ret\"\n", - "2019-01-31 00:20:27,402 : INFO : topic #31 (0.020): 0.066*\"fusiform\" + 0.026*\"player\" + 0.021*\"place\" + 0.018*\"scientist\" + 0.016*\"taxpay\" + 0.011*\"leagu\" + 0.011*\"folei\" + 0.009*\"yard\" + 0.009*\"ruler\" + 0.008*\"yawn\"\n", - "2019-01-31 00:20:27,403 : INFO : topic #23 (0.020): 0.132*\"audit\" + 0.065*\"best\" + 0.032*\"jacksonvil\" + 0.030*\"yawn\" + 0.028*\"japanes\" + 0.021*\"noll\" + 0.020*\"festiv\" + 0.019*\"women\" + 0.016*\"intern\" + 0.015*\"prison\"\n", - "2019-01-31 00:20:27,404 : INFO : topic #1 (0.020): 0.058*\"china\" + 0.053*\"chilton\" + 0.026*\"hong\" + 0.024*\"kong\" + 0.022*\"korean\" + 0.022*\"korea\" + 0.017*\"sourc\" + 0.017*\"leah\" + 0.014*\"kim\" + 0.012*\"levinson\"\n", - "2019-01-31 00:20:27,410 : INFO : topic diff=0.019476, rho=0.082199\n", - "2019-01-31 00:20:27,566 : INFO : PROGRESS: pass 0, at document #298000/4922894\n", - "2019-01-31 00:20:29,018 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:20:29,284 : INFO : topic #27 (0.020): 0.072*\"questionnair\" + 0.018*\"candid\" + 0.017*\"taxpay\" + 0.014*\"driver\" + 0.012*\"tornado\" + 0.011*\"fool\" + 0.011*\"théori\" + 0.011*\"find\" + 0.010*\"landslid\" + 0.009*\"ret\"\n", - "2019-01-31 00:20:29,286 : INFO : topic #43 (0.020): 0.067*\"elect\" + 0.061*\"parti\" + 0.026*\"voluntari\" + 0.023*\"democrat\" + 0.022*\"member\" + 0.019*\"polici\" + 0.016*\"republ\" + 0.015*\"bypass\" + 0.015*\"report\" + 0.014*\"seaport\"\n", - "2019-01-31 00:20:29,287 : INFO : topic #19 (0.020): 0.010*\"woodcut\" + 0.009*\"origin\" + 0.009*\"charact\" + 0.008*\"form\" + 0.008*\"languag\" + 0.008*\"god\" + 0.008*\"like\" + 0.008*\"uruguayan\" + 0.007*\"mean\" + 0.006*\"differ\"\n", - "2019-01-31 00:20:29,288 : INFO : topic #29 (0.020): 0.012*\"govern\" + 0.010*\"start\" + 0.008*\"replac\" + 0.007*\"yawn\" + 0.007*\"countri\" + 0.007*\"million\" + 0.007*\"nation\" + 0.006*\"new\" + 0.006*\"théori\" + 0.006*\"summerhil\"\n", - "2019-01-31 00:20:29,289 : INFO : topic #48 (0.020): 0.085*\"march\" + 0.077*\"octob\" + 0.077*\"sens\" + 0.076*\"januari\" + 0.072*\"notion\" + 0.071*\"juli\" + 0.070*\"august\" + 0.069*\"judici\" + 0.069*\"april\" + 0.069*\"decatur\"\n", - "2019-01-31 00:20:29,295 : INFO : topic diff=0.020832, rho=0.081923\n", - "2019-01-31 00:20:32,087 : INFO : -11.414 per-word bound, 2728.1 perplexity estimate based on a held-out corpus of 2000 documents with 555698 words\n", - "2019-01-31 00:20:32,087 : INFO : PROGRESS: pass 0, at document #300000/4922894\n", - "2019-01-31 00:20:33,558 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:20:33,824 : INFO : topic #2 (0.020): 0.051*\"isl\" + 0.040*\"shield\" + 0.017*\"narrat\" + 0.014*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.010*\"coalit\" + 0.010*\"nativist\" + 0.010*\"fleet\" + 0.009*\"crew\"\n", - "2019-01-31 00:20:33,826 : INFO : topic #26 (0.020): 0.031*\"workplac\" + 0.030*\"champion\" + 0.029*\"woman\" + 0.026*\"olymp\" + 0.023*\"medal\" + 0.022*\"men\" + 0.021*\"atheist\" + 0.021*\"event\" + 0.018*\"alic\" + 0.018*\"taxpay\"\n", - "2019-01-31 00:20:33,827 : INFO : topic #37 (0.020): 0.009*\"love\" + 0.008*\"gestur\" + 0.005*\"man\" + 0.005*\"night\" + 0.004*\"blue\" + 0.004*\"bewild\" + 0.004*\"litig\" + 0.003*\"vision\" + 0.003*\"christma\" + 0.003*\"dai\"\n", - "2019-01-31 00:20:33,828 : INFO : topic #3 (0.020): 0.040*\"present\" + 0.029*\"offic\" + 0.026*\"minist\" + 0.022*\"seri\" + 0.019*\"gener\" + 0.017*\"member\" + 0.017*\"chickasaw\" + 0.016*\"serv\" + 0.015*\"appeas\" + 0.013*\"govern\"\n", - "2019-01-31 00:20:33,829 : INFO : topic #17 (0.020): 0.062*\"church\" + 0.021*\"jpg\" + 0.020*\"christian\" + 0.020*\"cathol\" + 0.018*\"bishop\" + 0.018*\"fifteenth\" + 0.015*\"centuri\" + 0.014*\"retroflex\" + 0.013*\"sail\" + 0.012*\"italian\"\n", - "2019-01-31 00:20:33,835 : INFO : topic diff=0.020513, rho=0.081650\n", - "2019-01-31 00:20:33,993 : INFO : PROGRESS: pass 0, at document #302000/4922894\n", - "2019-01-31 00:20:35,473 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:20:35,740 : INFO : topic #24 (0.020): 0.038*\"book\" + 0.033*\"publicis\" + 0.020*\"word\" + 0.016*\"new\" + 0.015*\"edit\" + 0.012*\"storag\" + 0.012*\"worldwid\" + 0.012*\"presid\" + 0.011*\"nicola\" + 0.011*\"author\"\n", - "2019-01-31 00:20:35,741 : INFO : topic #37 (0.020): 0.009*\"love\" + 0.008*\"gestur\" + 0.005*\"man\" + 0.005*\"blue\" + 0.005*\"night\" + 0.005*\"bewild\" + 0.004*\"litig\" + 0.003*\"vision\" + 0.003*\"dai\" + 0.003*\"introductori\"\n", - "2019-01-31 00:20:35,742 : INFO : topic #25 (0.020): 0.028*\"ring\" + 0.017*\"warmth\" + 0.016*\"lagrang\" + 0.015*\"area\" + 0.015*\"mount\" + 0.008*\"land\" + 0.008*\"north\" + 0.008*\"vacant\" + 0.008*\"foam\" + 0.008*\"palmer\"\n", - "2019-01-31 00:20:35,743 : INFO : topic #33 (0.020): 0.063*\"french\" + 0.045*\"franc\" + 0.030*\"pari\" + 0.025*\"sail\" + 0.022*\"jean\" + 0.015*\"daphn\" + 0.012*\"loui\" + 0.012*\"lazi\" + 0.012*\"wine\" + 0.011*\"wreath\"\n", - "2019-01-31 00:20:35,744 : INFO : topic #21 (0.020): 0.039*\"samford\" + 0.023*\"spain\" + 0.019*\"del\" + 0.017*\"mexico\" + 0.015*\"soviet\" + 0.014*\"francisco\" + 0.012*\"santa\" + 0.012*\"juan\" + 0.011*\"carlo\" + 0.011*\"josé\"\n", - "2019-01-31 00:20:35,750 : INFO : topic diff=0.018847, rho=0.081379\n", - "2019-01-31 00:20:35,904 : INFO : PROGRESS: pass 0, at document #304000/4922894\n", - "2019-01-31 00:20:37,362 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:20:37,628 : INFO : topic #48 (0.020): 0.087*\"januari\" + 0.084*\"march\" + 0.077*\"sens\" + 0.077*\"octob\" + 0.073*\"notion\" + 0.071*\"judici\" + 0.071*\"juli\" + 0.070*\"august\" + 0.068*\"april\" + 0.068*\"decatur\"\n", - "2019-01-31 00:20:37,630 : INFO : topic #27 (0.020): 0.071*\"questionnair\" + 0.018*\"candid\" + 0.017*\"taxpay\" + 0.014*\"driver\" + 0.012*\"tornado\" + 0.011*\"fool\" + 0.011*\"find\" + 0.011*\"landslid\" + 0.010*\"théori\" + 0.010*\"ret\"\n", - "2019-01-31 00:20:37,631 : INFO : topic #45 (0.020): 0.023*\"black\" + 0.018*\"western\" + 0.016*\"colder\" + 0.013*\"record\" + 0.012*\"fit\" + 0.011*\"blind\" + 0.010*\"light\" + 0.008*\"green\" + 0.008*\"illicit\" + 0.006*\"hand\"\n", - "2019-01-31 00:20:37,633 : INFO : topic #17 (0.020): 0.062*\"church\" + 0.020*\"jpg\" + 0.020*\"christian\" + 0.019*\"cathol\" + 0.017*\"fifteenth\" + 0.017*\"bishop\" + 0.015*\"centuri\" + 0.014*\"retroflex\" + 0.013*\"sail\" + 0.011*\"italian\"\n", - "2019-01-31 00:20:37,634 : INFO : topic #11 (0.020): 0.028*\"john\" + 0.015*\"will\" + 0.014*\"jame\" + 0.012*\"david\" + 0.011*\"rival\" + 0.010*\"georg\" + 0.010*\"slur\" + 0.009*\"mexican–american\" + 0.008*\"rhyme\" + 0.008*\"paul\"\n", - "2019-01-31 00:20:37,639 : INFO : topic diff=0.019128, rho=0.081111\n", - "2019-01-31 00:20:37,790 : INFO : PROGRESS: pass 0, at document #306000/4922894\n", - "2019-01-31 00:20:39,230 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:20:39,496 : INFO : topic #9 (0.020): 0.068*\"bone\" + 0.043*\"american\" + 0.026*\"valour\" + 0.022*\"player\" + 0.018*\"english\" + 0.017*\"folei\" + 0.017*\"dutch\" + 0.017*\"polit\" + 0.012*\"simpler\" + 0.012*\"acrimoni\"\n", - "2019-01-31 00:20:39,497 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.008*\"frontal\" + 0.007*\"gener\" + 0.007*\"servitud\" + 0.006*\"exampl\" + 0.006*\"théori\" + 0.006*\"poet\" + 0.006*\"southern\" + 0.006*\"differ\" + 0.006*\"measur\"\n", - "2019-01-31 00:20:39,499 : INFO : topic #35 (0.020): 0.053*\"russia\" + 0.032*\"sovereignti\" + 0.028*\"poison\" + 0.027*\"rural\" + 0.025*\"reprint\" + 0.023*\"personifi\" + 0.018*\"poland\" + 0.016*\"moscow\" + 0.014*\"shirin\" + 0.014*\"unfortun\"\n", - "2019-01-31 00:20:39,500 : INFO : topic #3 (0.020): 0.040*\"present\" + 0.028*\"offic\" + 0.026*\"minist\" + 0.022*\"seri\" + 0.018*\"gener\" + 0.018*\"member\" + 0.018*\"chickasaw\" + 0.016*\"serv\" + 0.015*\"appeas\" + 0.013*\"govern\"\n", - "2019-01-31 00:20:39,501 : INFO : topic #34 (0.020): 0.074*\"start\" + 0.041*\"cotton\" + 0.029*\"unionist\" + 0.022*\"american\" + 0.018*\"new\" + 0.015*\"terri\" + 0.014*\"california\" + 0.013*\"warrior\" + 0.012*\"north\" + 0.012*\"violent\"\n", - "2019-01-31 00:20:39,507 : INFO : topic diff=0.021513, rho=0.080845\n", - "2019-01-31 00:20:39,665 : INFO : PROGRESS: pass 0, at document #308000/4922894\n", - "2019-01-31 00:20:41,152 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:20:41,418 : INFO : topic #25 (0.020): 0.029*\"ring\" + 0.018*\"warmth\" + 0.016*\"lagrang\" + 0.016*\"area\" + 0.015*\"mount\" + 0.008*\"land\" + 0.008*\"north\" + 0.008*\"vacant\" + 0.008*\"palmer\" + 0.008*\"foam\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:20:41,419 : INFO : topic #5 (0.020): 0.041*\"abroad\" + 0.029*\"son\" + 0.029*\"rel\" + 0.026*\"reconstruct\" + 0.022*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.015*\"charcoal\" + 0.014*\"toyota\" + 0.009*\"myspac\"\n", - "2019-01-31 00:20:41,420 : INFO : topic #16 (0.020): 0.029*\"priest\" + 0.019*\"maria\" + 0.019*\"duke\" + 0.018*\"grammat\" + 0.018*\"king\" + 0.017*\"quarterli\" + 0.014*\"rotterdam\" + 0.014*\"portugues\" + 0.014*\"order\" + 0.012*\"princ\"\n", - "2019-01-31 00:20:41,421 : INFO : topic #11 (0.020): 0.027*\"john\" + 0.015*\"will\" + 0.013*\"jame\" + 0.012*\"david\" + 0.011*\"rival\" + 0.010*\"georg\" + 0.010*\"slur\" + 0.009*\"mexican–american\" + 0.009*\"rhyme\" + 0.008*\"paul\"\n", - "2019-01-31 00:20:41,422 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.008*\"frontal\" + 0.007*\"gener\" + 0.007*\"servitud\" + 0.006*\"exampl\" + 0.006*\"théori\" + 0.006*\"poet\" + 0.006*\"southern\" + 0.006*\"differ\" + 0.006*\"measur\"\n", - "2019-01-31 00:20:41,428 : INFO : topic diff=0.020493, rho=0.080582\n", - "2019-01-31 00:20:41,578 : INFO : PROGRESS: pass 0, at document #310000/4922894\n", - "2019-01-31 00:20:43,012 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:20:43,278 : INFO : topic #31 (0.020): 0.066*\"fusiform\" + 0.023*\"player\" + 0.020*\"scientist\" + 0.019*\"place\" + 0.015*\"taxpay\" + 0.012*\"leagu\" + 0.010*\"ruler\" + 0.010*\"folei\" + 0.009*\"yard\" + 0.008*\"barber\"\n", - "2019-01-31 00:20:43,279 : INFO : topic #37 (0.020): 0.009*\"love\" + 0.008*\"gestur\" + 0.006*\"man\" + 0.005*\"bewild\" + 0.005*\"blue\" + 0.004*\"night\" + 0.004*\"litig\" + 0.003*\"dai\" + 0.003*\"introductori\" + 0.003*\"vision\"\n", - "2019-01-31 00:20:43,280 : INFO : topic #3 (0.020): 0.039*\"present\" + 0.028*\"offic\" + 0.026*\"minist\" + 0.023*\"seri\" + 0.019*\"chickasaw\" + 0.018*\"member\" + 0.018*\"gener\" + 0.016*\"serv\" + 0.015*\"appeas\" + 0.014*\"govern\"\n", - "2019-01-31 00:20:43,282 : INFO : topic #10 (0.020): 0.013*\"cdd\" + 0.008*\"media\" + 0.008*\"pathwai\" + 0.007*\"proper\" + 0.007*\"hormon\" + 0.007*\"disco\" + 0.006*\"caus\" + 0.006*\"have\" + 0.006*\"treat\" + 0.006*\"activ\"\n", - "2019-01-31 00:20:43,283 : INFO : topic #30 (0.020): 0.035*\"cleveland\" + 0.033*\"leagu\" + 0.031*\"place\" + 0.029*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.016*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:20:43,289 : INFO : topic diff=0.020996, rho=0.080322\n", - "2019-01-31 00:20:43,438 : INFO : PROGRESS: pass 0, at document #312000/4922894\n", - "2019-01-31 00:20:44,875 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:20:45,140 : INFO : topic #16 (0.020): 0.028*\"priest\" + 0.020*\"grammat\" + 0.019*\"duke\" + 0.018*\"maria\" + 0.018*\"quarterli\" + 0.017*\"king\" + 0.015*\"rotterdam\" + 0.015*\"order\" + 0.015*\"portugues\" + 0.011*\"portrait\"\n", - "2019-01-31 00:20:45,141 : INFO : topic #20 (0.020): 0.127*\"scholar\" + 0.036*\"struggl\" + 0.029*\"educ\" + 0.029*\"high\" + 0.018*\"yawn\" + 0.017*\"collector\" + 0.012*\"prognosi\" + 0.009*\"class\" + 0.009*\"task\" + 0.008*\"pseudo\"\n", - "2019-01-31 00:20:45,143 : INFO : topic #35 (0.020): 0.052*\"russia\" + 0.031*\"sovereignti\" + 0.028*\"rural\" + 0.026*\"poison\" + 0.024*\"reprint\" + 0.022*\"personifi\" + 0.017*\"poland\" + 0.017*\"moscow\" + 0.015*\"shirin\" + 0.014*\"unfortun\"\n", - "2019-01-31 00:20:45,144 : INFO : topic #31 (0.020): 0.065*\"fusiform\" + 0.023*\"player\" + 0.020*\"place\" + 0.020*\"scientist\" + 0.015*\"taxpay\" + 0.012*\"leagu\" + 0.011*\"yard\" + 0.010*\"ruler\" + 0.009*\"folei\" + 0.008*\"barber\"\n", - "2019-01-31 00:20:45,145 : INFO : topic #13 (0.020): 0.028*\"australia\" + 0.028*\"new\" + 0.025*\"sourc\" + 0.023*\"london\" + 0.021*\"australian\" + 0.021*\"england\" + 0.020*\"ireland\" + 0.018*\"youth\" + 0.017*\"british\" + 0.016*\"sydnei\"\n", - "2019-01-31 00:20:45,151 : INFO : topic diff=0.021081, rho=0.080064\n", - "2019-01-31 00:20:45,303 : INFO : PROGRESS: pass 0, at document #314000/4922894\n", - "2019-01-31 00:20:46,759 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:20:47,025 : INFO : topic #27 (0.020): 0.071*\"questionnair\" + 0.017*\"taxpay\" + 0.017*\"candid\" + 0.016*\"driver\" + 0.013*\"tornado\" + 0.013*\"ret\" + 0.011*\"fool\" + 0.011*\"find\" + 0.010*\"théori\" + 0.010*\"champion\"\n", - "2019-01-31 00:20:47,026 : INFO : topic #5 (0.020): 0.040*\"abroad\" + 0.030*\"son\" + 0.028*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.015*\"charcoal\" + 0.014*\"toyota\" + 0.009*\"myspac\"\n", - "2019-01-31 00:20:47,027 : INFO : topic #30 (0.020): 0.035*\"cleveland\" + 0.034*\"leagu\" + 0.031*\"place\" + 0.029*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.016*\"martin\" + 0.012*\"player\"\n", - "2019-01-31 00:20:47,029 : INFO : topic #49 (0.020): 0.040*\"india\" + 0.032*\"incumb\" + 0.012*\"televis\" + 0.012*\"pakistan\" + 0.011*\"islam\" + 0.010*\"khalsa\" + 0.010*\"sri\" + 0.010*\"start\" + 0.009*\"alam\" + 0.009*\"muskoge\"\n", - "2019-01-31 00:20:47,030 : INFO : topic #9 (0.020): 0.081*\"bone\" + 0.046*\"american\" + 0.024*\"valour\" + 0.021*\"player\" + 0.016*\"folei\" + 0.016*\"english\" + 0.015*\"polit\" + 0.015*\"dutch\" + 0.013*\"acrimoni\" + 0.013*\"simpler\"\n", - "2019-01-31 00:20:47,036 : INFO : topic diff=0.019141, rho=0.079809\n", - "2019-01-31 00:20:47,187 : INFO : PROGRESS: pass 0, at document #316000/4922894\n", - "2019-01-31 00:20:48,626 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:20:48,891 : INFO : topic #25 (0.020): 0.029*\"ring\" + 0.018*\"warmth\" + 0.017*\"lagrang\" + 0.016*\"area\" + 0.014*\"mount\" + 0.008*\"vacant\" + 0.008*\"land\" + 0.008*\"north\" + 0.008*\"palmer\" + 0.008*\"lobe\"\n", - "2019-01-31 00:20:48,893 : INFO : topic #31 (0.020): 0.065*\"fusiform\" + 0.023*\"player\" + 0.020*\"place\" + 0.020*\"scientist\" + 0.015*\"taxpay\" + 0.012*\"leagu\" + 0.011*\"yard\" + 0.010*\"ruler\" + 0.010*\"folei\" + 0.008*\"barber\"\n", - "2019-01-31 00:20:48,894 : INFO : topic #8 (0.020): 0.032*\"law\" + 0.026*\"cortic\" + 0.022*\"act\" + 0.019*\"start\" + 0.013*\"ricardo\" + 0.013*\"case\" + 0.010*\"polaris\" + 0.009*\"legal\" + 0.009*\"judaism\" + 0.007*\"justic\"\n", - "2019-01-31 00:20:48,895 : INFO : topic #21 (0.020): 0.039*\"samford\" + 0.024*\"spain\" + 0.020*\"mexico\" + 0.019*\"del\" + 0.014*\"soviet\" + 0.013*\"francisco\" + 0.013*\"santa\" + 0.011*\"carlo\" + 0.011*\"juan\" + 0.011*\"lizard\"\n", - "2019-01-31 00:20:48,897 : INFO : topic #48 (0.020): 0.087*\"march\" + 0.082*\"januari\" + 0.078*\"sens\" + 0.077*\"octob\" + 0.075*\"notion\" + 0.073*\"juli\" + 0.073*\"judici\" + 0.072*\"august\" + 0.072*\"april\" + 0.070*\"decatur\"\n", - "2019-01-31 00:20:48,903 : INFO : topic diff=0.018112, rho=0.079556\n", - "2019-01-31 00:20:49,056 : INFO : PROGRESS: pass 0, at document #318000/4922894\n", - "2019-01-31 00:20:50,489 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:20:50,755 : INFO : topic #33 (0.020): 0.063*\"french\" + 0.044*\"franc\" + 0.029*\"pari\" + 0.024*\"sail\" + 0.021*\"jean\" + 0.017*\"wine\" + 0.016*\"wreath\" + 0.015*\"daphn\" + 0.013*\"loui\" + 0.012*\"lazi\"\n", - "2019-01-31 00:20:50,756 : INFO : topic #21 (0.020): 0.039*\"samford\" + 0.024*\"spain\" + 0.020*\"mexico\" + 0.019*\"del\" + 0.014*\"soviet\" + 0.013*\"francisco\" + 0.012*\"santa\" + 0.011*\"carlo\" + 0.011*\"juan\" + 0.011*\"lizard\"\n", - "2019-01-31 00:20:50,757 : INFO : topic #19 (0.020): 0.010*\"woodcut\" + 0.009*\"origin\" + 0.009*\"charact\" + 0.009*\"form\" + 0.009*\"languag\" + 0.008*\"mean\" + 0.008*\"uruguayan\" + 0.008*\"like\" + 0.007*\"god\" + 0.006*\"differ\"\n", - "2019-01-31 00:20:50,758 : INFO : topic #13 (0.020): 0.028*\"australia\" + 0.027*\"new\" + 0.025*\"sourc\" + 0.024*\"london\" + 0.021*\"australian\" + 0.020*\"england\" + 0.020*\"ireland\" + 0.018*\"youth\" + 0.017*\"british\" + 0.015*\"sydnei\"\n", - "2019-01-31 00:20:50,760 : INFO : topic #26 (0.020): 0.033*\"workplac\" + 0.031*\"champion\" + 0.029*\"woman\" + 0.025*\"olymp\" + 0.024*\"alic\" + 0.022*\"medal\" + 0.021*\"men\" + 0.021*\"event\" + 0.018*\"atheist\" + 0.018*\"taxpay\"\n", - "2019-01-31 00:20:50,765 : INFO : topic diff=0.018600, rho=0.079305\n", - "2019-01-31 00:20:53,587 : INFO : -11.562 per-word bound, 3022.6 perplexity estimate based on a held-out corpus of 2000 documents with 550871 words\n", - "2019-01-31 00:20:53,588 : INFO : PROGRESS: pass 0, at document #320000/4922894\n", - "2019-01-31 00:20:55,043 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:20:55,309 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.025*\"collector\" + 0.020*\"institut\" + 0.019*\"schuster\" + 0.016*\"student\" + 0.016*\"requir\" + 0.014*\"professor\" + 0.012*\"word\" + 0.012*\"governor\" + 0.011*\"degre\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:20:55,310 : INFO : topic #0 (0.020): 0.064*\"statewid\" + 0.044*\"arsen\" + 0.038*\"line\" + 0.037*\"raid\" + 0.035*\"museo\" + 0.018*\"traceabl\" + 0.018*\"pain\" + 0.017*\"serv\" + 0.017*\"word\" + 0.017*\"exhaust\"\n", - "2019-01-31 00:20:55,311 : INFO : topic #8 (0.020): 0.033*\"law\" + 0.027*\"cortic\" + 0.022*\"act\" + 0.018*\"start\" + 0.013*\"ricardo\" + 0.013*\"case\" + 0.010*\"legal\" + 0.009*\"polaris\" + 0.009*\"judaism\" + 0.008*\"justic\"\n", - "2019-01-31 00:20:55,312 : INFO : topic #15 (0.020): 0.014*\"develop\" + 0.013*\"small\" + 0.012*\"requir\" + 0.010*\"organ\" + 0.010*\"word\" + 0.010*\"commun\" + 0.009*\"cultur\" + 0.008*\"student\" + 0.008*\"socialist\" + 0.008*\"human\"\n", - "2019-01-31 00:20:55,313 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.027*\"factor\" + 0.023*\"adulthood\" + 0.017*\"hostil\" + 0.017*\"feel\" + 0.015*\"male\" + 0.011*\"plaisir\" + 0.011*\"live\" + 0.010*\"genu\" + 0.009*\"popolo\"\n", - "2019-01-31 00:20:55,319 : INFO : topic diff=0.017851, rho=0.079057\n", - "2019-01-31 00:20:55,474 : INFO : PROGRESS: pass 0, at document #322000/4922894\n", - "2019-01-31 00:20:56,926 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:20:57,192 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.020*\"di\" + 0.017*\"factor\" + 0.014*\"yawn\" + 0.014*\"margin\" + 0.012*\"life\" + 0.012*\"deal\" + 0.012*\"bone\" + 0.012*\"faster\" + 0.012*\"john\"\n", - "2019-01-31 00:20:57,193 : INFO : topic #33 (0.020): 0.063*\"french\" + 0.043*\"franc\" + 0.028*\"pari\" + 0.024*\"sail\" + 0.021*\"jean\" + 0.016*\"wine\" + 0.015*\"wreath\" + 0.014*\"daphn\" + 0.013*\"loui\" + 0.012*\"lazi\"\n", - "2019-01-31 00:20:57,194 : INFO : topic #41 (0.020): 0.049*\"citi\" + 0.042*\"new\" + 0.027*\"palmer\" + 0.025*\"year\" + 0.015*\"center\" + 0.015*\"strategist\" + 0.010*\"open\" + 0.009*\"hot\" + 0.009*\"lobe\" + 0.009*\"includ\"\n", - "2019-01-31 00:20:57,195 : INFO : topic #29 (0.020): 0.012*\"govern\" + 0.010*\"start\" + 0.008*\"replac\" + 0.008*\"countri\" + 0.008*\"yawn\" + 0.007*\"million\" + 0.007*\"nation\" + 0.006*\"new\" + 0.006*\"théori\" + 0.006*\"summerhil\"\n", - "2019-01-31 00:20:57,197 : INFO : topic #49 (0.020): 0.040*\"india\" + 0.031*\"incumb\" + 0.015*\"televis\" + 0.012*\"pakistan\" + 0.010*\"islam\" + 0.010*\"khalsa\" + 0.010*\"start\" + 0.009*\"sri\" + 0.009*\"tajikistan\" + 0.009*\"alam\"\n", - "2019-01-31 00:20:57,202 : INFO : topic diff=0.019380, rho=0.078811\n", - "2019-01-31 00:20:57,359 : INFO : PROGRESS: pass 0, at document #324000/4922894\n", - "2019-01-31 00:20:58,818 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:20:59,084 : INFO : topic #26 (0.020): 0.034*\"workplac\" + 0.030*\"champion\" + 0.028*\"woman\" + 0.025*\"olymp\" + 0.023*\"alic\" + 0.021*\"medal\" + 0.021*\"event\" + 0.020*\"men\" + 0.018*\"taxpay\" + 0.017*\"atheist\"\n", - "2019-01-31 00:20:59,085 : INFO : topic #45 (0.020): 0.022*\"black\" + 0.018*\"western\" + 0.015*\"colder\" + 0.013*\"record\" + 0.010*\"blind\" + 0.010*\"light\" + 0.009*\"fit\" + 0.008*\"illicit\" + 0.008*\"green\" + 0.007*\"arm\"\n", - "2019-01-31 00:20:59,086 : INFO : topic #48 (0.020): 0.083*\"march\" + 0.080*\"januari\" + 0.076*\"octob\" + 0.076*\"sens\" + 0.073*\"notion\" + 0.072*\"april\" + 0.071*\"juli\" + 0.071*\"judici\" + 0.071*\"august\" + 0.069*\"decatur\"\n", - "2019-01-31 00:20:59,087 : INFO : topic #3 (0.020): 0.037*\"present\" + 0.028*\"offic\" + 0.026*\"minist\" + 0.023*\"seri\" + 0.019*\"gener\" + 0.019*\"chickasaw\" + 0.018*\"member\" + 0.015*\"serv\" + 0.015*\"appeas\" + 0.014*\"govern\"\n", - "2019-01-31 00:20:59,088 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.020*\"di\" + 0.017*\"factor\" + 0.014*\"yawn\" + 0.014*\"margin\" + 0.012*\"deal\" + 0.012*\"life\" + 0.012*\"john\" + 0.012*\"bone\" + 0.012*\"faster\"\n", - "2019-01-31 00:20:59,094 : INFO : topic diff=0.020038, rho=0.078567\n", - "2019-01-31 00:20:59,250 : INFO : PROGRESS: pass 0, at document #326000/4922894\n", - "2019-01-31 00:21:00,726 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:21:00,991 : INFO : topic #40 (0.020): 0.090*\"unit\" + 0.026*\"collector\" + 0.020*\"institut\" + 0.019*\"schuster\" + 0.016*\"student\" + 0.015*\"requir\" + 0.014*\"professor\" + 0.012*\"word\" + 0.012*\"governor\" + 0.012*\"degre\"\n", - "2019-01-31 00:21:00,993 : INFO : topic #26 (0.020): 0.035*\"workplac\" + 0.030*\"champion\" + 0.028*\"woman\" + 0.026*\"olymp\" + 0.022*\"alic\" + 0.021*\"medal\" + 0.021*\"event\" + 0.020*\"men\" + 0.018*\"rainfal\" + 0.018*\"taxpay\"\n", - "2019-01-31 00:21:00,994 : INFO : topic #28 (0.020): 0.030*\"build\" + 0.023*\"hous\" + 0.023*\"rivièr\" + 0.016*\"buford\" + 0.012*\"rosenwald\" + 0.011*\"briarwood\" + 0.011*\"histor\" + 0.011*\"constitut\" + 0.010*\"strategist\" + 0.010*\"silicon\"\n", - "2019-01-31 00:21:00,995 : INFO : topic #3 (0.020): 0.039*\"present\" + 0.028*\"offic\" + 0.025*\"minist\" + 0.023*\"seri\" + 0.019*\"gener\" + 0.018*\"chickasaw\" + 0.018*\"member\" + 0.015*\"serv\" + 0.015*\"appeas\" + 0.014*\"govern\"\n", - "2019-01-31 00:21:00,996 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.043*\"franc\" + 0.028*\"pari\" + 0.024*\"sail\" + 0.021*\"jean\" + 0.015*\"wine\" + 0.015*\"loui\" + 0.014*\"daphn\" + 0.013*\"wreath\" + 0.013*\"lazi\"\n", - "2019-01-31 00:21:01,002 : INFO : topic diff=0.018567, rho=0.078326\n", - "2019-01-31 00:21:01,154 : INFO : PROGRESS: pass 0, at document #328000/4922894\n", - "2019-01-31 00:21:02,594 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:21:02,860 : INFO : topic #42 (0.020): 0.038*\"german\" + 0.025*\"germani\" + 0.014*\"vol\" + 0.012*\"jewish\" + 0.012*\"der\" + 0.011*\"israel\" + 0.010*\"berlin\" + 0.009*\"greek\" + 0.008*\"austria\" + 0.008*\"europ\"\n", - "2019-01-31 00:21:02,861 : INFO : topic #41 (0.020): 0.051*\"citi\" + 0.042*\"new\" + 0.027*\"palmer\" + 0.024*\"year\" + 0.015*\"center\" + 0.014*\"strategist\" + 0.010*\"open\" + 0.010*\"lobe\" + 0.009*\"includ\" + 0.009*\"hot\"\n", - "2019-01-31 00:21:02,862 : INFO : topic #21 (0.020): 0.037*\"samford\" + 0.024*\"spain\" + 0.019*\"mexico\" + 0.018*\"del\" + 0.014*\"soviet\" + 0.013*\"santa\" + 0.013*\"francisco\" + 0.011*\"josé\" + 0.011*\"juan\" + 0.011*\"carlo\"\n", - "2019-01-31 00:21:02,863 : INFO : topic #8 (0.020): 0.032*\"law\" + 0.025*\"cortic\" + 0.020*\"act\" + 0.018*\"start\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.009*\"polaris\" + 0.009*\"legal\" + 0.008*\"judaism\" + 0.008*\"rudolf\"\n", - "2019-01-31 00:21:02,864 : INFO : topic #16 (0.020): 0.028*\"priest\" + 0.019*\"quarterli\" + 0.019*\"grammat\" + 0.018*\"king\" + 0.018*\"duke\" + 0.018*\"portugues\" + 0.017*\"maria\" + 0.015*\"rotterdam\" + 0.013*\"princ\" + 0.012*\"portrait\"\n", - "2019-01-31 00:21:02,870 : INFO : topic diff=0.016826, rho=0.078087\n", - "2019-01-31 00:21:03,027 : INFO : PROGRESS: pass 0, at document #330000/4922894\n", - "2019-01-31 00:21:04,504 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:21:04,770 : INFO : topic #15 (0.020): 0.014*\"small\" + 0.013*\"develop\" + 0.011*\"organ\" + 0.011*\"requir\" + 0.010*\"word\" + 0.010*\"commun\" + 0.009*\"cultur\" + 0.008*\"socialist\" + 0.008*\"student\" + 0.008*\"human\"\n", - "2019-01-31 00:21:04,771 : INFO : topic #17 (0.020): 0.065*\"church\" + 0.019*\"jpg\" + 0.019*\"christian\" + 0.018*\"cathol\" + 0.017*\"bishop\" + 0.014*\"sail\" + 0.014*\"fifteenth\" + 0.014*\"retroflex\" + 0.014*\"centuri\" + 0.010*\"italian\"\n", - "2019-01-31 00:21:04,772 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.043*\"franc\" + 0.029*\"pari\" + 0.026*\"sail\" + 0.022*\"jean\" + 0.015*\"loui\" + 0.014*\"daphn\" + 0.014*\"wine\" + 0.013*\"lazi\" + 0.012*\"piec\"\n", - "2019-01-31 00:21:04,774 : INFO : topic #27 (0.020): 0.072*\"questionnair\" + 0.020*\"taxpay\" + 0.016*\"candid\" + 0.014*\"driver\" + 0.014*\"ret\" + 0.013*\"tornado\" + 0.011*\"find\" + 0.011*\"fool\" + 0.010*\"champion\" + 0.010*\"théori\"\n", - "2019-01-31 00:21:04,775 : INFO : topic #25 (0.020): 0.029*\"ring\" + 0.019*\"warmth\" + 0.017*\"lagrang\" + 0.015*\"area\" + 0.015*\"mount\" + 0.008*\"north\" + 0.008*\"land\" + 0.008*\"vacant\" + 0.008*\"lobe\" + 0.008*\"foam\"\n", - "2019-01-31 00:21:04,781 : INFO : topic diff=0.019237, rho=0.077850\n", - "2019-01-31 00:21:04,933 : INFO : PROGRESS: pass 0, at document #332000/4922894\n", - "2019-01-31 00:21:06,383 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:21:06,655 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.043*\"franc\" + 0.028*\"pari\" + 0.025*\"sail\" + 0.022*\"wine\" + 0.022*\"jean\" + 0.014*\"daphn\" + 0.014*\"loui\" + 0.012*\"lazi\" + 0.011*\"piec\"\n", - "2019-01-31 00:21:06,656 : INFO : topic #49 (0.020): 0.041*\"india\" + 0.030*\"incumb\" + 0.014*\"televis\" + 0.012*\"pakistan\" + 0.010*\"islam\" + 0.010*\"start\" + 0.010*\"khalsa\" + 0.009*\"tajikistan\" + 0.009*\"sri\" + 0.008*\"alam\"\n", - "2019-01-31 00:21:06,658 : INFO : topic #10 (0.020): 0.013*\"cdd\" + 0.009*\"hormon\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"pathwai\" + 0.007*\"che\" + 0.007*\"caus\" + 0.007*\"have\" + 0.006*\"treat\" + 0.006*\"includ\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:21:06,659 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.027*\"factor\" + 0.023*\"adulthood\" + 0.017*\"hostil\" + 0.017*\"feel\" + 0.015*\"live\" + 0.014*\"male\" + 0.011*\"plaisir\" + 0.009*\"genu\" + 0.009*\"popolo\"\n", - "2019-01-31 00:21:06,660 : INFO : topic #8 (0.020): 0.032*\"law\" + 0.026*\"cortic\" + 0.019*\"act\" + 0.018*\"start\" + 0.013*\"ricardo\" + 0.013*\"case\" + 0.009*\"polaris\" + 0.009*\"legal\" + 0.008*\"judaism\" + 0.008*\"justic\"\n", - "2019-01-31 00:21:06,666 : INFO : topic diff=0.018647, rho=0.077615\n", - "2019-01-31 00:21:06,820 : INFO : PROGRESS: pass 0, at document #334000/4922894\n", - "2019-01-31 00:21:08,282 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:21:08,547 : INFO : topic #29 (0.020): 0.012*\"govern\" + 0.010*\"start\" + 0.008*\"replac\" + 0.008*\"countri\" + 0.008*\"yawn\" + 0.007*\"million\" + 0.006*\"nation\" + 0.006*\"théori\" + 0.006*\"new\" + 0.006*\"placement\"\n", - "2019-01-31 00:21:08,549 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.027*\"factor\" + 0.023*\"adulthood\" + 0.017*\"hostil\" + 0.017*\"feel\" + 0.015*\"live\" + 0.015*\"male\" + 0.011*\"plaisir\" + 0.010*\"popolo\" + 0.009*\"genu\"\n", - "2019-01-31 00:21:08,550 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.042*\"franc\" + 0.029*\"pari\" + 0.023*\"sail\" + 0.022*\"jean\" + 0.021*\"wine\" + 0.014*\"daphn\" + 0.014*\"loui\" + 0.012*\"lazi\" + 0.011*\"piec\"\n", - "2019-01-31 00:21:08,551 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.026*\"final\" + 0.024*\"wife\" + 0.019*\"tourist\" + 0.017*\"champion\" + 0.015*\"taxpay\" + 0.015*\"tiepolo\" + 0.014*\"chamber\" + 0.013*\"martin\" + 0.012*\"poet\"\n", - "2019-01-31 00:21:08,553 : INFO : topic #23 (0.020): 0.124*\"audit\" + 0.065*\"best\" + 0.039*\"jacksonvil\" + 0.030*\"yawn\" + 0.025*\"japanes\" + 0.022*\"noll\" + 0.020*\"festiv\" + 0.019*\"women\" + 0.017*\"intern\" + 0.016*\"tokyo\"\n", - "2019-01-31 00:21:08,558 : INFO : topic diff=0.016786, rho=0.077382\n", - "2019-01-31 00:21:08,714 : INFO : PROGRESS: pass 0, at document #336000/4922894\n", - "2019-01-31 00:21:10,205 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:21:10,471 : INFO : topic #3 (0.020): 0.038*\"present\" + 0.028*\"offic\" + 0.025*\"minist\" + 0.024*\"seri\" + 0.020*\"gener\" + 0.018*\"member\" + 0.018*\"chickasaw\" + 0.015*\"appeas\" + 0.014*\"govern\" + 0.014*\"serv\"\n", - "2019-01-31 00:21:10,472 : INFO : topic #10 (0.020): 0.013*\"cdd\" + 0.008*\"hormon\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"have\" + 0.007*\"che\" + 0.007*\"caus\" + 0.007*\"pathwai\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 00:21:10,474 : INFO : topic #43 (0.020): 0.069*\"elect\" + 0.057*\"parti\" + 0.027*\"voluntari\" + 0.023*\"democrat\" + 0.022*\"member\" + 0.019*\"polici\" + 0.015*\"bypass\" + 0.014*\"report\" + 0.014*\"republ\" + 0.013*\"hous\"\n", - "2019-01-31 00:21:10,475 : INFO : topic #0 (0.020): 0.066*\"statewid\" + 0.043*\"arsen\" + 0.037*\"line\" + 0.037*\"raid\" + 0.032*\"museo\" + 0.018*\"traceabl\" + 0.017*\"serv\" + 0.017*\"pain\" + 0.016*\"word\" + 0.015*\"exhaust\"\n", - "2019-01-31 00:21:10,475 : INFO : topic #16 (0.020): 0.026*\"priest\" + 0.019*\"grammat\" + 0.018*\"king\" + 0.018*\"portugues\" + 0.018*\"quarterli\" + 0.017*\"duke\" + 0.017*\"maria\" + 0.016*\"rotterdam\" + 0.013*\"portrait\" + 0.012*\"idiosyncrat\"\n", - "2019-01-31 00:21:10,481 : INFO : topic diff=0.020697, rho=0.077152\n", - "2019-01-31 00:21:10,638 : INFO : PROGRESS: pass 0, at document #338000/4922894\n", - "2019-01-31 00:21:12,117 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:21:12,383 : INFO : topic #26 (0.020): 0.035*\"workplac\" + 0.032*\"champion\" + 0.031*\"woman\" + 0.025*\"event\" + 0.025*\"olymp\" + 0.021*\"alic\" + 0.021*\"men\" + 0.021*\"medal\" + 0.019*\"rainfal\" + 0.019*\"atheist\"\n", - "2019-01-31 00:21:12,384 : INFO : topic #49 (0.020): 0.042*\"india\" + 0.030*\"incumb\" + 0.014*\"televis\" + 0.011*\"pakistan\" + 0.010*\"islam\" + 0.010*\"khalsa\" + 0.009*\"sri\" + 0.009*\"start\" + 0.009*\"alam\" + 0.008*\"tajikistan\"\n", - "2019-01-31 00:21:12,385 : INFO : topic #31 (0.020): 0.063*\"fusiform\" + 0.022*\"player\" + 0.019*\"scientist\" + 0.019*\"place\" + 0.017*\"taxpay\" + 0.011*\"leagu\" + 0.011*\"folei\" + 0.010*\"yard\" + 0.009*\"borrow\" + 0.009*\"ruler\"\n", - "2019-01-31 00:21:12,386 : INFO : topic #16 (0.020): 0.028*\"priest\" + 0.019*\"king\" + 0.019*\"quarterli\" + 0.018*\"grammat\" + 0.018*\"portugues\" + 0.017*\"duke\" + 0.017*\"maria\" + 0.017*\"rotterdam\" + 0.013*\"princ\" + 0.012*\"idiosyncrat\"\n", - "2019-01-31 00:21:12,388 : INFO : topic #32 (0.020): 0.061*\"district\" + 0.046*\"vigour\" + 0.043*\"popolo\" + 0.042*\"tortur\" + 0.030*\"cotton\" + 0.029*\"area\" + 0.027*\"multitud\" + 0.026*\"regim\" + 0.021*\"citi\" + 0.019*\"commun\"\n", - "2019-01-31 00:21:12,394 : INFO : topic diff=0.017033, rho=0.076923\n", - "2019-01-31 00:21:15,197 : INFO : -11.816 per-word bound, 3606.0 perplexity estimate based on a held-out corpus of 2000 documents with 555866 words\n", - "2019-01-31 00:21:15,197 : INFO : PROGRESS: pass 0, at document #340000/4922894\n", - "2019-01-31 00:21:16,678 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:21:16,944 : INFO : topic #19 (0.020): 0.010*\"origin\" + 0.010*\"woodcut\" + 0.009*\"languag\" + 0.009*\"form\" + 0.009*\"charact\" + 0.008*\"mean\" + 0.008*\"uruguayan\" + 0.008*\"like\" + 0.006*\"god\" + 0.006*\"differ\"\n", - "2019-01-31 00:21:16,945 : INFO : topic #40 (0.020): 0.093*\"unit\" + 0.026*\"collector\" + 0.019*\"institut\" + 0.019*\"schuster\" + 0.016*\"student\" + 0.014*\"requir\" + 0.014*\"professor\" + 0.012*\"word\" + 0.012*\"governor\" + 0.011*\"degre\"\n", - "2019-01-31 00:21:16,946 : INFO : topic #0 (0.020): 0.068*\"statewid\" + 0.042*\"arsen\" + 0.038*\"raid\" + 0.038*\"line\" + 0.031*\"museo\" + 0.019*\"traceabl\" + 0.017*\"serv\" + 0.016*\"pain\" + 0.016*\"word\" + 0.015*\"exhaust\"\n", - "2019-01-31 00:21:16,947 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.026*\"final\" + 0.024*\"wife\" + 0.021*\"tourist\" + 0.017*\"champion\" + 0.015*\"tiepolo\" + 0.015*\"taxpay\" + 0.015*\"chamber\" + 0.013*\"martin\" + 0.012*\"winner\"\n", - "2019-01-31 00:21:16,948 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.027*\"factor\" + 0.023*\"adulthood\" + 0.017*\"hostil\" + 0.017*\"feel\" + 0.015*\"live\" + 0.015*\"male\" + 0.011*\"plaisir\" + 0.010*\"popolo\" + 0.010*\"genu\"\n", - "2019-01-31 00:21:16,954 : INFO : topic diff=0.017131, rho=0.076696\n", - "2019-01-31 00:21:17,112 : INFO : PROGRESS: pass 0, at document #342000/4922894\n", - "2019-01-31 00:21:18,579 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:21:18,846 : INFO : topic #18 (0.020): 0.008*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"man\" + 0.005*\"dai\" + 0.004*\"help\" + 0.004*\"deal\" + 0.004*\"fraud\"\n", - "2019-01-31 00:21:18,848 : INFO : topic #43 (0.020): 0.069*\"elect\" + 0.058*\"parti\" + 0.027*\"voluntari\" + 0.022*\"democrat\" + 0.021*\"member\" + 0.020*\"polici\" + 0.015*\"bypass\" + 0.014*\"report\" + 0.014*\"republ\" + 0.013*\"seaport\"\n", - "2019-01-31 00:21:18,849 : INFO : topic #28 (0.020): 0.030*\"build\" + 0.024*\"hous\" + 0.022*\"rivièr\" + 0.016*\"buford\" + 0.012*\"rosenwald\" + 0.012*\"briarwood\" + 0.011*\"histor\" + 0.011*\"strategist\" + 0.011*\"constitut\" + 0.009*\"linear\"\n", - "2019-01-31 00:21:18,850 : INFO : topic #41 (0.020): 0.050*\"citi\" + 0.042*\"new\" + 0.025*\"palmer\" + 0.023*\"year\" + 0.015*\"strategist\" + 0.015*\"center\" + 0.011*\"open\" + 0.010*\"lobe\" + 0.009*\"includ\" + 0.008*\"hot\"\n", - "2019-01-31 00:21:18,851 : INFO : topic #23 (0.020): 0.126*\"audit\" + 0.066*\"best\" + 0.038*\"jacksonvil\" + 0.030*\"yawn\" + 0.026*\"japanes\" + 0.021*\"noll\" + 0.019*\"festiv\" + 0.019*\"women\" + 0.017*\"intern\" + 0.015*\"tokyo\"\n", - "2019-01-31 00:21:18,857 : INFO : topic diff=0.019164, rho=0.076472\n", - "2019-01-31 00:21:19,017 : INFO : PROGRESS: pass 0, at document #344000/4922894\n", - "2019-01-31 00:21:20,510 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:21:20,776 : INFO : topic #19 (0.020): 0.010*\"origin\" + 0.009*\"woodcut\" + 0.009*\"languag\" + 0.009*\"form\" + 0.009*\"charact\" + 0.008*\"mean\" + 0.008*\"uruguayan\" + 0.007*\"like\" + 0.006*\"god\" + 0.006*\"name\"\n", - "2019-01-31 00:21:20,777 : INFO : topic #13 (0.020): 0.028*\"new\" + 0.027*\"australia\" + 0.024*\"england\" + 0.024*\"sourc\" + 0.023*\"london\" + 0.022*\"australian\" + 0.019*\"ireland\" + 0.018*\"youth\" + 0.018*\"british\" + 0.015*\"wale\"\n", - "2019-01-31 00:21:20,778 : INFO : topic #43 (0.020): 0.076*\"elect\" + 0.056*\"parti\" + 0.026*\"voluntari\" + 0.022*\"democrat\" + 0.022*\"member\" + 0.019*\"polici\" + 0.016*\"hous\" + 0.015*\"report\" + 0.015*\"tendenc\" + 0.014*\"bypass\"\n", - "2019-01-31 00:21:20,780 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.016*\"king\" + 0.012*\"battalion\" + 0.010*\"aza\" + 0.008*\"empath\" + 0.008*\"teufel\" + 0.008*\"forc\" + 0.007*\"centuri\" + 0.007*\"armi\" + 0.007*\"till\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:21:20,781 : INFO : topic #16 (0.020): 0.033*\"priest\" + 0.021*\"grammat\" + 0.020*\"king\" + 0.020*\"quarterli\" + 0.019*\"duke\" + 0.017*\"maria\" + 0.017*\"rotterdam\" + 0.017*\"portugues\" + 0.016*\"count\" + 0.013*\"princ\"\n", - "2019-01-31 00:21:20,786 : INFO : topic diff=0.022057, rho=0.076249\n", - "2019-01-31 00:21:20,941 : INFO : PROGRESS: pass 0, at document #346000/4922894\n", - "2019-01-31 00:21:22,384 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:21:22,650 : INFO : topic #33 (0.020): 0.067*\"french\" + 0.047*\"franc\" + 0.030*\"pari\" + 0.023*\"sail\" + 0.021*\"jean\" + 0.016*\"wine\" + 0.015*\"daphn\" + 0.013*\"loui\" + 0.013*\"lazi\" + 0.011*\"piec\"\n", - "2019-01-31 00:21:22,651 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.014*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.011*\"fleet\" + 0.010*\"coalit\" + 0.008*\"bahá\"\n", - "2019-01-31 00:21:22,652 : INFO : topic #19 (0.020): 0.010*\"languag\" + 0.010*\"origin\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"charact\" + 0.008*\"uruguayan\" + 0.008*\"mean\" + 0.008*\"like\" + 0.006*\"god\" + 0.006*\"name\"\n", - "2019-01-31 00:21:22,653 : INFO : topic #0 (0.020): 0.068*\"statewid\" + 0.042*\"arsen\" + 0.039*\"line\" + 0.036*\"raid\" + 0.033*\"museo\" + 0.019*\"traceabl\" + 0.017*\"serv\" + 0.016*\"pain\" + 0.015*\"word\" + 0.015*\"exhaust\"\n", - "2019-01-31 00:21:22,654 : INFO : topic #41 (0.020): 0.050*\"citi\" + 0.042*\"new\" + 0.025*\"palmer\" + 0.024*\"year\" + 0.015*\"strategist\" + 0.014*\"center\" + 0.010*\"open\" + 0.009*\"lobe\" + 0.009*\"includ\" + 0.008*\"hot\"\n", - "2019-01-31 00:21:22,660 : INFO : topic diff=0.018962, rho=0.076029\n", - "2019-01-31 00:21:22,814 : INFO : PROGRESS: pass 0, at document #348000/4922894\n", - "2019-01-31 00:21:24,264 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:21:24,530 : INFO : topic #40 (0.020): 0.093*\"unit\" + 0.025*\"collector\" + 0.019*\"schuster\" + 0.019*\"institut\" + 0.016*\"student\" + 0.015*\"requir\" + 0.015*\"professor\" + 0.012*\"word\" + 0.012*\"governor\" + 0.012*\"degre\"\n", - "2019-01-31 00:21:24,531 : INFO : topic #32 (0.020): 0.060*\"district\" + 0.046*\"vigour\" + 0.043*\"popolo\" + 0.042*\"tortur\" + 0.029*\"area\" + 0.028*\"cotton\" + 0.027*\"multitud\" + 0.025*\"regim\" + 0.020*\"commun\" + 0.020*\"citi\"\n", - "2019-01-31 00:21:24,533 : INFO : topic #18 (0.020): 0.008*\"théori\" + 0.007*\"later\" + 0.006*\"kill\" + 0.006*\"sack\" + 0.005*\"retrospect\" + 0.005*\"man\" + 0.005*\"dai\" + 0.004*\"deal\" + 0.004*\"help\" + 0.004*\"kenworthi\"\n", - "2019-01-31 00:21:24,534 : INFO : topic #30 (0.020): 0.035*\"cleveland\" + 0.034*\"leagu\" + 0.031*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.022*\"crete\" + 0.022*\"folei\" + 0.016*\"martin\" + 0.016*\"goal\" + 0.012*\"player\"\n", - "2019-01-31 00:21:24,535 : INFO : topic #20 (0.020): 0.128*\"scholar\" + 0.037*\"struggl\" + 0.029*\"high\" + 0.028*\"educ\" + 0.018*\"yawn\" + 0.018*\"collector\" + 0.013*\"prognosi\" + 0.009*\"task\" + 0.009*\"class\" + 0.009*\"gothic\"\n", - "2019-01-31 00:21:24,541 : INFO : topic diff=0.017567, rho=0.075810\n", - "2019-01-31 00:21:24,751 : INFO : PROGRESS: pass 0, at document #350000/4922894\n", - "2019-01-31 00:21:26,183 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:21:26,449 : INFO : topic #42 (0.020): 0.039*\"german\" + 0.025*\"germani\" + 0.014*\"jewish\" + 0.014*\"vol\" + 0.012*\"israel\" + 0.012*\"der\" + 0.011*\"berlin\" + 0.010*\"jeremiah\" + 0.009*\"greek\" + 0.009*\"itali\"\n", - "2019-01-31 00:21:26,450 : INFO : topic #3 (0.020): 0.037*\"present\" + 0.029*\"offic\" + 0.025*\"minist\" + 0.022*\"seri\" + 0.019*\"gener\" + 0.018*\"chickasaw\" + 0.018*\"member\" + 0.017*\"serv\" + 0.015*\"govern\" + 0.015*\"appeas\"\n", - "2019-01-31 00:21:26,451 : INFO : topic #33 (0.020): 0.068*\"french\" + 0.049*\"franc\" + 0.031*\"pari\" + 0.024*\"sail\" + 0.021*\"jean\" + 0.015*\"wine\" + 0.015*\"daphn\" + 0.013*\"loui\" + 0.012*\"lazi\" + 0.011*\"piec\"\n", - "2019-01-31 00:21:26,453 : INFO : topic #25 (0.020): 0.029*\"ring\" + 0.017*\"warmth\" + 0.017*\"lagrang\" + 0.016*\"area\" + 0.014*\"mount\" + 0.008*\"north\" + 0.008*\"palmer\" + 0.008*\"land\" + 0.008*\"foam\" + 0.007*\"sourc\"\n", - "2019-01-31 00:21:26,453 : INFO : topic #13 (0.020): 0.028*\"new\" + 0.028*\"australia\" + 0.024*\"australian\" + 0.024*\"england\" + 0.024*\"sourc\" + 0.023*\"london\" + 0.020*\"ireland\" + 0.018*\"british\" + 0.018*\"youth\" + 0.015*\"wale\"\n", - "2019-01-31 00:21:26,459 : INFO : topic diff=0.018178, rho=0.075593\n", - "2019-01-31 00:21:26,613 : INFO : PROGRESS: pass 0, at document #352000/4922894\n", - "2019-01-31 00:21:28,078 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:21:28,344 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"gener\" + 0.006*\"exampl\" + 0.006*\"servitud\" + 0.006*\"poet\" + 0.006*\"théori\" + 0.006*\"southern\" + 0.005*\"measur\" + 0.005*\"utopian\"\n", - "2019-01-31 00:21:28,345 : INFO : topic #34 (0.020): 0.077*\"start\" + 0.034*\"cotton\" + 0.031*\"unionist\" + 0.024*\"american\" + 0.018*\"new\" + 0.015*\"terri\" + 0.014*\"california\" + 0.013*\"violent\" + 0.012*\"north\" + 0.012*\"warrior\"\n", - "2019-01-31 00:21:28,346 : INFO : topic #35 (0.020): 0.057*\"russia\" + 0.031*\"turin\" + 0.031*\"sovereignti\" + 0.028*\"rural\" + 0.026*\"reprint\" + 0.025*\"poison\" + 0.020*\"personifi\" + 0.018*\"moscow\" + 0.016*\"shirin\" + 0.015*\"poland\"\n", - "2019-01-31 00:21:28,348 : INFO : topic #42 (0.020): 0.039*\"german\" + 0.026*\"germani\" + 0.014*\"vol\" + 0.014*\"jewish\" + 0.012*\"der\" + 0.012*\"israel\" + 0.011*\"berlin\" + 0.009*\"jeremiah\" + 0.009*\"greek\" + 0.009*\"european\"\n", - "2019-01-31 00:21:28,349 : INFO : topic #43 (0.020): 0.074*\"elect\" + 0.059*\"parti\" + 0.027*\"democrat\" + 0.024*\"voluntari\" + 0.021*\"member\" + 0.018*\"polici\" + 0.015*\"republ\" + 0.015*\"report\" + 0.014*\"hous\" + 0.014*\"bypass\"\n", - "2019-01-31 00:21:28,355 : INFO : topic diff=0.016612, rho=0.075378\n", - "2019-01-31 00:21:28,518 : INFO : PROGRESS: pass 0, at document #354000/4922894\n", - "2019-01-31 00:21:30,021 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:21:30,287 : INFO : topic #1 (0.020): 0.053*\"china\" + 0.053*\"chilton\" + 0.026*\"hong\" + 0.026*\"kong\" + 0.023*\"korea\" + 0.022*\"korean\" + 0.017*\"sourc\" + 0.017*\"leah\" + 0.013*\"kim\" + 0.011*\"taiwan\"\n", - "2019-01-31 00:21:30,288 : INFO : topic #25 (0.020): 0.029*\"ring\" + 0.017*\"warmth\" + 0.016*\"lagrang\" + 0.016*\"area\" + 0.015*\"mount\" + 0.008*\"palmer\" + 0.008*\"north\" + 0.008*\"foam\" + 0.008*\"land\" + 0.007*\"vacant\"\n", - "2019-01-31 00:21:30,290 : INFO : topic #21 (0.020): 0.038*\"samford\" + 0.024*\"spain\" + 0.018*\"del\" + 0.017*\"mexico\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.012*\"francisco\" + 0.011*\"juan\" + 0.011*\"argentina\" + 0.010*\"carlo\"\n", - "2019-01-31 00:21:30,291 : INFO : topic #42 (0.020): 0.041*\"german\" + 0.026*\"germani\" + 0.016*\"jewish\" + 0.014*\"vol\" + 0.013*\"israel\" + 0.012*\"der\" + 0.012*\"berlin\" + 0.010*\"jeremiah\" + 0.008*\"greek\" + 0.008*\"european\"\n", - "2019-01-31 00:21:30,292 : INFO : topic #29 (0.020): 0.012*\"govern\" + 0.011*\"start\" + 0.008*\"replac\" + 0.008*\"countri\" + 0.008*\"yawn\" + 0.007*\"million\" + 0.007*\"nation\" + 0.006*\"théori\" + 0.006*\"new\" + 0.006*\"summerhil\"\n", - "2019-01-31 00:21:30,297 : INFO : topic diff=0.021235, rho=0.075165\n", - "2019-01-31 00:21:30,457 : INFO : PROGRESS: pass 0, at document #356000/4922894\n", - "2019-01-31 00:21:31,940 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:21:32,206 : INFO : topic #46 (0.020): 0.019*\"stop\" + 0.017*\"sweden\" + 0.017*\"damag\" + 0.017*\"swedish\" + 0.016*\"norwai\" + 0.014*\"norwegian\" + 0.014*\"wind\" + 0.011*\"ton\" + 0.011*\"turkish\" + 0.010*\"turkei\"\n", - "2019-01-31 00:21:32,207 : INFO : topic #17 (0.020): 0.068*\"church\" + 0.018*\"bishop\" + 0.018*\"christian\" + 0.017*\"cathol\" + 0.017*\"jpg\" + 0.015*\"fifteenth\" + 0.015*\"centuri\" + 0.014*\"retroflex\" + 0.014*\"sail\" + 0.011*\"italian\"\n", - "2019-01-31 00:21:32,208 : INFO : topic #30 (0.020): 0.035*\"leagu\" + 0.034*\"cleveland\" + 0.030*\"place\" + 0.028*\"taxpay\" + 0.024*\"crete\" + 0.023*\"scientist\" + 0.022*\"folei\" + 0.017*\"goal\" + 0.016*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:21:32,210 : INFO : topic #47 (0.020): 0.068*\"muscl\" + 0.034*\"perceptu\" + 0.019*\"damn\" + 0.018*\"compos\" + 0.018*\"theater\" + 0.018*\"place\" + 0.015*\"orchestr\" + 0.013*\"physician\" + 0.013*\"olympo\" + 0.012*\"jack\"\n", - "2019-01-31 00:21:32,211 : INFO : topic #37 (0.020): 0.009*\"love\" + 0.007*\"gestur\" + 0.006*\"man\" + 0.005*\"blue\" + 0.005*\"litig\" + 0.005*\"night\" + 0.004*\"bewild\" + 0.004*\"vision\" + 0.003*\"introductori\" + 0.003*\"christma\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:21:32,217 : INFO : topic diff=0.019679, rho=0.074953\n", - "2019-01-31 00:21:32,371 : INFO : PROGRESS: pass 0, at document #358000/4922894\n", - "2019-01-31 00:21:33,801 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:21:34,067 : INFO : topic #11 (0.020): 0.028*\"john\" + 0.016*\"will\" + 0.013*\"jame\" + 0.012*\"david\" + 0.012*\"rival\" + 0.011*\"georg\" + 0.009*\"rhyme\" + 0.008*\"slur\" + 0.008*\"mexican–american\" + 0.008*\"paul\"\n", - "2019-01-31 00:21:34,068 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.050*\"chilton\" + 0.025*\"hong\" + 0.024*\"kong\" + 0.023*\"korea\" + 0.021*\"korean\" + 0.018*\"leah\" + 0.017*\"sourc\" + 0.015*\"kim\" + 0.011*\"taiwan\"\n", - "2019-01-31 00:21:34,070 : INFO : topic #2 (0.020): 0.051*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.013*\"pope\" + 0.012*\"nativist\" + 0.012*\"blur\" + 0.011*\"fleet\" + 0.010*\"coalit\" + 0.009*\"bahá\"\n", - "2019-01-31 00:21:34,071 : INFO : topic #48 (0.020): 0.083*\"march\" + 0.080*\"januari\" + 0.078*\"sens\" + 0.077*\"octob\" + 0.075*\"juli\" + 0.075*\"judici\" + 0.074*\"april\" + 0.073*\"notion\" + 0.073*\"august\" + 0.066*\"decatur\"\n", - "2019-01-31 00:21:34,072 : INFO : topic #6 (0.020): 0.072*\"fewer\" + 0.024*\"septemb\" + 0.021*\"epiru\" + 0.018*\"teacher\" + 0.017*\"stake\" + 0.013*\"proclaim\" + 0.012*\"rodríguez\" + 0.012*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:21:34,079 : INFO : topic diff=0.017307, rho=0.074744\n", - "2019-01-31 00:21:36,800 : INFO : -12.078 per-word bound, 4322.4 perplexity estimate based on a held-out corpus of 2000 documents with 543113 words\n", - "2019-01-31 00:21:36,800 : INFO : PROGRESS: pass 0, at document #360000/4922894\n", - "2019-01-31 00:21:38,236 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:21:38,503 : INFO : topic #47 (0.020): 0.069*\"muscl\" + 0.034*\"perceptu\" + 0.018*\"theater\" + 0.018*\"compos\" + 0.018*\"damn\" + 0.017*\"place\" + 0.015*\"orchestr\" + 0.013*\"physician\" + 0.013*\"olympo\" + 0.012*\"jack\"\n", - "2019-01-31 00:21:38,504 : INFO : topic #10 (0.020): 0.013*\"cdd\" + 0.008*\"disco\" + 0.008*\"hormon\" + 0.007*\"media\" + 0.007*\"pathwai\" + 0.007*\"have\" + 0.006*\"caus\" + 0.006*\"cancer\" + 0.006*\"che\" + 0.006*\"treat\"\n", - "2019-01-31 00:21:38,506 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.028*\"rel\" + 0.027*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.015*\"charcoal\" + 0.013*\"toyota\" + 0.011*\"vocabulari\"\n", - "2019-01-31 00:21:38,507 : INFO : topic #0 (0.020): 0.065*\"statewid\" + 0.042*\"arsen\" + 0.041*\"line\" + 0.034*\"raid\" + 0.030*\"museo\" + 0.019*\"traceabl\" + 0.017*\"serv\" + 0.016*\"pain\" + 0.016*\"artist\" + 0.015*\"word\"\n", - "2019-01-31 00:21:38,508 : INFO : topic #43 (0.020): 0.073*\"elect\" + 0.057*\"parti\" + 0.027*\"democrat\" + 0.025*\"voluntari\" + 0.021*\"member\" + 0.018*\"polici\" + 0.018*\"republ\" + 0.015*\"report\" + 0.014*\"bypass\" + 0.014*\"hous\"\n", - "2019-01-31 00:21:38,514 : INFO : topic diff=0.017960, rho=0.074536\n", - "2019-01-31 00:21:38,670 : INFO : PROGRESS: pass 0, at document #362000/4922894\n", - "2019-01-31 00:21:40,126 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:21:40,392 : INFO : topic #42 (0.020): 0.040*\"german\" + 0.026*\"germani\" + 0.015*\"jewish\" + 0.014*\"israel\" + 0.013*\"vol\" + 0.012*\"der\" + 0.012*\"berlin\" + 0.011*\"jeremiah\" + 0.009*\"nazi\" + 0.008*\"itali\"\n", - "2019-01-31 00:21:40,393 : INFO : topic #45 (0.020): 0.020*\"black\" + 0.018*\"colder\" + 0.017*\"western\" + 0.013*\"record\" + 0.010*\"blind\" + 0.009*\"light\" + 0.009*\"illicit\" + 0.008*\"green\" + 0.006*\"hand\" + 0.006*\"fit\"\n", - "2019-01-31 00:21:40,394 : INFO : topic #3 (0.020): 0.038*\"present\" + 0.029*\"offic\" + 0.025*\"minist\" + 0.023*\"seri\" + 0.020*\"gener\" + 0.018*\"member\" + 0.017*\"chickasaw\" + 0.016*\"serv\" + 0.016*\"appeas\" + 0.015*\"govern\"\n", - "2019-01-31 00:21:40,395 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.046*\"franc\" + 0.031*\"pari\" + 0.022*\"sail\" + 0.021*\"jean\" + 0.015*\"daphn\" + 0.014*\"wine\" + 0.013*\"lazi\" + 0.013*\"loui\" + 0.010*\"piec\"\n", - "2019-01-31 00:21:40,396 : INFO : topic #30 (0.020): 0.034*\"leagu\" + 0.033*\"cleveland\" + 0.029*\"place\" + 0.028*\"taxpay\" + 0.025*\"crete\" + 0.023*\"folei\" + 0.023*\"scientist\" + 0.017*\"goal\" + 0.016*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:21:40,402 : INFO : topic diff=0.015836, rho=0.074329\n", - "2019-01-31 00:21:40,557 : INFO : PROGRESS: pass 0, at document #364000/4922894\n", - "2019-01-31 00:21:42,004 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:21:42,270 : INFO : topic #20 (0.020): 0.129*\"scholar\" + 0.037*\"struggl\" + 0.030*\"high\" + 0.028*\"educ\" + 0.019*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.009*\"task\" + 0.009*\"class\" + 0.008*\"gothic\"\n", - "2019-01-31 00:21:42,272 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.024*\"septemb\" + 0.021*\"epiru\" + 0.018*\"teacher\" + 0.018*\"stake\" + 0.013*\"proclaim\" + 0.012*\"rodríguez\" + 0.012*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:21:42,273 : INFO : topic #37 (0.020): 0.009*\"love\" + 0.007*\"gestur\" + 0.006*\"man\" + 0.005*\"litig\" + 0.005*\"blue\" + 0.005*\"night\" + 0.004*\"bewild\" + 0.004*\"vision\" + 0.003*\"introductori\" + 0.003*\"york\"\n", - "2019-01-31 00:21:42,274 : INFO : topic #30 (0.020): 0.034*\"leagu\" + 0.033*\"cleveland\" + 0.029*\"place\" + 0.028*\"taxpay\" + 0.025*\"crete\" + 0.023*\"folei\" + 0.022*\"scientist\" + 0.016*\"goal\" + 0.016*\"martin\" + 0.012*\"player\"\n", - "2019-01-31 00:21:42,276 : INFO : topic #39 (0.020): 0.028*\"canada\" + 0.025*\"scientist\" + 0.024*\"taxpay\" + 0.024*\"canadian\" + 0.018*\"clot\" + 0.016*\"basketbal\" + 0.015*\"hoar\" + 0.014*\"toronto\" + 0.013*\"confer\" + 0.012*\"ontario\"\n", - "2019-01-31 00:21:42,281 : INFO : topic diff=0.015960, rho=0.074125\n", - "2019-01-31 00:21:42,436 : INFO : PROGRESS: pass 0, at document #366000/4922894\n", - "2019-01-31 00:21:43,895 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:21:44,161 : INFO : topic #35 (0.020): 0.053*\"russia\" + 0.037*\"sovereignti\" + 0.030*\"rural\" + 0.024*\"reprint\" + 0.023*\"poison\" + 0.023*\"turin\" + 0.020*\"personifi\" + 0.018*\"moscow\" + 0.015*\"poland\" + 0.015*\"unfortun\"\n", - "2019-01-31 00:21:44,162 : INFO : topic #39 (0.020): 0.028*\"canada\" + 0.025*\"canadian\" + 0.024*\"scientist\" + 0.024*\"taxpay\" + 0.019*\"clot\" + 0.016*\"basketbal\" + 0.015*\"hoar\" + 0.014*\"toronto\" + 0.013*\"confer\" + 0.012*\"ontario\"\n", - "2019-01-31 00:21:44,163 : INFO : topic #36 (0.020): 0.024*\"companhia\" + 0.009*\"serv\" + 0.009*\"develop\" + 0.008*\"network\" + 0.008*\"prognosi\" + 0.008*\"base\" + 0.008*\"manag\" + 0.008*\"includ\" + 0.007*\"oper\" + 0.007*\"user\"\n", - "2019-01-31 00:21:44,164 : INFO : topic #28 (0.020): 0.030*\"build\" + 0.024*\"hous\" + 0.021*\"rivièr\" + 0.016*\"buford\" + 0.012*\"briarwood\" + 0.012*\"rosenwald\" + 0.011*\"histor\" + 0.011*\"constitut\" + 0.010*\"strategist\" + 0.009*\"lobe\"\n", - "2019-01-31 00:21:44,166 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.031*\"incumb\" + 0.015*\"islam\" + 0.014*\"televis\" + 0.011*\"pakistan\" + 0.010*\"start\" + 0.010*\"sri\" + 0.010*\"khalsa\" + 0.010*\"muskoge\" + 0.008*\"alam\"\n", - "2019-01-31 00:21:44,171 : INFO : topic diff=0.016409, rho=0.073922\n", - "2019-01-31 00:21:44,327 : INFO : PROGRESS: pass 0, at document #368000/4922894\n", - "2019-01-31 00:21:45,791 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:21:46,057 : INFO : topic #27 (0.020): 0.067*\"questionnair\" + 0.020*\"taxpay\" + 0.018*\"candid\" + 0.016*\"tornado\" + 0.014*\"driver\" + 0.013*\"find\" + 0.013*\"ret\" + 0.010*\"fool\" + 0.010*\"scientist\" + 0.010*\"champion\"\n", - "2019-01-31 00:21:46,058 : INFO : topic #41 (0.020): 0.050*\"citi\" + 0.041*\"new\" + 0.025*\"palmer\" + 0.025*\"year\" + 0.014*\"strategist\" + 0.014*\"center\" + 0.011*\"open\" + 0.010*\"includ\" + 0.009*\"lobe\" + 0.008*\"hot\"\n", - "2019-01-31 00:21:46,060 : INFO : topic #18 (0.020): 0.008*\"théori\" + 0.007*\"later\" + 0.007*\"kill\" + 0.006*\"sack\" + 0.005*\"man\" + 0.005*\"retrospect\" + 0.005*\"dai\" + 0.005*\"deal\" + 0.004*\"help\" + 0.004*\"wander\"\n", - "2019-01-31 00:21:46,061 : INFO : topic #4 (0.020): 0.026*\"enfranchis\" + 0.016*\"depress\" + 0.015*\"pour\" + 0.009*\"mode\" + 0.009*\"produc\" + 0.009*\"elabor\" + 0.009*\"veget\" + 0.009*\"candid\" + 0.008*\"encyclopedia\" + 0.007*\"stanc\"\n", - "2019-01-31 00:21:46,062 : INFO : topic #37 (0.020): 0.009*\"love\" + 0.007*\"gestur\" + 0.006*\"man\" + 0.005*\"litig\" + 0.005*\"blue\" + 0.005*\"night\" + 0.004*\"bewild\" + 0.003*\"vision\" + 0.003*\"york\" + 0.003*\"epiru\"\n", - "2019-01-31 00:21:46,068 : INFO : topic diff=0.017176, rho=0.073721\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:21:46,219 : INFO : PROGRESS: pass 0, at document #370000/4922894\n", - "2019-01-31 00:21:47,643 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:21:47,909 : INFO : topic #18 (0.020): 0.008*\"théori\" + 0.007*\"later\" + 0.007*\"kill\" + 0.006*\"sack\" + 0.005*\"man\" + 0.005*\"retrospect\" + 0.005*\"dai\" + 0.005*\"deal\" + 0.004*\"help\" + 0.004*\"kenworthi\"\n", - "2019-01-31 00:21:47,911 : INFO : topic #36 (0.020): 0.025*\"companhia\" + 0.009*\"network\" + 0.009*\"serv\" + 0.009*\"develop\" + 0.008*\"prognosi\" + 0.008*\"base\" + 0.008*\"manag\" + 0.008*\"oper\" + 0.008*\"includ\" + 0.007*\"market\"\n", - "2019-01-31 00:21:47,912 : INFO : topic #12 (0.020): 0.010*\"number\" + 0.008*\"frontal\" + 0.007*\"gener\" + 0.007*\"servitud\" + 0.006*\"exampl\" + 0.006*\"southern\" + 0.006*\"poet\" + 0.005*\"théori\" + 0.005*\"method\" + 0.005*\"utopian\"\n", - "2019-01-31 00:21:47,913 : INFO : topic #37 (0.020): 0.009*\"love\" + 0.007*\"gestur\" + 0.006*\"man\" + 0.005*\"litig\" + 0.005*\"blue\" + 0.005*\"night\" + 0.004*\"bewild\" + 0.003*\"vision\" + 0.003*\"jolli\" + 0.003*\"york\"\n", - "2019-01-31 00:21:47,914 : INFO : topic #2 (0.020): 0.047*\"isl\" + 0.037*\"shield\" + 0.019*\"narrat\" + 0.014*\"scot\" + 0.014*\"pope\" + 0.011*\"nativist\" + 0.011*\"fleet\" + 0.011*\"coalit\" + 0.010*\"blur\" + 0.009*\"bahá\"\n", - "2019-01-31 00:21:47,920 : INFO : topic diff=0.015674, rho=0.073521\n", - "2019-01-31 00:21:48,076 : INFO : PROGRESS: pass 0, at document #372000/4922894\n", - "2019-01-31 00:21:49,525 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:21:49,791 : INFO : topic #18 (0.020): 0.008*\"théori\" + 0.007*\"later\" + 0.007*\"kill\" + 0.007*\"sack\" + 0.005*\"man\" + 0.005*\"retrospect\" + 0.005*\"dai\" + 0.005*\"deal\" + 0.004*\"help\" + 0.004*\"kenworthi\"\n", - "2019-01-31 00:21:49,792 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.028*\"final\" + 0.021*\"wife\" + 0.019*\"tourist\" + 0.017*\"martin\" + 0.015*\"champion\" + 0.014*\"tiepolo\" + 0.014*\"chamber\" + 0.013*\"taxpay\" + 0.012*\"winner\"\n", - "2019-01-31 00:21:49,794 : INFO : topic #35 (0.020): 0.052*\"russia\" + 0.037*\"sovereignti\" + 0.031*\"rural\" + 0.023*\"reprint\" + 0.022*\"poison\" + 0.020*\"turin\" + 0.020*\"moscow\" + 0.020*\"personifi\" + 0.015*\"unfortun\" + 0.015*\"malaysia\"\n", - "2019-01-31 00:21:49,795 : INFO : topic #25 (0.020): 0.030*\"ring\" + 0.017*\"warmth\" + 0.017*\"lagrang\" + 0.015*\"area\" + 0.014*\"mount\" + 0.008*\"palmer\" + 0.008*\"foam\" + 0.008*\"north\" + 0.008*\"land\" + 0.008*\"vacant\"\n", - "2019-01-31 00:21:49,796 : INFO : topic #32 (0.020): 0.056*\"district\" + 0.056*\"vigour\" + 0.043*\"popolo\" + 0.041*\"tortur\" + 0.030*\"area\" + 0.027*\"regim\" + 0.026*\"cotton\" + 0.025*\"multitud\" + 0.021*\"commun\" + 0.020*\"citi\"\n", - "2019-01-31 00:21:49,802 : INFO : topic diff=0.018160, rho=0.073324\n", - "2019-01-31 00:21:49,958 : INFO : PROGRESS: pass 0, at document #374000/4922894\n", - "2019-01-31 00:21:51,396 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:21:51,662 : INFO : topic #34 (0.020): 0.076*\"start\" + 0.032*\"unionist\" + 0.031*\"cotton\" + 0.024*\"american\" + 0.018*\"new\" + 0.014*\"terri\" + 0.014*\"california\" + 0.013*\"warrior\" + 0.013*\"north\" + 0.012*\"violent\"\n", - "2019-01-31 00:21:51,664 : INFO : topic #36 (0.020): 0.025*\"companhia\" + 0.009*\"network\" + 0.009*\"serv\" + 0.009*\"develop\" + 0.008*\"prognosi\" + 0.008*\"base\" + 0.008*\"manag\" + 0.008*\"oper\" + 0.008*\"includ\" + 0.007*\"market\"\n", - "2019-01-31 00:21:51,665 : INFO : topic #9 (0.020): 0.066*\"bone\" + 0.047*\"american\" + 0.026*\"valour\" + 0.019*\"player\" + 0.019*\"dutch\" + 0.017*\"polit\" + 0.017*\"folei\" + 0.015*\"english\" + 0.012*\"simpler\" + 0.011*\"acrimoni\"\n", - "2019-01-31 00:21:51,666 : INFO : topic #29 (0.020): 0.012*\"govern\" + 0.011*\"start\" + 0.008*\"countri\" + 0.008*\"replac\" + 0.008*\"yawn\" + 0.007*\"million\" + 0.007*\"nation\" + 0.006*\"théori\" + 0.006*\"new\" + 0.006*\"summerhil\"\n", - "2019-01-31 00:21:51,667 : INFO : topic #3 (0.020): 0.038*\"present\" + 0.028*\"offic\" + 0.024*\"minist\" + 0.022*\"seri\" + 0.022*\"serv\" + 0.019*\"gener\" + 0.018*\"member\" + 0.016*\"chickasaw\" + 0.015*\"appeas\" + 0.014*\"govern\"\n", - "2019-01-31 00:21:51,673 : INFO : topic diff=0.016402, rho=0.073127\n", - "2019-01-31 00:21:51,828 : INFO : PROGRESS: pass 0, at document #376000/4922894\n", - "2019-01-31 00:21:53,285 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:21:53,551 : INFO : topic #19 (0.020): 0.011*\"languag\" + 0.010*\"origin\" + 0.009*\"woodcut\" + 0.009*\"form\" + 0.008*\"mean\" + 0.008*\"charact\" + 0.008*\"uruguayan\" + 0.008*\"god\" + 0.007*\"like\" + 0.006*\"differ\"\n", - "2019-01-31 00:21:53,553 : INFO : topic #1 (0.020): 0.051*\"china\" + 0.043*\"chilton\" + 0.025*\"hong\" + 0.024*\"kong\" + 0.020*\"korea\" + 0.020*\"korean\" + 0.019*\"leah\" + 0.018*\"kim\" + 0.015*\"sourc\" + 0.011*\"wang\"\n", - "2019-01-31 00:21:53,554 : INFO : topic #34 (0.020): 0.076*\"start\" + 0.032*\"unionist\" + 0.031*\"cotton\" + 0.024*\"american\" + 0.018*\"new\" + 0.014*\"terri\" + 0.014*\"california\" + 0.013*\"violent\" + 0.013*\"warrior\" + 0.013*\"north\"\n", - "2019-01-31 00:21:53,555 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.014*\"king\" + 0.012*\"aza\" + 0.011*\"teufel\" + 0.010*\"battalion\" + 0.010*\"empath\" + 0.010*\"till\" + 0.008*\"forc\" + 0.008*\"centuri\" + 0.007*\"armi\"\n", - "2019-01-31 00:21:53,557 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.027*\"final\" + 0.021*\"wife\" + 0.019*\"tourist\" + 0.016*\"martin\" + 0.015*\"champion\" + 0.014*\"tiepolo\" + 0.014*\"taxpay\" + 0.013*\"chamber\" + 0.012*\"winner\"\n", - "2019-01-31 00:21:53,562 : INFO : topic diff=0.014290, rho=0.072932\n", - "2019-01-31 00:21:53,716 : INFO : PROGRESS: pass 0, at document #378000/4922894\n", - "2019-01-31 00:21:55,148 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:21:55,414 : INFO : topic #38 (0.020): 0.021*\"walter\" + 0.013*\"king\" + 0.012*\"aza\" + 0.011*\"teufel\" + 0.010*\"battalion\" + 0.010*\"empath\" + 0.009*\"till\" + 0.008*\"forc\" + 0.008*\"centuri\" + 0.007*\"armi\"\n", - "2019-01-31 00:21:55,415 : INFO : topic #12 (0.020): 0.010*\"number\" + 0.008*\"frontal\" + 0.007*\"gener\" + 0.006*\"servitud\" + 0.006*\"exampl\" + 0.006*\"southern\" + 0.006*\"poet\" + 0.006*\"théori\" + 0.005*\"method\" + 0.005*\"differ\"\n", - "2019-01-31 00:21:55,416 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"disco\" + 0.008*\"hormon\" + 0.008*\"media\" + 0.007*\"pathwai\" + 0.007*\"have\" + 0.007*\"caus\" + 0.006*\"acid\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 00:21:55,417 : INFO : topic #17 (0.020): 0.067*\"church\" + 0.018*\"bishop\" + 0.017*\"christian\" + 0.017*\"cathol\" + 0.017*\"jpg\" + 0.016*\"sail\" + 0.014*\"retroflex\" + 0.014*\"fifteenth\" + 0.014*\"centuri\" + 0.011*\"italian\"\n", - "2019-01-31 00:21:55,418 : INFO : topic #36 (0.020): 0.025*\"companhia\" + 0.009*\"network\" + 0.009*\"serv\" + 0.009*\"develop\" + 0.008*\"prognosi\" + 0.008*\"base\" + 0.008*\"oper\" + 0.008*\"manag\" + 0.008*\"includ\" + 0.007*\"busi\"\n", - "2019-01-31 00:21:55,424 : INFO : topic diff=0.014800, rho=0.072739\n", - "2019-01-31 00:21:58,215 : INFO : -11.609 per-word bound, 3122.8 perplexity estimate based on a held-out corpus of 2000 documents with 582384 words\n", - "2019-01-31 00:21:58,215 : INFO : PROGRESS: pass 0, at document #380000/4922894\n", - "2019-01-31 00:21:59,678 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:21:59,944 : INFO : topic #4 (0.020): 0.026*\"enfranchis\" + 0.016*\"depress\" + 0.015*\"pour\" + 0.010*\"mode\" + 0.010*\"elabor\" + 0.009*\"produc\" + 0.009*\"candid\" + 0.009*\"veget\" + 0.008*\"encyclopedia\" + 0.007*\"uruguayan\"\n", - "2019-01-31 00:21:59,945 : INFO : topic #28 (0.020): 0.030*\"build\" + 0.023*\"hous\" + 0.022*\"rivièr\" + 0.018*\"buford\" + 0.011*\"briarwood\" + 0.011*\"histor\" + 0.011*\"constitut\" + 0.011*\"rosenwald\" + 0.010*\"strategist\" + 0.009*\"lobe\"\n", - "2019-01-31 00:21:59,947 : INFO : topic #21 (0.020): 0.035*\"samford\" + 0.024*\"spain\" + 0.018*\"del\" + 0.016*\"mexico\" + 0.014*\"soviet\" + 0.012*\"francisco\" + 0.011*\"carlo\" + 0.011*\"juan\" + 0.010*\"josé\" + 0.010*\"santa\"\n", - "2019-01-31 00:21:59,948 : INFO : topic #14 (0.020): 0.025*\"forc\" + 0.021*\"aggress\" + 0.021*\"walter\" + 0.020*\"armi\" + 0.017*\"com\" + 0.014*\"oper\" + 0.013*\"militari\" + 0.013*\"unionist\" + 0.011*\"airbu\" + 0.010*\"airmen\"\n", - "2019-01-31 00:21:59,948 : INFO : topic #40 (0.020): 0.099*\"unit\" + 0.025*\"collector\" + 0.020*\"institut\" + 0.019*\"schuster\" + 0.016*\"student\" + 0.015*\"professor\" + 0.015*\"requir\" + 0.012*\"word\" + 0.012*\"governor\" + 0.011*\"degre\"\n", - "2019-01-31 00:21:59,954 : INFO : topic diff=0.016913, rho=0.072548\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:22:00,162 : INFO : PROGRESS: pass 0, at document #382000/4922894\n", - "2019-01-31 00:22:01,601 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:22:01,866 : INFO : topic #35 (0.020): 0.050*\"russia\" + 0.033*\"sovereignti\" + 0.028*\"rural\" + 0.025*\"poison\" + 0.022*\"reprint\" + 0.021*\"personifi\" + 0.018*\"moscow\" + 0.017*\"turin\" + 0.017*\"poland\" + 0.015*\"shirin\"\n", - "2019-01-31 00:22:01,868 : INFO : topic #33 (0.020): 0.064*\"french\" + 0.044*\"franc\" + 0.029*\"pari\" + 0.021*\"jean\" + 0.021*\"sail\" + 0.015*\"daphn\" + 0.013*\"loui\" + 0.012*\"lazi\" + 0.012*\"wine\" + 0.011*\"piec\"\n", - "2019-01-31 00:22:01,869 : INFO : topic #27 (0.020): 0.067*\"questionnair\" + 0.020*\"taxpay\" + 0.017*\"ret\" + 0.017*\"candid\" + 0.014*\"driver\" + 0.014*\"tornado\" + 0.012*\"find\" + 0.010*\"horac\" + 0.010*\"scientist\" + 0.010*\"fool\"\n", - "2019-01-31 00:22:01,870 : INFO : topic #29 (0.020): 0.011*\"govern\" + 0.011*\"start\" + 0.008*\"countri\" + 0.008*\"yawn\" + 0.008*\"replac\" + 0.008*\"million\" + 0.007*\"nation\" + 0.006*\"théori\" + 0.006*\"new\" + 0.006*\"function\"\n", - "2019-01-31 00:22:01,872 : INFO : topic #43 (0.020): 0.070*\"elect\" + 0.058*\"parti\" + 0.025*\"democrat\" + 0.025*\"voluntari\" + 0.021*\"member\" + 0.019*\"polici\" + 0.015*\"republ\" + 0.015*\"selma\" + 0.015*\"bypass\" + 0.015*\"seaport\"\n", - "2019-01-31 00:22:01,877 : INFO : topic diff=0.015176, rho=0.072357\n", - "2019-01-31 00:22:02,029 : INFO : PROGRESS: pass 0, at document #384000/4922894\n", - "2019-01-31 00:22:03,465 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:22:03,731 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.028*\"factor\" + 0.024*\"adulthood\" + 0.016*\"hostil\" + 0.016*\"feel\" + 0.014*\"male\" + 0.012*\"live\" + 0.011*\"plaisir\" + 0.010*\"yawn\" + 0.009*\"genu\"\n", - "2019-01-31 00:22:03,733 : INFO : topic #39 (0.020): 0.028*\"canada\" + 0.024*\"canadian\" + 0.023*\"scientist\" + 0.023*\"taxpay\" + 0.017*\"clot\" + 0.017*\"basketbal\" + 0.015*\"hoar\" + 0.014*\"toronto\" + 0.012*\"ontario\" + 0.012*\"confer\"\n", - "2019-01-31 00:22:03,734 : INFO : topic #2 (0.020): 0.046*\"isl\" + 0.039*\"shield\" + 0.019*\"narrat\" + 0.014*\"pope\" + 0.013*\"scot\" + 0.012*\"nativist\" + 0.012*\"blur\" + 0.010*\"fleet\" + 0.010*\"coalit\" + 0.009*\"class\"\n", - "2019-01-31 00:22:03,735 : INFO : topic #45 (0.020): 0.020*\"black\" + 0.017*\"colder\" + 0.017*\"western\" + 0.014*\"record\" + 0.010*\"blind\" + 0.009*\"light\" + 0.009*\"illicit\" + 0.008*\"green\" + 0.006*\"fit\" + 0.006*\"arm\"\n", - "2019-01-31 00:22:03,736 : INFO : topic #12 (0.020): 0.010*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.007*\"southern\" + 0.006*\"exampl\" + 0.006*\"servitud\" + 0.006*\"théori\" + 0.005*\"method\" + 0.005*\"differ\" + 0.005*\"poet\"\n", - "2019-01-31 00:22:03,742 : INFO : topic diff=0.015016, rho=0.072169\n", - "2019-01-31 00:22:03,896 : INFO : PROGRESS: pass 0, at document #386000/4922894\n", - "2019-01-31 00:22:05,338 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:22:05,605 : INFO : topic #11 (0.020): 0.028*\"john\" + 0.015*\"will\" + 0.013*\"jame\" + 0.012*\"david\" + 0.011*\"rival\" + 0.011*\"georg\" + 0.008*\"slur\" + 0.008*\"rhyme\" + 0.008*\"paul\" + 0.008*\"mexican–american\"\n", - "2019-01-31 00:22:05,606 : INFO : topic #39 (0.020): 0.029*\"canada\" + 0.025*\"canadian\" + 0.023*\"scientist\" + 0.022*\"taxpay\" + 0.017*\"clot\" + 0.016*\"basketbal\" + 0.015*\"hoar\" + 0.014*\"toronto\" + 0.013*\"ontario\" + 0.012*\"confer\"\n", - "2019-01-31 00:22:05,607 : INFO : topic #16 (0.020): 0.032*\"priest\" + 0.021*\"king\" + 0.019*\"quarterli\" + 0.018*\"grammat\" + 0.017*\"maria\" + 0.016*\"duke\" + 0.015*\"idiosyncrat\" + 0.015*\"rotterdam\" + 0.014*\"count\" + 0.014*\"princ\"\n", - "2019-01-31 00:22:05,608 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.035*\"cleveland\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.025*\"crete\" + 0.023*\"scientist\" + 0.023*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"player\"\n", - "2019-01-31 00:22:05,609 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.006*\"exampl\" + 0.006*\"southern\" + 0.006*\"servitud\" + 0.006*\"théori\" + 0.006*\"poet\" + 0.005*\"differ\" + 0.005*\"method\"\n", - "2019-01-31 00:22:05,615 : INFO : topic diff=0.014705, rho=0.071982\n", - "2019-01-31 00:22:05,769 : INFO : PROGRESS: pass 0, at document #388000/4922894\n", - "2019-01-31 00:22:07,209 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:22:07,475 : INFO : topic #31 (0.020): 0.065*\"fusiform\" + 0.023*\"player\" + 0.021*\"scientist\" + 0.020*\"place\" + 0.017*\"taxpay\" + 0.012*\"folei\" + 0.012*\"leagu\" + 0.010*\"ruler\" + 0.010*\"yard\" + 0.009*\"barber\"\n", - "2019-01-31 00:22:07,476 : INFO : topic #37 (0.020): 0.009*\"love\" + 0.008*\"gestur\" + 0.006*\"man\" + 0.005*\"litig\" + 0.005*\"blue\" + 0.005*\"night\" + 0.004*\"bewild\" + 0.003*\"vision\" + 0.003*\"epiru\" + 0.003*\"york\"\n", - "2019-01-31 00:22:07,477 : INFO : topic #47 (0.020): 0.072*\"muscl\" + 0.033*\"perceptu\" + 0.018*\"theater\" + 0.018*\"compos\" + 0.018*\"place\" + 0.016*\"damn\" + 0.015*\"orchestr\" + 0.014*\"olympo\" + 0.012*\"jack\" + 0.012*\"physician\"\n", - "2019-01-31 00:22:07,478 : INFO : topic #17 (0.020): 0.065*\"church\" + 0.019*\"sail\" + 0.017*\"cathol\" + 0.017*\"bishop\" + 0.016*\"christian\" + 0.016*\"jpg\" + 0.014*\"fifteenth\" + 0.014*\"retroflex\" + 0.013*\"centuri\" + 0.011*\"italian\"\n", - "2019-01-31 00:22:07,479 : INFO : topic #40 (0.020): 0.097*\"unit\" + 0.025*\"collector\" + 0.020*\"institut\" + 0.020*\"schuster\" + 0.016*\"student\" + 0.015*\"requir\" + 0.015*\"professor\" + 0.012*\"word\" + 0.011*\"governor\" + 0.011*\"degre\"\n", - "2019-01-31 00:22:07,485 : INFO : topic diff=0.016741, rho=0.071796\n", - "2019-01-31 00:22:07,641 : INFO : PROGRESS: pass 0, at document #390000/4922894\n", - "2019-01-31 00:22:09,088 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:22:09,354 : INFO : topic #32 (0.020): 0.058*\"district\" + 0.053*\"vigour\" + 0.042*\"popolo\" + 0.042*\"tortur\" + 0.029*\"cotton\" + 0.029*\"regim\" + 0.029*\"area\" + 0.024*\"multitud\" + 0.021*\"citi\" + 0.020*\"commun\"\n", - "2019-01-31 00:22:09,355 : INFO : topic #3 (0.020): 0.039*\"present\" + 0.027*\"offic\" + 0.025*\"minist\" + 0.021*\"seri\" + 0.021*\"serv\" + 0.019*\"member\" + 0.019*\"gener\" + 0.016*\"chickasaw\" + 0.015*\"govern\" + 0.014*\"appeas\"\n", - "2019-01-31 00:22:09,356 : INFO : topic #2 (0.020): 0.043*\"shield\" + 0.043*\"isl\" + 0.018*\"narrat\" + 0.013*\"scot\" + 0.012*\"pope\" + 0.012*\"renaiss\" + 0.011*\"blur\" + 0.011*\"nativist\" + 0.011*\"walter\" + 0.010*\"buford\"\n", - "2019-01-31 00:22:09,358 : INFO : topic #45 (0.020): 0.021*\"black\" + 0.017*\"colder\" + 0.017*\"western\" + 0.014*\"record\" + 0.010*\"blind\" + 0.009*\"light\" + 0.008*\"illicit\" + 0.008*\"green\" + 0.007*\"fit\" + 0.006*\"color\"\n", - "2019-01-31 00:22:09,359 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"have\" + 0.008*\"disco\" + 0.008*\"hormon\" + 0.007*\"media\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.007*\"proper\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 00:22:09,365 : INFO : topic diff=0.017004, rho=0.071611\n", - "2019-01-31 00:22:09,526 : INFO : PROGRESS: pass 0, at document #392000/4922894\n", - "2019-01-31 00:22:10,993 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:22:11,259 : INFO : topic #35 (0.020): 0.050*\"russia\" + 0.034*\"sovereignti\" + 0.030*\"rural\" + 0.025*\"poison\" + 0.022*\"reprint\" + 0.021*\"personifi\" + 0.018*\"poland\" + 0.017*\"moscow\" + 0.016*\"unfortun\" + 0.015*\"turin\"\n", - "2019-01-31 00:22:11,260 : INFO : topic #40 (0.020): 0.097*\"unit\" + 0.025*\"collector\" + 0.021*\"institut\" + 0.020*\"schuster\" + 0.016*\"student\" + 0.016*\"requir\" + 0.015*\"professor\" + 0.012*\"word\" + 0.011*\"governor\" + 0.011*\"degre\"\n", - "2019-01-31 00:22:11,261 : INFO : topic #28 (0.020): 0.029*\"build\" + 0.023*\"hous\" + 0.023*\"rivièr\" + 0.017*\"buford\" + 0.012*\"histor\" + 0.011*\"rosenwald\" + 0.011*\"briarwood\" + 0.011*\"constitut\" + 0.010*\"strategist\" + 0.009*\"linear\"\n", - "2019-01-31 00:22:11,262 : INFO : topic #45 (0.020): 0.020*\"black\" + 0.017*\"western\" + 0.017*\"colder\" + 0.014*\"record\" + 0.010*\"blind\" + 0.009*\"light\" + 0.008*\"illicit\" + 0.008*\"green\" + 0.007*\"fit\" + 0.006*\"color\"\n", - "2019-01-31 00:22:11,263 : INFO : topic #36 (0.020): 0.025*\"companhia\" + 0.009*\"network\" + 0.009*\"serv\" + 0.009*\"develop\" + 0.008*\"manag\" + 0.008*\"prognosi\" + 0.008*\"base\" + 0.008*\"oper\" + 0.008*\"includ\" + 0.008*\"market\"\n", - "2019-01-31 00:22:11,269 : INFO : topic diff=0.018016, rho=0.071429\n", - "2019-01-31 00:22:11,425 : INFO : PROGRESS: pass 0, at document #394000/4922894\n", - "2019-01-31 00:22:12,856 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:22:13,122 : INFO : topic #28 (0.020): 0.029*\"build\" + 0.024*\"hous\" + 0.023*\"rivièr\" + 0.017*\"buford\" + 0.012*\"histor\" + 0.011*\"rosenwald\" + 0.011*\"briarwood\" + 0.011*\"constitut\" + 0.010*\"strategist\" + 0.009*\"linear\"\n", - "2019-01-31 00:22:13,124 : INFO : topic #45 (0.020): 0.021*\"black\" + 0.017*\"western\" + 0.016*\"colder\" + 0.014*\"record\" + 0.010*\"blind\" + 0.009*\"light\" + 0.008*\"illicit\" + 0.008*\"green\" + 0.007*\"fit\" + 0.006*\"color\"\n", - "2019-01-31 00:22:13,125 : INFO : topic #42 (0.020): 0.040*\"german\" + 0.026*\"germani\" + 0.015*\"vol\" + 0.014*\"jewish\" + 0.014*\"israel\" + 0.012*\"berlin\" + 0.011*\"der\" + 0.009*\"jeremiah\" + 0.009*\"europ\" + 0.008*\"european\"\n", - "2019-01-31 00:22:13,126 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"disco\" + 0.008*\"have\" + 0.008*\"hormon\" + 0.007*\"media\" + 0.007*\"caus\" + 0.007*\"pathwai\" + 0.007*\"proper\" + 0.007*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 00:22:13,127 : INFO : topic #18 (0.020): 0.008*\"théori\" + 0.007*\"later\" + 0.007*\"kill\" + 0.006*\"sack\" + 0.005*\"man\" + 0.005*\"dai\" + 0.005*\"retrospect\" + 0.005*\"deal\" + 0.004*\"help\" + 0.004*\"fraud\"\n", - "2019-01-31 00:22:13,133 : INFO : topic diff=0.014678, rho=0.071247\n", - "2019-01-31 00:22:13,293 : INFO : PROGRESS: pass 0, at document #396000/4922894\n", - "2019-01-31 00:22:14,766 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:22:15,032 : INFO : topic #8 (0.020): 0.032*\"law\" + 0.024*\"cortic\" + 0.018*\"start\" + 0.017*\"act\" + 0.014*\"ricardo\" + 0.012*\"case\" + 0.011*\"polaris\" + 0.010*\"legal\" + 0.007*\"justic\" + 0.007*\"judaism\"\n", - "2019-01-31 00:22:15,033 : INFO : topic #17 (0.020): 0.064*\"church\" + 0.018*\"sail\" + 0.018*\"cathol\" + 0.017*\"christian\" + 0.017*\"bishop\" + 0.015*\"jpg\" + 0.014*\"centuri\" + 0.013*\"retroflex\" + 0.013*\"fifteenth\" + 0.010*\"italian\"\n", - "2019-01-31 00:22:15,034 : INFO : topic #46 (0.020): 0.020*\"wind\" + 0.018*\"stop\" + 0.017*\"norwai\" + 0.016*\"swedish\" + 0.016*\"norwegian\" + 0.016*\"sweden\" + 0.015*\"damag\" + 0.012*\"treeless\" + 0.012*\"turkish\" + 0.011*\"iceland\"\n", - "2019-01-31 00:22:15,035 : INFO : topic #29 (0.020): 0.011*\"govern\" + 0.011*\"start\" + 0.008*\"countri\" + 0.008*\"yawn\" + 0.008*\"million\" + 0.007*\"replac\" + 0.007*\"nation\" + 0.006*\"function\" + 0.006*\"théori\" + 0.006*\"new\"\n", - "2019-01-31 00:22:15,037 : INFO : topic #26 (0.020): 0.033*\"woman\" + 0.032*\"workplac\" + 0.030*\"champion\" + 0.026*\"men\" + 0.024*\"olymp\" + 0.022*\"event\" + 0.020*\"medal\" + 0.019*\"atheist\" + 0.018*\"rainfal\" + 0.018*\"alic\"\n", - "2019-01-31 00:22:15,042 : INFO : topic diff=0.016258, rho=0.071067\n", - "2019-01-31 00:22:15,197 : INFO : PROGRESS: pass 0, at document #398000/4922894\n", - "2019-01-31 00:22:16,641 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:22:16,907 : INFO : topic #6 (0.020): 0.069*\"fewer\" + 0.024*\"septemb\" + 0.022*\"epiru\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:22:16,908 : INFO : topic #49 (0.020): 0.045*\"india\" + 0.029*\"incumb\" + 0.013*\"televis\" + 0.013*\"pakistan\" + 0.011*\"islam\" + 0.011*\"muskoge\" + 0.010*\"start\" + 0.009*\"alam\" + 0.009*\"sri\" + 0.009*\"tajikistan\"\n", - "2019-01-31 00:22:16,910 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"walter\" + 0.021*\"aggress\" + 0.020*\"armi\" + 0.016*\"com\" + 0.015*\"oper\" + 0.014*\"militari\" + 0.013*\"unionist\" + 0.012*\"airbu\" + 0.011*\"airmen\"\n", - "2019-01-31 00:22:16,911 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.015*\"yawn\" + 0.014*\"margin\" + 0.012*\"bone\" + 0.012*\"john\" + 0.012*\"life\" + 0.012*\"faster\" + 0.011*\"deal\"\n", - "2019-01-31 00:22:16,912 : INFO : topic #20 (0.020): 0.132*\"scholar\" + 0.039*\"struggl\" + 0.031*\"high\" + 0.029*\"educ\" + 0.019*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.009*\"task\" + 0.009*\"gothic\" + 0.009*\"class\"\n", - "2019-01-31 00:22:16,918 : INFO : topic diff=0.017548, rho=0.070888\n", - "2019-01-31 00:22:19,603 : INFO : -11.685 per-word bound, 3292.1 perplexity estimate based on a held-out corpus of 2000 documents with 516897 words\n", - "2019-01-31 00:22:19,604 : INFO : PROGRESS: pass 0, at document #400000/4922894\n", - "2019-01-31 00:22:21,026 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:22:21,292 : INFO : topic #23 (0.020): 0.137*\"audit\" + 0.068*\"best\" + 0.030*\"jacksonvil\" + 0.030*\"yawn\" + 0.025*\"japanes\" + 0.023*\"noll\" + 0.020*\"festiv\" + 0.018*\"women\" + 0.017*\"intern\" + 0.012*\"prison\"\n", - "2019-01-31 00:22:21,293 : INFO : topic #4 (0.020): 0.025*\"enfranchis\" + 0.017*\"elabor\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.010*\"produc\" + 0.010*\"mode\" + 0.009*\"candid\" + 0.008*\"veget\" + 0.008*\"encyclopedia\" + 0.007*\"spectacl\"\n", - "2019-01-31 00:22:21,295 : INFO : topic #15 (0.020): 0.014*\"small\" + 0.013*\"develop\" + 0.010*\"organ\" + 0.010*\"requir\" + 0.010*\"word\" + 0.010*\"commun\" + 0.009*\"cultur\" + 0.008*\"student\" + 0.008*\"human\" + 0.008*\"socialist\"\n", - "2019-01-31 00:22:21,296 : INFO : topic #2 (0.020): 0.043*\"shield\" + 0.041*\"isl\" + 0.017*\"narrat\" + 0.014*\"scot\" + 0.012*\"pope\" + 0.011*\"fleet\" + 0.010*\"blur\" + 0.010*\"nativist\" + 0.010*\"walter\" + 0.010*\"coalit\"\n", - "2019-01-31 00:22:21,297 : INFO : topic #0 (0.020): 0.075*\"statewid\" + 0.046*\"arsen\" + 0.038*\"line\" + 0.031*\"museo\" + 0.030*\"raid\" + 0.018*\"traceabl\" + 0.018*\"pain\" + 0.017*\"serv\" + 0.016*\"word\" + 0.015*\"artist\"\n", - "2019-01-31 00:22:21,302 : INFO : topic diff=0.016718, rho=0.070711\n", - "2019-01-31 00:22:21,458 : INFO : PROGRESS: pass 0, at document #402000/4922894\n", - "2019-01-31 00:22:22,910 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:22:23,177 : INFO : topic #49 (0.020): 0.045*\"india\" + 0.030*\"incumb\" + 0.014*\"pakistan\" + 0.013*\"televis\" + 0.011*\"islam\" + 0.010*\"alam\" + 0.010*\"start\" + 0.010*\"sri\" + 0.010*\"muskoge\" + 0.009*\"tajikistan\"\n", - "2019-01-31 00:22:23,178 : INFO : topic #23 (0.020): 0.137*\"audit\" + 0.069*\"best\" + 0.031*\"jacksonvil\" + 0.030*\"yawn\" + 0.025*\"japanes\" + 0.023*\"noll\" + 0.020*\"festiv\" + 0.018*\"women\" + 0.017*\"intern\" + 0.012*\"prison\"\n", - "2019-01-31 00:22:23,179 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.034*\"publicis\" + 0.021*\"word\" + 0.017*\"new\" + 0.014*\"presid\" + 0.014*\"edit\" + 0.012*\"nicola\" + 0.012*\"storag\" + 0.011*\"worldwid\" + 0.011*\"author\"\n", - "2019-01-31 00:22:23,181 : INFO : topic #20 (0.020): 0.131*\"scholar\" + 0.039*\"struggl\" + 0.031*\"high\" + 0.029*\"educ\" + 0.020*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.009*\"task\" + 0.009*\"class\" + 0.009*\"gothic\"\n", - "2019-01-31 00:22:23,182 : INFO : topic #21 (0.020): 0.037*\"samford\" + 0.022*\"spain\" + 0.021*\"del\" + 0.015*\"mexico\" + 0.014*\"soviet\" + 0.013*\"francisco\" + 0.012*\"juan\" + 0.011*\"santa\" + 0.011*\"josé\" + 0.011*\"carlo\"\n", - "2019-01-31 00:22:23,188 : INFO : topic diff=0.013449, rho=0.070535\n", - "2019-01-31 00:22:23,342 : INFO : PROGRESS: pass 0, at document #404000/4922894\n", - "2019-01-31 00:22:24,794 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:22:25,060 : INFO : topic #30 (0.020): 0.034*\"leagu\" + 0.033*\"cleveland\" + 0.030*\"place\" + 0.029*\"taxpay\" + 0.025*\"crete\" + 0.024*\"scientist\" + 0.022*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:22:25,061 : INFO : topic #34 (0.020): 0.072*\"start\" + 0.033*\"unionist\" + 0.033*\"cotton\" + 0.024*\"american\" + 0.019*\"new\" + 0.014*\"california\" + 0.014*\"terri\" + 0.014*\"north\" + 0.012*\"violent\" + 0.012*\"warrior\"\n", - "2019-01-31 00:22:25,062 : INFO : topic #27 (0.020): 0.068*\"questionnair\" + 0.020*\"taxpay\" + 0.019*\"candid\" + 0.014*\"ret\" + 0.013*\"driver\" + 0.012*\"find\" + 0.011*\"tornado\" + 0.011*\"landslid\" + 0.010*\"champion\" + 0.010*\"théori\"\n", - "2019-01-31 00:22:25,064 : INFO : topic #36 (0.020): 0.025*\"companhia\" + 0.009*\"network\" + 0.009*\"serv\" + 0.009*\"manag\" + 0.009*\"develop\" + 0.008*\"includ\" + 0.008*\"prognosi\" + 0.008*\"oper\" + 0.008*\"base\" + 0.007*\"busi\"\n", - "2019-01-31 00:22:25,065 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.027*\"factor\" + 0.025*\"adulthood\" + 0.017*\"hostil\" + 0.016*\"feel\" + 0.014*\"male\" + 0.012*\"live\" + 0.010*\"genu\" + 0.010*\"plaisir\" + 0.010*\"yawn\"\n", - "2019-01-31 00:22:25,071 : INFO : topic diff=0.014262, rho=0.070360\n", - "2019-01-31 00:22:25,238 : INFO : PROGRESS: pass 0, at document #406000/4922894\n", - "2019-01-31 00:22:26,713 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:22:26,979 : INFO : topic #11 (0.020): 0.028*\"john\" + 0.015*\"will\" + 0.013*\"jame\" + 0.012*\"david\" + 0.012*\"rival\" + 0.011*\"georg\" + 0.009*\"paul\" + 0.009*\"slur\" + 0.008*\"mexican–american\" + 0.008*\"rhyme\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:22:26,980 : INFO : topic #39 (0.020): 0.032*\"canada\" + 0.027*\"canadian\" + 0.025*\"taxpay\" + 0.021*\"scientist\" + 0.017*\"clot\" + 0.016*\"basketbal\" + 0.015*\"hoar\" + 0.014*\"ontario\" + 0.014*\"toronto\" + 0.011*\"confer\"\n", - "2019-01-31 00:22:26,982 : INFO : topic #34 (0.020): 0.072*\"start\" + 0.033*\"unionist\" + 0.032*\"cotton\" + 0.024*\"american\" + 0.019*\"new\" + 0.014*\"terri\" + 0.014*\"california\" + 0.014*\"north\" + 0.012*\"violent\" + 0.012*\"warrior\"\n", - "2019-01-31 00:22:26,983 : INFO : topic #46 (0.020): 0.020*\"stop\" + 0.019*\"damag\" + 0.017*\"wind\" + 0.017*\"sweden\" + 0.016*\"norwai\" + 0.015*\"swedish\" + 0.014*\"norwegian\" + 0.013*\"treeless\" + 0.012*\"turkish\" + 0.011*\"farid\"\n", - "2019-01-31 00:22:26,984 : INFO : topic #42 (0.020): 0.042*\"german\" + 0.029*\"germani\" + 0.014*\"jewish\" + 0.014*\"vol\" + 0.014*\"israel\" + 0.011*\"der\" + 0.011*\"berlin\" + 0.009*\"jeremiah\" + 0.008*\"europ\" + 0.008*\"itali\"\n", - "2019-01-31 00:22:26,990 : INFO : topic diff=0.017943, rho=0.070186\n", - "2019-01-31 00:22:27,146 : INFO : PROGRESS: pass 0, at document #408000/4922894\n", - "2019-01-31 00:22:28,597 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:22:28,863 : INFO : topic #15 (0.020): 0.014*\"develop\" + 0.013*\"small\" + 0.010*\"organ\" + 0.010*\"commun\" + 0.010*\"requir\" + 0.010*\"word\" + 0.009*\"cultur\" + 0.008*\"student\" + 0.008*\"human\" + 0.007*\"socialist\"\n", - "2019-01-31 00:22:28,865 : INFO : topic #11 (0.020): 0.029*\"john\" + 0.014*\"will\" + 0.013*\"jame\" + 0.012*\"david\" + 0.011*\"rival\" + 0.011*\"georg\" + 0.009*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\" + 0.008*\"mexican–american\"\n", - "2019-01-31 00:22:28,866 : INFO : topic #16 (0.020): 0.032*\"priest\" + 0.023*\"king\" + 0.020*\"quarterli\" + 0.019*\"duke\" + 0.018*\"idiosyncrat\" + 0.017*\"portugues\" + 0.017*\"grammat\" + 0.016*\"maria\" + 0.015*\"brazil\" + 0.014*\"rotterdam\"\n", - "2019-01-31 00:22:28,867 : INFO : topic #30 (0.020): 0.034*\"leagu\" + 0.033*\"cleveland\" + 0.029*\"place\" + 0.028*\"taxpay\" + 0.024*\"crete\" + 0.024*\"scientist\" + 0.022*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"player\"\n", - "2019-01-31 00:22:28,868 : INFO : topic #3 (0.020): 0.045*\"present\" + 0.032*\"minist\" + 0.029*\"offic\" + 0.020*\"seri\" + 0.019*\"member\" + 0.019*\"gener\" + 0.018*\"serv\" + 0.016*\"prime\" + 0.016*\"chickasaw\" + 0.015*\"govern\"\n", - "2019-01-31 00:22:28,874 : INFO : topic diff=0.015836, rho=0.070014\n", - "2019-01-31 00:22:29,027 : INFO : PROGRESS: pass 0, at document #410000/4922894\n", - "2019-01-31 00:22:30,468 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:22:30,734 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"servitud\" + 0.007*\"gener\" + 0.006*\"exampl\" + 0.006*\"southern\" + 0.006*\"théori\" + 0.006*\"poet\" + 0.005*\"method\" + 0.005*\"differ\"\n", - "2019-01-31 00:22:30,736 : INFO : topic #18 (0.020): 0.008*\"théori\" + 0.007*\"later\" + 0.007*\"kill\" + 0.006*\"sack\" + 0.005*\"man\" + 0.005*\"dai\" + 0.005*\"retrospect\" + 0.005*\"deal\" + 0.004*\"help\" + 0.004*\"end\"\n", - "2019-01-31 00:22:30,737 : INFO : topic #31 (0.020): 0.060*\"fusiform\" + 0.022*\"player\" + 0.021*\"scientist\" + 0.021*\"place\" + 0.019*\"taxpay\" + 0.012*\"yard\" + 0.011*\"folei\" + 0.011*\"leagu\" + 0.010*\"ruler\" + 0.008*\"barber\"\n", - "2019-01-31 00:22:30,738 : INFO : topic #7 (0.020): 0.020*\"di\" + 0.020*\"snatch\" + 0.017*\"factor\" + 0.015*\"yawn\" + 0.014*\"margin\" + 0.013*\"john\" + 0.012*\"bone\" + 0.012*\"life\" + 0.011*\"faster\" + 0.011*\"deal\"\n", - "2019-01-31 00:22:30,740 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.014*\"king\" + 0.011*\"aza\" + 0.010*\"teufel\" + 0.010*\"battalion\" + 0.009*\"empath\" + 0.008*\"forc\" + 0.008*\"till\" + 0.008*\"centuri\" + 0.008*\"armi\"\n", - "2019-01-31 00:22:30,745 : INFO : topic diff=0.015655, rho=0.069843\n", - "2019-01-31 00:22:30,902 : INFO : PROGRESS: pass 0, at document #412000/4922894\n", - "2019-01-31 00:22:32,348 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:22:32,614 : INFO : topic #13 (0.020): 0.029*\"australia\" + 0.028*\"new\" + 0.025*\"sourc\" + 0.024*\"australian\" + 0.023*\"england\" + 0.023*\"london\" + 0.020*\"british\" + 0.019*\"ireland\" + 0.017*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:22:32,615 : INFO : topic #8 (0.020): 0.031*\"law\" + 0.023*\"cortic\" + 0.022*\"act\" + 0.018*\"start\" + 0.014*\"ricardo\" + 0.013*\"case\" + 0.011*\"polaris\" + 0.010*\"legal\" + 0.007*\"rudolf\" + 0.007*\"judaism\"\n", - "2019-01-31 00:22:32,616 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.033*\"publicis\" + 0.021*\"word\" + 0.017*\"new\" + 0.014*\"presid\" + 0.014*\"edit\" + 0.012*\"nicola\" + 0.012*\"storag\" + 0.011*\"worldwid\" + 0.011*\"author\"\n", - "2019-01-31 00:22:32,618 : INFO : topic #30 (0.020): 0.034*\"leagu\" + 0.033*\"cleveland\" + 0.030*\"place\" + 0.028*\"taxpay\" + 0.024*\"crete\" + 0.024*\"scientist\" + 0.022*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"player\"\n", - "2019-01-31 00:22:32,619 : INFO : topic #27 (0.020): 0.068*\"questionnair\" + 0.020*\"taxpay\" + 0.017*\"candid\" + 0.013*\"driver\" + 0.013*\"ret\" + 0.012*\"find\" + 0.011*\"tornado\" + 0.010*\"landslid\" + 0.010*\"champion\" + 0.010*\"fool\"\n", - "2019-01-31 00:22:32,625 : INFO : topic diff=0.014874, rho=0.069673\n", - "2019-01-31 00:22:32,793 : INFO : PROGRESS: pass 0, at document #414000/4922894\n", - "2019-01-31 00:22:34,248 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:22:34,514 : INFO : topic #11 (0.020): 0.029*\"john\" + 0.014*\"will\" + 0.013*\"jame\" + 0.012*\"david\" + 0.011*\"rival\" + 0.011*\"georg\" + 0.009*\"slur\" + 0.008*\"rhyme\" + 0.008*\"mexican–american\" + 0.008*\"paul\"\n", - "2019-01-31 00:22:34,516 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.020*\"di\" + 0.017*\"factor\" + 0.015*\"yawn\" + 0.014*\"margin\" + 0.013*\"john\" + 0.012*\"bone\" + 0.012*\"life\" + 0.012*\"faster\" + 0.011*\"deal\"\n", - "2019-01-31 00:22:34,517 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.026*\"final\" + 0.024*\"wife\" + 0.023*\"tourist\" + 0.017*\"martin\" + 0.016*\"champion\" + 0.015*\"winner\" + 0.015*\"taxpay\" + 0.014*\"tiepolo\" + 0.013*\"chamber\"\n", - "2019-01-31 00:22:34,518 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.023*\"septemb\" + 0.022*\"epiru\" + 0.019*\"teacher\" + 0.015*\"stake\" + 0.013*\"proclaim\" + 0.013*\"rodríguez\" + 0.011*\"movi\" + 0.011*\"direct\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:22:34,520 : INFO : topic #19 (0.020): 0.011*\"languag\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.007*\"uruguayan\" + 0.007*\"charact\" + 0.007*\"mean\" + 0.007*\"like\" + 0.007*\"anim\" + 0.006*\"god\"\n", - "2019-01-31 00:22:34,525 : INFO : topic diff=0.015824, rho=0.069505\n", - "2019-01-31 00:22:34,738 : INFO : PROGRESS: pass 0, at document #416000/4922894\n", - "2019-01-31 00:22:36,201 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:22:36,467 : INFO : topic #30 (0.020): 0.034*\"leagu\" + 0.034*\"cleveland\" + 0.030*\"place\" + 0.029*\"taxpay\" + 0.024*\"scientist\" + 0.024*\"crete\" + 0.022*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"player\"\n", - "2019-01-31 00:22:36,468 : INFO : topic #4 (0.020): 0.023*\"enfranchis\" + 0.015*\"depress\" + 0.015*\"pour\" + 0.015*\"elabor\" + 0.010*\"mode\" + 0.010*\"produc\" + 0.009*\"veget\" + 0.009*\"candid\" + 0.008*\"offset\" + 0.007*\"encyclopedia\"\n", - "2019-01-31 00:22:36,470 : INFO : topic #45 (0.020): 0.019*\"black\" + 0.016*\"western\" + 0.016*\"colder\" + 0.013*\"record\" + 0.010*\"blind\" + 0.009*\"light\" + 0.008*\"illicit\" + 0.007*\"green\" + 0.007*\"hand\" + 0.006*\"depress\"\n", - "2019-01-31 00:22:36,471 : INFO : topic #40 (0.020): 0.097*\"unit\" + 0.027*\"collector\" + 0.020*\"institut\" + 0.020*\"schuster\" + 0.016*\"student\" + 0.016*\"professor\" + 0.015*\"requir\" + 0.012*\"word\" + 0.012*\"governor\" + 0.011*\"degre\"\n", - "2019-01-31 00:22:36,472 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.057*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.022*\"member\" + 0.018*\"polici\" + 0.015*\"bypass\" + 0.015*\"republ\" + 0.014*\"report\" + 0.014*\"liber\"\n", - "2019-01-31 00:22:36,478 : INFO : topic diff=0.015791, rho=0.069338\n", - "2019-01-31 00:22:36,635 : INFO : PROGRESS: pass 0, at document #418000/4922894\n", - "2019-01-31 00:22:38,107 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:22:38,373 : INFO : topic #15 (0.020): 0.013*\"develop\" + 0.013*\"small\" + 0.010*\"organ\" + 0.010*\"commun\" + 0.010*\"word\" + 0.009*\"requir\" + 0.009*\"cultur\" + 0.008*\"student\" + 0.008*\"human\" + 0.007*\"group\"\n", - "2019-01-31 00:22:38,374 : INFO : topic #8 (0.020): 0.029*\"law\" + 0.025*\"act\" + 0.023*\"cortic\" + 0.018*\"start\" + 0.014*\"ricardo\" + 0.013*\"case\" + 0.010*\"polaris\" + 0.010*\"legal\" + 0.007*\"rudolf\" + 0.007*\"unionist\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:22:38,375 : INFO : topic #4 (0.020): 0.024*\"enfranchis\" + 0.015*\"pour\" + 0.015*\"depress\" + 0.014*\"elabor\" + 0.010*\"mode\" + 0.009*\"produc\" + 0.009*\"veget\" + 0.009*\"candid\" + 0.008*\"encyclopedia\" + 0.007*\"offset\"\n", - "2019-01-31 00:22:38,376 : INFO : topic #0 (0.020): 0.071*\"statewid\" + 0.044*\"arsen\" + 0.039*\"line\" + 0.033*\"raid\" + 0.028*\"museo\" + 0.018*\"traceabl\" + 0.018*\"pain\" + 0.017*\"serv\" + 0.015*\"exhaust\" + 0.014*\"word\"\n", - "2019-01-31 00:22:38,378 : INFO : topic #30 (0.020): 0.035*\"cleveland\" + 0.034*\"leagu\" + 0.030*\"place\" + 0.029*\"taxpay\" + 0.024*\"scientist\" + 0.024*\"crete\" + 0.022*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.013*\"player\"\n", - "2019-01-31 00:22:38,383 : INFO : topic diff=0.014223, rho=0.069171\n", - "2019-01-31 00:22:41,174 : INFO : -11.780 per-word bound, 3516.9 perplexity estimate based on a held-out corpus of 2000 documents with 580823 words\n", - "2019-01-31 00:22:41,175 : INFO : PROGRESS: pass 0, at document #420000/4922894\n", - "2019-01-31 00:22:42,637 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:22:42,902 : INFO : topic #16 (0.020): 0.030*\"priest\" + 0.023*\"king\" + 0.020*\"quarterli\" + 0.019*\"duke\" + 0.017*\"portugues\" + 0.016*\"maria\" + 0.016*\"idiosyncrat\" + 0.016*\"grammat\" + 0.015*\"brazil\" + 0.013*\"rotterdam\"\n", - "2019-01-31 00:22:42,903 : INFO : topic #1 (0.020): 0.049*\"china\" + 0.044*\"chilton\" + 0.023*\"hong\" + 0.023*\"kong\" + 0.022*\"korea\" + 0.019*\"korean\" + 0.017*\"leah\" + 0.015*\"sourc\" + 0.013*\"kim\" + 0.011*\"summer\"\n", - "2019-01-31 00:22:42,904 : INFO : topic #4 (0.020): 0.023*\"enfranchis\" + 0.015*\"depress\" + 0.015*\"pour\" + 0.014*\"elabor\" + 0.010*\"mode\" + 0.010*\"produc\" + 0.009*\"veget\" + 0.009*\"candid\" + 0.007*\"encyclopedia\" + 0.007*\"offset\"\n", - "2019-01-31 00:22:42,906 : INFO : topic #30 (0.020): 0.035*\"cleveland\" + 0.034*\"leagu\" + 0.030*\"place\" + 0.029*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.022*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"player\"\n", - "2019-01-31 00:22:42,907 : INFO : topic #46 (0.020): 0.028*\"damag\" + 0.019*\"stop\" + 0.016*\"wind\" + 0.015*\"sweden\" + 0.015*\"swedish\" + 0.015*\"treeless\" + 0.014*\"norwai\" + 0.013*\"ton\" + 0.013*\"replac\" + 0.013*\"norwegian\"\n", - "2019-01-31 00:22:42,913 : INFO : topic diff=0.014296, rho=0.069007\n", - "2019-01-31 00:22:43,068 : INFO : PROGRESS: pass 0, at document #422000/4922894\n", - "2019-01-31 00:22:44,534 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:22:44,804 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.009*\"disco\" + 0.007*\"media\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.007*\"have\" + 0.007*\"proper\" + 0.006*\"hormon\" + 0.006*\"acid\" + 0.006*\"effect\"\n", - "2019-01-31 00:22:44,806 : INFO : topic #40 (0.020): 0.096*\"unit\" + 0.026*\"collector\" + 0.021*\"schuster\" + 0.021*\"institut\" + 0.016*\"student\" + 0.016*\"requir\" + 0.015*\"professor\" + 0.012*\"word\" + 0.012*\"governor\" + 0.011*\"degre\"\n", - "2019-01-31 00:22:44,807 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.053*\"franc\" + 0.030*\"pari\" + 0.026*\"sail\" + 0.023*\"jean\" + 0.016*\"daphn\" + 0.014*\"lazi\" + 0.011*\"loui\" + 0.010*\"piec\" + 0.009*\"focal\"\n", - "2019-01-31 00:22:44,809 : INFO : topic #37 (0.020): 0.009*\"love\" + 0.009*\"gestur\" + 0.006*\"man\" + 0.006*\"blue\" + 0.005*\"litig\" + 0.004*\"night\" + 0.004*\"bewild\" + 0.004*\"ladi\" + 0.003*\"healthcar\" + 0.003*\"york\"\n", - "2019-01-31 00:22:44,810 : INFO : topic #20 (0.020): 0.132*\"scholar\" + 0.037*\"struggl\" + 0.031*\"high\" + 0.028*\"educ\" + 0.020*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"task\" + 0.009*\"gothic\" + 0.009*\"class\"\n", - "2019-01-31 00:22:44,816 : INFO : topic diff=0.015195, rho=0.068843\n", - "2019-01-31 00:22:44,969 : INFO : PROGRESS: pass 0, at document #424000/4922894\n", - "2019-01-31 00:22:46,406 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:22:46,672 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.019*\"di\" + 0.017*\"factor\" + 0.015*\"yawn\" + 0.014*\"margin\" + 0.012*\"bone\" + 0.012*\"john\" + 0.012*\"life\" + 0.012*\"faster\" + 0.011*\"deal\"\n", - "2019-01-31 00:22:46,673 : INFO : topic #25 (0.020): 0.029*\"ring\" + 0.017*\"warmth\" + 0.017*\"lagrang\" + 0.015*\"area\" + 0.014*\"mount\" + 0.008*\"foam\" + 0.008*\"north\" + 0.008*\"land\" + 0.008*\"sourc\" + 0.008*\"lobe\"\n", - "2019-01-31 00:22:46,675 : INFO : topic #48 (0.020): 0.078*\"march\" + 0.078*\"sens\" + 0.078*\"octob\" + 0.075*\"april\" + 0.074*\"notion\" + 0.073*\"august\" + 0.072*\"januari\" + 0.072*\"juli\" + 0.069*\"judici\" + 0.068*\"decatur\"\n", - "2019-01-31 00:22:46,676 : INFO : topic #34 (0.020): 0.076*\"start\" + 0.033*\"unionist\" + 0.031*\"cotton\" + 0.023*\"american\" + 0.022*\"new\" + 0.014*\"terri\" + 0.013*\"california\" + 0.013*\"warrior\" + 0.013*\"north\" + 0.012*\"violent\"\n", - "2019-01-31 00:22:46,677 : INFO : topic #31 (0.020): 0.059*\"fusiform\" + 0.023*\"player\" + 0.021*\"scientist\" + 0.020*\"place\" + 0.019*\"taxpay\" + 0.013*\"folei\" + 0.012*\"leagu\" + 0.010*\"ruler\" + 0.009*\"yard\" + 0.008*\"clot\"\n", - "2019-01-31 00:22:46,683 : INFO : topic diff=0.014879, rho=0.068680\n", - "2019-01-31 00:22:46,842 : INFO : PROGRESS: pass 0, at document #426000/4922894\n", - "2019-01-31 00:22:48,315 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:22:48,581 : INFO : topic #35 (0.020): 0.049*\"russia\" + 0.031*\"rural\" + 0.031*\"sovereignti\" + 0.026*\"shirin\" + 0.025*\"poison\" + 0.023*\"personifi\" + 0.022*\"reprint\" + 0.019*\"turin\" + 0.018*\"moscow\" + 0.016*\"poland\"\n", - "2019-01-31 00:22:48,583 : INFO : topic #17 (0.020): 0.066*\"church\" + 0.019*\"cathol\" + 0.018*\"bishop\" + 0.018*\"christian\" + 0.015*\"sail\" + 0.014*\"jpg\" + 0.014*\"centuri\" + 0.013*\"retroflex\" + 0.012*\"fifteenth\" + 0.010*\"italian\"\n", - "2019-01-31 00:22:48,584 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.033*\"publicis\" + 0.021*\"word\" + 0.018*\"new\" + 0.014*\"presid\" + 0.014*\"edit\" + 0.013*\"storag\" + 0.012*\"nicola\" + 0.011*\"author\" + 0.011*\"worldwid\"\n", - "2019-01-31 00:22:48,585 : INFO : topic #45 (0.020): 0.019*\"black\" + 0.017*\"western\" + 0.016*\"colder\" + 0.013*\"record\" + 0.010*\"blind\" + 0.009*\"illicit\" + 0.009*\"light\" + 0.008*\"hand\" + 0.008*\"green\" + 0.006*\"depress\"\n", - "2019-01-31 00:22:48,586 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.028*\"final\" + 0.024*\"wife\" + 0.021*\"tourist\" + 0.016*\"martin\" + 0.016*\"champion\" + 0.014*\"taxpay\" + 0.014*\"tiepolo\" + 0.014*\"winner\" + 0.013*\"chamber\"\n", - "2019-01-31 00:22:48,592 : INFO : topic diff=0.014034, rho=0.068519\n", - "2019-01-31 00:22:48,747 : INFO : PROGRESS: pass 0, at document #428000/4922894\n", - "2019-01-31 00:22:50,204 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:22:50,469 : INFO : topic #19 (0.020): 0.011*\"languag\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.008*\"dynam\" + 0.007*\"uruguayan\" + 0.007*\"charact\" + 0.007*\"mean\" + 0.007*\"like\" + 0.006*\"god\"\n", - "2019-01-31 00:22:50,471 : INFO : topic #31 (0.020): 0.060*\"fusiform\" + 0.022*\"player\" + 0.021*\"scientist\" + 0.020*\"place\" + 0.020*\"taxpay\" + 0.013*\"folei\" + 0.012*\"leagu\" + 0.010*\"ruler\" + 0.009*\"yard\" + 0.009*\"clot\"\n", - "2019-01-31 00:22:50,472 : INFO : topic #23 (0.020): 0.138*\"audit\" + 0.071*\"best\" + 0.036*\"yawn\" + 0.030*\"jacksonvil\" + 0.023*\"japanes\" + 0.023*\"noll\" + 0.018*\"festiv\" + 0.017*\"women\" + 0.016*\"intern\" + 0.014*\"winner\"\n", - "2019-01-31 00:22:50,473 : INFO : topic #0 (0.020): 0.070*\"statewid\" + 0.044*\"arsen\" + 0.039*\"line\" + 0.033*\"raid\" + 0.028*\"museo\" + 0.019*\"traceabl\" + 0.018*\"pain\" + 0.017*\"serv\" + 0.015*\"exhaust\" + 0.014*\"word\"\n", - "2019-01-31 00:22:50,474 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.014*\"king\" + 0.012*\"aza\" + 0.011*\"teufel\" + 0.009*\"battalion\" + 0.009*\"empath\" + 0.009*\"till\" + 0.008*\"centuri\" + 0.008*\"forc\" + 0.008*\"armi\"\n", - "2019-01-31 00:22:50,480 : INFO : topic diff=0.013507, rho=0.068359\n", - "2019-01-31 00:22:50,637 : INFO : PROGRESS: pass 0, at document #430000/4922894\n", - "2019-01-31 00:22:52,093 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:22:52,363 : INFO : topic #18 (0.020): 0.008*\"théori\" + 0.007*\"kill\" + 0.007*\"later\" + 0.006*\"sack\" + 0.005*\"dai\" + 0.005*\"man\" + 0.005*\"retrospect\" + 0.005*\"deal\" + 0.004*\"help\" + 0.004*\"end\"\n", - "2019-01-31 00:22:52,365 : INFO : topic #49 (0.020): 0.042*\"india\" + 0.031*\"incumb\" + 0.014*\"televis\" + 0.013*\"pakistan\" + 0.012*\"islam\" + 0.010*\"tajikistan\" + 0.010*\"sri\" + 0.010*\"start\" + 0.009*\"pradesh\" + 0.009*\"khalsa\"\n", - "2019-01-31 00:22:52,366 : INFO : topic #35 (0.020): 0.048*\"russia\" + 0.031*\"rural\" + 0.031*\"sovereignti\" + 0.028*\"poison\" + 0.025*\"reprint\" + 0.024*\"personifi\" + 0.023*\"shirin\" + 0.018*\"poland\" + 0.017*\"turin\" + 0.017*\"moscow\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:22:52,368 : INFO : topic #8 (0.020): 0.030*\"law\" + 0.024*\"cortic\" + 0.023*\"act\" + 0.017*\"start\" + 0.014*\"ricardo\" + 0.013*\"case\" + 0.011*\"polaris\" + 0.010*\"legal\" + 0.008*\"justic\" + 0.007*\"judaism\"\n", - "2019-01-31 00:22:52,369 : INFO : topic #23 (0.020): 0.138*\"audit\" + 0.071*\"best\" + 0.036*\"yawn\" + 0.030*\"jacksonvil\" + 0.023*\"japanes\" + 0.023*\"noll\" + 0.018*\"festiv\" + 0.017*\"women\" + 0.016*\"intern\" + 0.014*\"winner\"\n", - "2019-01-31 00:22:52,375 : INFO : topic diff=0.015549, rho=0.068199\n", - "2019-01-31 00:22:52,540 : INFO : PROGRESS: pass 0, at document #432000/4922894\n", - "2019-01-31 00:22:54,045 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:22:54,311 : INFO : topic #29 (0.020): 0.011*\"govern\" + 0.011*\"start\" + 0.008*\"countri\" + 0.008*\"yawn\" + 0.008*\"million\" + 0.007*\"replac\" + 0.006*\"nation\" + 0.006*\"théori\" + 0.006*\"function\" + 0.006*\"new\"\n", - "2019-01-31 00:22:54,312 : INFO : topic #33 (0.020): 0.059*\"french\" + 0.049*\"franc\" + 0.029*\"pari\" + 0.024*\"sail\" + 0.023*\"jean\" + 0.017*\"daphn\" + 0.015*\"lazi\" + 0.012*\"piec\" + 0.012*\"loui\" + 0.009*\"focal\"\n", - "2019-01-31 00:22:54,313 : INFO : topic #46 (0.020): 0.024*\"damag\" + 0.017*\"stop\" + 0.016*\"norwai\" + 0.016*\"sweden\" + 0.016*\"swedish\" + 0.014*\"norwegian\" + 0.013*\"wind\" + 0.012*\"replac\" + 0.012*\"turkish\" + 0.011*\"treeless\"\n", - "2019-01-31 00:22:54,315 : INFO : topic #8 (0.020): 0.030*\"law\" + 0.024*\"cortic\" + 0.022*\"act\" + 0.018*\"start\" + 0.014*\"ricardo\" + 0.013*\"case\" + 0.012*\"polaris\" + 0.009*\"legal\" + 0.008*\"justic\" + 0.007*\"judaism\"\n", - "2019-01-31 00:22:54,316 : INFO : topic #21 (0.020): 0.038*\"samford\" + 0.023*\"spain\" + 0.019*\"del\" + 0.018*\"mexico\" + 0.014*\"soviet\" + 0.013*\"juan\" + 0.012*\"francisco\" + 0.011*\"carlo\" + 0.011*\"josé\" + 0.010*\"santa\"\n", - "2019-01-31 00:22:54,322 : INFO : topic diff=0.017257, rho=0.068041\n", - "2019-01-31 00:22:54,477 : INFO : PROGRESS: pass 0, at document #434000/4922894\n", - "2019-01-31 00:22:55,889 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:22:56,155 : INFO : topic #35 (0.020): 0.047*\"russia\" + 0.031*\"sovereignti\" + 0.030*\"rural\" + 0.027*\"poison\" + 0.025*\"reprint\" + 0.023*\"personifi\" + 0.022*\"shirin\" + 0.018*\"poland\" + 0.017*\"turin\" + 0.016*\"moscow\"\n", - "2019-01-31 00:22:56,157 : INFO : topic #31 (0.020): 0.061*\"fusiform\" + 0.023*\"player\" + 0.021*\"scientist\" + 0.020*\"place\" + 0.020*\"taxpay\" + 0.013*\"folei\" + 0.011*\"leagu\" + 0.010*\"ruler\" + 0.009*\"clot\" + 0.008*\"yard\"\n", - "2019-01-31 00:22:56,158 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.020*\"di\" + 0.017*\"factor\" + 0.015*\"yawn\" + 0.015*\"margin\" + 0.013*\"bone\" + 0.012*\"john\" + 0.012*\"life\" + 0.012*\"faster\" + 0.011*\"deal\"\n", - "2019-01-31 00:22:56,159 : INFO : topic #47 (0.020): 0.068*\"muscl\" + 0.032*\"perceptu\" + 0.020*\"theater\" + 0.019*\"compos\" + 0.018*\"place\" + 0.017*\"damn\" + 0.015*\"physician\" + 0.014*\"orchestr\" + 0.012*\"word\" + 0.012*\"olympo\"\n", - "2019-01-31 00:22:56,161 : INFO : topic #37 (0.020): 0.010*\"love\" + 0.009*\"gestur\" + 0.006*\"man\" + 0.006*\"blue\" + 0.004*\"night\" + 0.004*\"litig\" + 0.004*\"bewild\" + 0.004*\"ladi\" + 0.003*\"amphora\" + 0.003*\"introductori\"\n", - "2019-01-31 00:22:56,166 : INFO : topic diff=0.013546, rho=0.067884\n", - "2019-01-31 00:22:56,319 : INFO : PROGRESS: pass 0, at document #436000/4922894\n", - "2019-01-31 00:22:57,734 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:22:58,000 : INFO : topic #25 (0.020): 0.029*\"ring\" + 0.017*\"lagrang\" + 0.017*\"warmth\" + 0.016*\"area\" + 0.015*\"mount\" + 0.008*\"foam\" + 0.008*\"land\" + 0.008*\"north\" + 0.008*\"vacant\" + 0.008*\"lobe\"\n", - "2019-01-31 00:22:58,001 : INFO : topic #31 (0.020): 0.060*\"fusiform\" + 0.023*\"player\" + 0.022*\"scientist\" + 0.020*\"taxpay\" + 0.020*\"place\" + 0.013*\"folei\" + 0.011*\"leagu\" + 0.010*\"ruler\" + 0.009*\"clot\" + 0.008*\"yard\"\n", - "2019-01-31 00:22:58,003 : INFO : topic #43 (0.020): 0.067*\"elect\" + 0.057*\"parti\" + 0.024*\"democrat\" + 0.024*\"voluntari\" + 0.022*\"member\" + 0.019*\"polici\" + 0.015*\"liber\" + 0.015*\"republ\" + 0.015*\"bypass\" + 0.014*\"report\"\n", - "2019-01-31 00:22:58,004 : INFO : topic #21 (0.020): 0.037*\"samford\" + 0.024*\"spain\" + 0.019*\"del\" + 0.018*\"mexico\" + 0.014*\"soviet\" + 0.012*\"juan\" + 0.012*\"francisco\" + 0.011*\"josé\" + 0.010*\"carlo\" + 0.010*\"santa\"\n", - "2019-01-31 00:22:58,005 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.019*\"di\" + 0.017*\"factor\" + 0.015*\"yawn\" + 0.014*\"margin\" + 0.013*\"bone\" + 0.012*\"john\" + 0.012*\"life\" + 0.012*\"faster\" + 0.011*\"deal\"\n", - "2019-01-31 00:22:58,011 : INFO : topic diff=0.013789, rho=0.067729\n", - "2019-01-31 00:22:58,165 : INFO : PROGRESS: pass 0, at document #438000/4922894\n", - "2019-01-31 00:22:59,604 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:22:59,870 : INFO : topic #42 (0.020): 0.046*\"german\" + 0.031*\"germani\" + 0.014*\"vol\" + 0.013*\"jewish\" + 0.012*\"israel\" + 0.011*\"berlin\" + 0.011*\"der\" + 0.009*\"itali\" + 0.008*\"european\" + 0.008*\"europ\"\n", - "2019-01-31 00:22:59,872 : INFO : topic #45 (0.020): 0.019*\"black\" + 0.016*\"western\" + 0.015*\"colder\" + 0.012*\"record\" + 0.009*\"blind\" + 0.009*\"illicit\" + 0.008*\"hand\" + 0.008*\"light\" + 0.007*\"green\" + 0.006*\"depress\"\n", - "2019-01-31 00:22:59,873 : INFO : topic #2 (0.020): 0.046*\"isl\" + 0.040*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.013*\"blur\" + 0.011*\"pope\" + 0.010*\"coalit\" + 0.010*\"nativist\" + 0.010*\"fleet\" + 0.009*\"class\"\n", - "2019-01-31 00:22:59,874 : INFO : topic #27 (0.020): 0.070*\"questionnair\" + 0.019*\"taxpay\" + 0.016*\"candid\" + 0.013*\"tornado\" + 0.013*\"driver\" + 0.012*\"find\" + 0.011*\"squatter\" + 0.011*\"théori\" + 0.010*\"fool\" + 0.009*\"ret\"\n", - "2019-01-31 00:22:59,875 : INFO : topic #13 (0.020): 0.029*\"new\" + 0.028*\"australia\" + 0.026*\"sourc\" + 0.024*\"london\" + 0.024*\"australian\" + 0.023*\"england\" + 0.020*\"british\" + 0.019*\"ireland\" + 0.017*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:22:59,881 : INFO : topic diff=0.013922, rho=0.067574\n", - "2019-01-31 00:23:02,599 : INFO : -11.704 per-word bound, 3336.5 perplexity estimate based on a held-out corpus of 2000 documents with 559222 words\n", - "2019-01-31 00:23:02,600 : INFO : PROGRESS: pass 0, at document #440000/4922894\n", - "2019-01-31 00:23:04,487 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:23:04,753 : INFO : topic #24 (0.020): 0.040*\"book\" + 0.033*\"publicis\" + 0.021*\"word\" + 0.017*\"new\" + 0.014*\"edit\" + 0.014*\"presid\" + 0.013*\"storag\" + 0.012*\"worldwid\" + 0.011*\"nicola\" + 0.011*\"author\"\n", - "2019-01-31 00:23:04,755 : INFO : topic #34 (0.020): 0.076*\"start\" + 0.033*\"unionist\" + 0.030*\"cotton\" + 0.023*\"american\" + 0.022*\"new\" + 0.014*\"terri\" + 0.014*\"california\" + 0.013*\"warrior\" + 0.012*\"north\" + 0.012*\"violent\"\n", - "2019-01-31 00:23:04,756 : INFO : topic #21 (0.020): 0.038*\"samford\" + 0.023*\"spain\" + 0.019*\"del\" + 0.018*\"mexico\" + 0.014*\"soviet\" + 0.013*\"francisco\" + 0.012*\"juan\" + 0.010*\"josé\" + 0.010*\"carlo\" + 0.010*\"santa\"\n", - "2019-01-31 00:23:04,757 : INFO : topic #2 (0.020): 0.045*\"isl\" + 0.040*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.013*\"blur\" + 0.011*\"pope\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.010*\"fleet\" + 0.009*\"class\"\n", - "2019-01-31 00:23:04,758 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.027*\"final\" + 0.024*\"wife\" + 0.021*\"tourist\" + 0.017*\"champion\" + 0.015*\"martin\" + 0.015*\"taxpay\" + 0.014*\"tiepolo\" + 0.014*\"chamber\" + 0.013*\"winner\"\n", - "2019-01-31 00:23:04,764 : INFO : topic diff=0.013040, rho=0.067420\n", - "2019-01-31 00:23:04,921 : INFO : PROGRESS: pass 0, at document #442000/4922894\n", - "2019-01-31 00:23:06,870 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:23:07,136 : INFO : topic #17 (0.020): 0.064*\"church\" + 0.020*\"christian\" + 0.019*\"cathol\" + 0.018*\"bishop\" + 0.015*\"sail\" + 0.013*\"centuri\" + 0.013*\"retroflex\" + 0.012*\"jpg\" + 0.011*\"fifteenth\" + 0.010*\"relationship\"\n", - "2019-01-31 00:23:07,137 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.020*\"di\" + 0.017*\"factor\" + 0.015*\"yawn\" + 0.014*\"margin\" + 0.013*\"bone\" + 0.012*\"john\" + 0.012*\"life\" + 0.012*\"faster\" + 0.012*\"deal\"\n", - "2019-01-31 00:23:07,139 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.027*\"final\" + 0.024*\"wife\" + 0.021*\"tourist\" + 0.017*\"champion\" + 0.015*\"martin\" + 0.015*\"taxpay\" + 0.014*\"tiepolo\" + 0.014*\"chamber\" + 0.013*\"winner\"\n", - "2019-01-31 00:23:07,140 : INFO : topic #40 (0.020): 0.095*\"unit\" + 0.028*\"collector\" + 0.021*\"schuster\" + 0.019*\"institut\" + 0.016*\"student\" + 0.016*\"requir\" + 0.015*\"professor\" + 0.012*\"word\" + 0.012*\"governor\" + 0.011*\"degre\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:23:07,141 : INFO : topic #30 (0.020): 0.035*\"cleveland\" + 0.034*\"leagu\" + 0.029*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.022*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:23:07,147 : INFO : topic diff=0.014265, rho=0.067267\n", - "2019-01-31 00:23:07,306 : INFO : PROGRESS: pass 0, at document #444000/4922894\n", - "2019-01-31 00:23:08,738 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:23:09,004 : INFO : topic #39 (0.020): 0.034*\"canada\" + 0.031*\"canadian\" + 0.025*\"taxpay\" + 0.019*\"scientist\" + 0.016*\"basketbal\" + 0.015*\"toronto\" + 0.015*\"clot\" + 0.014*\"hoar\" + 0.013*\"ontario\" + 0.011*\"confer\"\n", - "2019-01-31 00:23:09,005 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.043*\"arsen\" + 0.036*\"line\" + 0.033*\"raid\" + 0.031*\"museo\" + 0.020*\"traceabl\" + 0.018*\"serv\" + 0.017*\"pain\" + 0.014*\"word\" + 0.014*\"exhaust\"\n", - "2019-01-31 00:23:09,006 : INFO : topic #18 (0.020): 0.009*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.005*\"dai\" + 0.005*\"retrospect\" + 0.005*\"man\" + 0.005*\"deal\" + 0.004*\"end\" + 0.004*\"help\"\n", - "2019-01-31 00:23:09,008 : INFO : topic #15 (0.020): 0.013*\"develop\" + 0.013*\"small\" + 0.010*\"commun\" + 0.010*\"organ\" + 0.010*\"word\" + 0.009*\"cultur\" + 0.009*\"requir\" + 0.008*\"student\" + 0.008*\"group\" + 0.008*\"human\"\n", - "2019-01-31 00:23:09,009 : INFO : topic #20 (0.020): 0.133*\"scholar\" + 0.037*\"struggl\" + 0.032*\"high\" + 0.029*\"educ\" + 0.021*\"collector\" + 0.017*\"yawn\" + 0.014*\"prognosi\" + 0.009*\"task\" + 0.009*\"class\" + 0.008*\"gothic\"\n", - "2019-01-31 00:23:09,015 : INFO : topic diff=0.014884, rho=0.067116\n", - "2019-01-31 00:23:09,228 : INFO : PROGRESS: pass 0, at document #446000/4922894\n", - "2019-01-31 00:23:10,670 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:23:10,936 : INFO : topic #41 (0.020): 0.048*\"citi\" + 0.039*\"new\" + 0.022*\"palmer\" + 0.021*\"year\" + 0.015*\"strategist\" + 0.015*\"center\" + 0.012*\"open\" + 0.010*\"includ\" + 0.009*\"lobe\" + 0.008*\"hot\"\n", - "2019-01-31 00:23:10,937 : INFO : topic #42 (0.020): 0.045*\"german\" + 0.030*\"germani\" + 0.014*\"israel\" + 0.014*\"jewish\" + 0.013*\"vol\" + 0.011*\"berlin\" + 0.011*\"der\" + 0.009*\"itali\" + 0.008*\"jeremiah\" + 0.008*\"european\"\n", - "2019-01-31 00:23:10,938 : INFO : topic #15 (0.020): 0.013*\"develop\" + 0.013*\"small\" + 0.010*\"commun\" + 0.010*\"organ\" + 0.010*\"word\" + 0.009*\"cultur\" + 0.009*\"requir\" + 0.008*\"student\" + 0.008*\"group\" + 0.008*\"human\"\n", - "2019-01-31 00:23:10,939 : INFO : topic #28 (0.020): 0.030*\"build\" + 0.024*\"hous\" + 0.021*\"rivièr\" + 0.016*\"buford\" + 0.012*\"rosenwald\" + 0.011*\"histor\" + 0.011*\"constitut\" + 0.010*\"strategist\" + 0.010*\"briarwood\" + 0.010*\"linear\"\n", - "2019-01-31 00:23:10,941 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.026*\"factor\" + 0.022*\"adulthood\" + 0.016*\"hostil\" + 0.015*\"feel\" + 0.014*\"male\" + 0.012*\"plaisir\" + 0.012*\"live\" + 0.011*\"genu\" + 0.010*\"yawn\"\n", - "2019-01-31 00:23:10,947 : INFO : topic diff=0.013917, rho=0.066965\n", - "2019-01-31 00:23:11,105 : INFO : PROGRESS: pass 0, at document #448000/4922894\n", - "2019-01-31 00:23:12,570 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:23:12,836 : INFO : topic #12 (0.020): 0.010*\"number\" + 0.008*\"frontal\" + 0.007*\"servitud\" + 0.006*\"gener\" + 0.006*\"southern\" + 0.006*\"exampl\" + 0.006*\"théori\" + 0.006*\"poet\" + 0.006*\"utopian\" + 0.005*\"differ\"\n", - "2019-01-31 00:23:12,837 : INFO : topic #47 (0.020): 0.068*\"muscl\" + 0.032*\"perceptu\" + 0.020*\"theater\" + 0.019*\"compos\" + 0.018*\"place\" + 0.017*\"damn\" + 0.014*\"orchestr\" + 0.013*\"physician\" + 0.012*\"olympo\" + 0.012*\"word\"\n", - "2019-01-31 00:23:12,838 : INFO : topic #11 (0.020): 0.028*\"john\" + 0.014*\"will\" + 0.013*\"jame\" + 0.012*\"david\" + 0.011*\"rival\" + 0.010*\"georg\" + 0.009*\"slur\" + 0.008*\"paul\" + 0.008*\"mexican–american\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:23:12,839 : INFO : topic #41 (0.020): 0.049*\"citi\" + 0.039*\"new\" + 0.023*\"palmer\" + 0.021*\"year\" + 0.015*\"strategist\" + 0.015*\"center\" + 0.012*\"open\" + 0.010*\"includ\" + 0.009*\"lobe\" + 0.008*\"hot\"\n", - "2019-01-31 00:23:12,840 : INFO : topic #48 (0.020): 0.082*\"sens\" + 0.080*\"octob\" + 0.078*\"march\" + 0.077*\"august\" + 0.072*\"notion\" + 0.072*\"april\" + 0.071*\"juli\" + 0.070*\"januari\" + 0.066*\"judici\" + 0.065*\"decatur\"\n", - "2019-01-31 00:23:12,847 : INFO : topic diff=0.014961, rho=0.066815\n", - "2019-01-31 00:23:13,000 : INFO : PROGRESS: pass 0, at document #450000/4922894\n", - "2019-01-31 00:23:14,414 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:23:14,680 : INFO : topic #27 (0.020): 0.070*\"questionnair\" + 0.019*\"taxpay\" + 0.016*\"candid\" + 0.013*\"tornado\" + 0.013*\"driver\" + 0.011*\"find\" + 0.011*\"squatter\" + 0.010*\"fool\" + 0.010*\"landslid\" + 0.010*\"théori\"\n", - "2019-01-31 00:23:14,681 : INFO : topic #24 (0.020): 0.040*\"book\" + 0.033*\"publicis\" + 0.021*\"word\" + 0.017*\"new\" + 0.015*\"edit\" + 0.014*\"presid\" + 0.013*\"storag\" + 0.012*\"nicola\" + 0.012*\"worldwid\" + 0.011*\"author\"\n", - "2019-01-31 00:23:14,682 : INFO : topic #0 (0.020): 0.065*\"statewid\" + 0.043*\"arsen\" + 0.037*\"line\" + 0.036*\"raid\" + 0.031*\"museo\" + 0.019*\"traceabl\" + 0.019*\"serv\" + 0.017*\"pain\" + 0.015*\"word\" + 0.015*\"exhaust\"\n", - "2019-01-31 00:23:14,683 : INFO : topic #12 (0.020): 0.010*\"number\" + 0.008*\"frontal\" + 0.007*\"servitud\" + 0.006*\"exampl\" + 0.006*\"gener\" + 0.006*\"southern\" + 0.006*\"poet\" + 0.006*\"théori\" + 0.005*\"utopian\" + 0.005*\"order\"\n", - "2019-01-31 00:23:14,684 : INFO : topic #8 (0.020): 0.031*\"law\" + 0.024*\"cortic\" + 0.020*\"act\" + 0.018*\"start\" + 0.014*\"ricardo\" + 0.013*\"case\" + 0.012*\"polaris\" + 0.009*\"legal\" + 0.008*\"rudolf\" + 0.007*\"justic\"\n", - "2019-01-31 00:23:14,690 : INFO : topic diff=0.013215, rho=0.066667\n", - "2019-01-31 00:23:14,845 : INFO : PROGRESS: pass 0, at document #452000/4922894\n", - "2019-01-31 00:23:16,283 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:23:16,549 : INFO : topic #47 (0.020): 0.068*\"muscl\" + 0.032*\"perceptu\" + 0.020*\"theater\" + 0.019*\"compos\" + 0.018*\"place\" + 0.017*\"damn\" + 0.014*\"physician\" + 0.013*\"orchestr\" + 0.012*\"olympo\" + 0.012*\"word\"\n", - "2019-01-31 00:23:16,551 : INFO : topic #36 (0.020): 0.026*\"companhia\" + 0.010*\"network\" + 0.009*\"prognosi\" + 0.009*\"serv\" + 0.008*\"develop\" + 0.008*\"oper\" + 0.008*\"manag\" + 0.008*\"includ\" + 0.007*\"base\" + 0.007*\"busi\"\n", - "2019-01-31 00:23:16,552 : INFO : topic #7 (0.020): 0.019*\"di\" + 0.019*\"snatch\" + 0.017*\"factor\" + 0.015*\"yawn\" + 0.014*\"margin\" + 0.013*\"bone\" + 0.012*\"life\" + 0.012*\"john\" + 0.012*\"faster\" + 0.012*\"deal\"\n", - "2019-01-31 00:23:16,553 : INFO : topic #42 (0.020): 0.046*\"german\" + 0.030*\"germani\" + 0.015*\"jewish\" + 0.014*\"israel\" + 0.013*\"vol\" + 0.012*\"berlin\" + 0.011*\"der\" + 0.008*\"itali\" + 0.008*\"european\" + 0.008*\"europ\"\n", - "2019-01-31 00:23:16,554 : INFO : topic #0 (0.020): 0.064*\"statewid\" + 0.042*\"arsen\" + 0.036*\"line\" + 0.036*\"raid\" + 0.031*\"museo\" + 0.019*\"traceabl\" + 0.019*\"serv\" + 0.017*\"pain\" + 0.015*\"word\" + 0.015*\"exhaust\"\n", - "2019-01-31 00:23:16,560 : INFO : topic diff=0.014925, rho=0.066519\n", - "2019-01-31 00:23:16,712 : INFO : PROGRESS: pass 0, at document #454000/4922894\n", - "2019-01-31 00:23:18,114 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:23:18,380 : INFO : topic #24 (0.020): 0.040*\"book\" + 0.033*\"publicis\" + 0.021*\"word\" + 0.017*\"new\" + 0.015*\"edit\" + 0.014*\"presid\" + 0.012*\"storag\" + 0.012*\"worldwid\" + 0.012*\"nicola\" + 0.011*\"author\"\n", - "2019-01-31 00:23:18,381 : INFO : topic #4 (0.020): 0.024*\"enfranchis\" + 0.016*\"depress\" + 0.015*\"pour\" + 0.011*\"elabor\" + 0.010*\"produc\" + 0.010*\"mode\" + 0.009*\"veget\" + 0.008*\"candid\" + 0.008*\"encyclopedia\" + 0.007*\"offset\"\n", - "2019-01-31 00:23:18,383 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.026*\"factor\" + 0.021*\"adulthood\" + 0.015*\"feel\" + 0.015*\"hostil\" + 0.013*\"male\" + 0.012*\"plaisir\" + 0.012*\"live\" + 0.010*\"genu\" + 0.009*\"yawn\"\n", - "2019-01-31 00:23:18,384 : INFO : topic #40 (0.020): 0.097*\"unit\" + 0.028*\"collector\" + 0.020*\"institut\" + 0.020*\"schuster\" + 0.015*\"student\" + 0.015*\"requir\" + 0.014*\"professor\" + 0.012*\"word\" + 0.012*\"governor\" + 0.012*\"degre\"\n", - "2019-01-31 00:23:18,385 : INFO : topic #37 (0.020): 0.010*\"love\" + 0.009*\"gestur\" + 0.006*\"man\" + 0.006*\"blue\" + 0.005*\"litig\" + 0.004*\"bewild\" + 0.004*\"night\" + 0.004*\"ladi\" + 0.004*\"amphora\" + 0.003*\"introductori\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:23:18,391 : INFO : topic diff=0.011715, rho=0.066372\n", - "2019-01-31 00:23:18,544 : INFO : PROGRESS: pass 0, at document #456000/4922894\n", - "2019-01-31 00:23:19,949 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:23:20,216 : INFO : topic #31 (0.020): 0.062*\"fusiform\" + 0.025*\"player\" + 0.022*\"scientist\" + 0.021*\"taxpay\" + 0.021*\"place\" + 0.013*\"folei\" + 0.012*\"leagu\" + 0.009*\"ruler\" + 0.009*\"clot\" + 0.008*\"reconstruct\"\n", - "2019-01-31 00:23:20,217 : INFO : topic #45 (0.020): 0.019*\"black\" + 0.016*\"western\" + 0.014*\"colder\" + 0.012*\"record\" + 0.009*\"blind\" + 0.009*\"illicit\" + 0.008*\"hand\" + 0.008*\"green\" + 0.007*\"light\" + 0.006*\"arm\"\n", - "2019-01-31 00:23:20,218 : INFO : topic #23 (0.020): 0.137*\"audit\" + 0.067*\"best\" + 0.037*\"yawn\" + 0.034*\"jacksonvil\" + 0.023*\"japanes\" + 0.022*\"noll\" + 0.019*\"women\" + 0.019*\"festiv\" + 0.018*\"intern\" + 0.014*\"tokyo\"\n", - "2019-01-31 00:23:20,219 : INFO : topic #4 (0.020): 0.024*\"enfranchis\" + 0.017*\"depress\" + 0.015*\"pour\" + 0.011*\"elabor\" + 0.010*\"produc\" + 0.009*\"mode\" + 0.009*\"veget\" + 0.008*\"candid\" + 0.008*\"encyclopedia\" + 0.007*\"offset\"\n", - "2019-01-31 00:23:20,220 : INFO : topic #43 (0.020): 0.067*\"elect\" + 0.059*\"parti\" + 0.025*\"voluntari\" + 0.024*\"democrat\" + 0.022*\"member\" + 0.020*\"polici\" + 0.015*\"republ\" + 0.014*\"bypass\" + 0.014*\"report\" + 0.014*\"liber\"\n", - "2019-01-31 00:23:20,226 : INFO : topic diff=0.013479, rho=0.066227\n", - "2019-01-31 00:23:20,382 : INFO : PROGRESS: pass 0, at document #458000/4922894\n", - "2019-01-31 00:23:21,829 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:23:22,095 : INFO : topic #15 (0.020): 0.013*\"small\" + 0.013*\"develop\" + 0.010*\"organ\" + 0.010*\"commun\" + 0.010*\"word\" + 0.009*\"cultur\" + 0.009*\"requir\" + 0.008*\"student\" + 0.008*\"human\" + 0.008*\"group\"\n", - "2019-01-31 00:23:22,096 : INFO : topic #46 (0.020): 0.021*\"damag\" + 0.017*\"norwai\" + 0.016*\"stop\" + 0.016*\"sweden\" + 0.015*\"swedish\" + 0.014*\"replac\" + 0.014*\"norwegian\" + 0.013*\"wind\" + 0.012*\"earthquak\" + 0.011*\"treeless\"\n", - "2019-01-31 00:23:22,097 : INFO : topic #12 (0.020): 0.010*\"number\" + 0.009*\"frontal\" + 0.007*\"exampl\" + 0.006*\"servitud\" + 0.006*\"gener\" + 0.006*\"southern\" + 0.006*\"théori\" + 0.006*\"poet\" + 0.006*\"measur\" + 0.006*\"utopian\"\n", - "2019-01-31 00:23:22,099 : INFO : topic #37 (0.020): 0.010*\"love\" + 0.009*\"gestur\" + 0.006*\"man\" + 0.006*\"blue\" + 0.005*\"litig\" + 0.004*\"bewild\" + 0.004*\"night\" + 0.004*\"ladi\" + 0.004*\"amphora\" + 0.003*\"dai\"\n", - "2019-01-31 00:23:22,100 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"hormon\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"caus\" + 0.006*\"pathwai\" + 0.006*\"have\" + 0.006*\"proper\" + 0.006*\"activ\" + 0.006*\"effect\"\n", - "2019-01-31 00:23:22,106 : INFO : topic diff=0.016294, rho=0.066082\n", - "2019-01-31 00:23:24,843 : INFO : -11.496 per-word bound, 2887.3 perplexity estimate based on a held-out corpus of 2000 documents with 545887 words\n", - "2019-01-31 00:23:24,843 : INFO : PROGRESS: pass 0, at document #460000/4922894\n", - "2019-01-31 00:23:26,273 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:23:26,539 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.035*\"cleveland\" + 0.029*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.022*\"crete\" + 0.022*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:23:26,540 : INFO : topic #0 (0.020): 0.063*\"statewid\" + 0.043*\"arsen\" + 0.038*\"line\" + 0.035*\"raid\" + 0.031*\"museo\" + 0.020*\"traceabl\" + 0.019*\"serv\" + 0.016*\"pain\" + 0.016*\"word\" + 0.015*\"exhaust\"\n", - "2019-01-31 00:23:26,542 : INFO : topic #9 (0.020): 0.066*\"bone\" + 0.046*\"american\" + 0.028*\"valour\" + 0.020*\"dutch\" + 0.018*\"player\" + 0.015*\"folei\" + 0.015*\"polit\" + 0.014*\"english\" + 0.013*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 00:23:26,543 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.024*\"septemb\" + 0.023*\"epiru\" + 0.019*\"teacher\" + 0.017*\"stake\" + 0.013*\"rodríguez\" + 0.013*\"proclaim\" + 0.011*\"movi\" + 0.011*\"acrimoni\" + 0.011*\"direct\"\n", - "2019-01-31 00:23:26,544 : INFO : topic #4 (0.020): 0.024*\"enfranchis\" + 0.016*\"depress\" + 0.015*\"pour\" + 0.011*\"elabor\" + 0.010*\"mode\" + 0.009*\"produc\" + 0.009*\"candid\" + 0.009*\"veget\" + 0.007*\"encyclopedia\" + 0.007*\"uruguayan\"\n", - "2019-01-31 00:23:26,550 : INFO : topic diff=0.012832, rho=0.065938\n", - "2019-01-31 00:23:26,705 : INFO : PROGRESS: pass 0, at document #462000/4922894\n", - "2019-01-31 00:23:28,111 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:23:28,378 : INFO : topic #31 (0.020): 0.063*\"fusiform\" + 0.024*\"player\" + 0.022*\"scientist\" + 0.021*\"place\" + 0.020*\"taxpay\" + 0.013*\"folei\" + 0.012*\"leagu\" + 0.010*\"ruler\" + 0.009*\"reconstruct\" + 0.009*\"clot\"\n", - "2019-01-31 00:23:28,378 : INFO : topic #28 (0.020): 0.030*\"build\" + 0.024*\"hous\" + 0.020*\"rivièr\" + 0.016*\"buford\" + 0.012*\"rosenwald\" + 0.011*\"histor\" + 0.011*\"constitut\" + 0.010*\"strategist\" + 0.010*\"linear\" + 0.010*\"depress\"\n", - "2019-01-31 00:23:28,380 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"hormon\" + 0.007*\"media\" + 0.007*\"disco\" + 0.007*\"caus\" + 0.007*\"have\" + 0.006*\"pathwai\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"activ\"\n", - "2019-01-31 00:23:28,381 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.028*\"rel\" + 0.026*\"reconstruct\" + 0.022*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.015*\"toyota\" + 0.014*\"charcoal\" + 0.011*\"vocabulari\"\n", - "2019-01-31 00:23:28,382 : INFO : topic #16 (0.020): 0.028*\"king\" + 0.028*\"priest\" + 0.021*\"quarterli\" + 0.019*\"grammat\" + 0.018*\"duke\" + 0.017*\"maria\" + 0.016*\"idiosyncrat\" + 0.016*\"order\" + 0.015*\"rotterdam\" + 0.014*\"portugues\"\n", - "2019-01-31 00:23:28,388 : INFO : topic diff=0.013818, rho=0.065795\n", - "2019-01-31 00:23:28,542 : INFO : PROGRESS: pass 0, at document #464000/4922894\n", - "2019-01-31 00:23:30,019 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:23:30,285 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"hormon\" + 0.008*\"disco\" + 0.007*\"media\" + 0.007*\"have\" + 0.007*\"caus\" + 0.006*\"pathwai\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"activ\"\n", - "2019-01-31 00:23:30,286 : INFO : topic #37 (0.020): 0.010*\"love\" + 0.009*\"gestur\" + 0.006*\"man\" + 0.006*\"blue\" + 0.005*\"bewild\" + 0.005*\"litig\" + 0.004*\"night\" + 0.004*\"amphora\" + 0.004*\"ladi\" + 0.004*\"healthcar\"\n", - "2019-01-31 00:23:30,288 : INFO : topic #24 (0.020): 0.040*\"book\" + 0.033*\"publicis\" + 0.021*\"word\" + 0.017*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.013*\"storag\" + 0.013*\"nicola\" + 0.012*\"worldwid\" + 0.011*\"author\"\n", - "2019-01-31 00:23:30,289 : INFO : topic #35 (0.020): 0.053*\"russia\" + 0.034*\"sovereignti\" + 0.034*\"rural\" + 0.025*\"poison\" + 0.022*\"reprint\" + 0.021*\"personifi\" + 0.019*\"moscow\" + 0.016*\"poland\" + 0.016*\"shirin\" + 0.015*\"tyrant\"\n", - "2019-01-31 00:23:30,290 : INFO : topic #18 (0.020): 0.009*\"théori\" + 0.007*\"later\" + 0.006*\"sack\" + 0.006*\"kill\" + 0.005*\"dai\" + 0.005*\"retrospect\" + 0.005*\"man\" + 0.004*\"help\" + 0.004*\"deal\" + 0.004*\"end\"\n", - "2019-01-31 00:23:30,296 : INFO : topic diff=0.012890, rho=0.065653\n", - "2019-01-31 00:23:30,454 : INFO : PROGRESS: pass 0, at document #466000/4922894\n", - "2019-01-31 00:23:31,876 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:23:32,142 : INFO : topic #34 (0.020): 0.075*\"start\" + 0.032*\"unionist\" + 0.030*\"cotton\" + 0.024*\"american\" + 0.023*\"new\" + 0.014*\"terri\" + 0.013*\"california\" + 0.013*\"north\" + 0.012*\"warrior\" + 0.012*\"violent\"\n", - "2019-01-31 00:23:32,143 : INFO : topic #11 (0.020): 0.028*\"john\" + 0.014*\"will\" + 0.013*\"jame\" + 0.012*\"david\" + 0.011*\"rival\" + 0.010*\"georg\" + 0.009*\"slur\" + 0.008*\"mexican–american\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:23:32,145 : INFO : topic #12 (0.020): 0.011*\"number\" + 0.008*\"frontal\" + 0.006*\"exampl\" + 0.006*\"gener\" + 0.006*\"théori\" + 0.006*\"servitud\" + 0.006*\"poet\" + 0.006*\"southern\" + 0.006*\"measur\" + 0.005*\"utopian\"\n", - "2019-01-31 00:23:32,146 : INFO : topic #16 (0.020): 0.030*\"king\" + 0.028*\"priest\" + 0.021*\"quarterli\" + 0.018*\"grammat\" + 0.018*\"duke\" + 0.017*\"idiosyncrat\" + 0.017*\"rotterdam\" + 0.016*\"maria\" + 0.015*\"order\" + 0.014*\"portugues\"\n", - "2019-01-31 00:23:32,146 : INFO : topic #13 (0.020): 0.028*\"new\" + 0.027*\"australia\" + 0.026*\"sourc\" + 0.024*\"england\" + 0.024*\"london\" + 0.021*\"australian\" + 0.020*\"british\" + 0.018*\"ireland\" + 0.016*\"youth\" + 0.013*\"wale\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:23:32,152 : INFO : topic diff=0.013784, rho=0.065512\n", - "2019-01-31 00:23:32,310 : INFO : PROGRESS: pass 0, at document #468000/4922894\n", - "2019-01-31 00:23:33,768 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:23:34,033 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.029*\"germani\" + 0.014*\"vol\" + 0.013*\"israel\" + 0.012*\"jewish\" + 0.012*\"berlin\" + 0.011*\"der\" + 0.009*\"itali\" + 0.008*\"europ\" + 0.008*\"european\"\n", - "2019-01-31 00:23:34,035 : INFO : topic #32 (0.020): 0.060*\"district\" + 0.049*\"vigour\" + 0.043*\"tortur\" + 0.041*\"popolo\" + 0.032*\"cotton\" + 0.026*\"area\" + 0.025*\"regim\" + 0.023*\"multitud\" + 0.021*\"citi\" + 0.019*\"earthworm\"\n", - "2019-01-31 00:23:34,036 : INFO : topic #38 (0.020): 0.021*\"walter\" + 0.013*\"king\" + 0.013*\"battalion\" + 0.012*\"aza\" + 0.010*\"teufel\" + 0.009*\"empath\" + 0.008*\"centuri\" + 0.008*\"forc\" + 0.008*\"armi\" + 0.008*\"till\"\n", - "2019-01-31 00:23:34,037 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.024*\"aggress\" + 0.023*\"walter\" + 0.019*\"armi\" + 0.017*\"com\" + 0.014*\"oper\" + 0.014*\"airmen\" + 0.013*\"militari\" + 0.013*\"unionist\" + 0.012*\"airbu\"\n", - "2019-01-31 00:23:34,038 : INFO : topic #31 (0.020): 0.062*\"fusiform\" + 0.023*\"player\" + 0.022*\"scientist\" + 0.020*\"place\" + 0.020*\"taxpay\" + 0.013*\"folei\" + 0.012*\"leagu\" + 0.009*\"ruler\" + 0.009*\"barber\" + 0.009*\"clot\"\n", - "2019-01-31 00:23:34,044 : INFO : topic diff=0.014505, rho=0.065372\n", - "2019-01-31 00:23:34,198 : INFO : PROGRESS: pass 0, at document #470000/4922894\n", - "2019-01-31 00:23:35,644 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:23:35,910 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.019*\"di\" + 0.017*\"factor\" + 0.015*\"margin\" + 0.015*\"yawn\" + 0.013*\"bone\" + 0.012*\"life\" + 0.012*\"faster\" + 0.012*\"john\" + 0.011*\"deal\"\n", - "2019-01-31 00:23:35,911 : INFO : topic #23 (0.020): 0.140*\"audit\" + 0.066*\"best\" + 0.038*\"yawn\" + 0.033*\"jacksonvil\" + 0.023*\"japanes\" + 0.021*\"noll\" + 0.019*\"women\" + 0.018*\"festiv\" + 0.018*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 00:23:35,912 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.036*\"cleveland\" + 0.030*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.022*\"folei\" + 0.016*\"goal\" + 0.016*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:23:35,913 : INFO : topic #18 (0.020): 0.009*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.005*\"man\" + 0.005*\"dai\" + 0.005*\"retrospect\" + 0.005*\"deal\" + 0.004*\"help\" + 0.004*\"end\"\n", - "2019-01-31 00:23:35,915 : INFO : topic #37 (0.020): 0.010*\"love\" + 0.009*\"gestur\" + 0.006*\"man\" + 0.006*\"blue\" + 0.005*\"litig\" + 0.005*\"bewild\" + 0.004*\"night\" + 0.004*\"ladi\" + 0.004*\"amphora\" + 0.004*\"babi\"\n", - "2019-01-31 00:23:35,920 : INFO : topic diff=0.014500, rho=0.065233\n", - "2019-01-31 00:23:36,073 : INFO : PROGRESS: pass 0, at document #472000/4922894\n", - "2019-01-31 00:23:37,505 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:23:37,771 : INFO : topic #1 (0.020): 0.052*\"chilton\" + 0.051*\"china\" + 0.026*\"hong\" + 0.025*\"kong\" + 0.022*\"korea\" + 0.016*\"leah\" + 0.015*\"korean\" + 0.015*\"sourc\" + 0.014*\"kim\" + 0.010*\"taiwan\"\n", - "2019-01-31 00:23:37,773 : INFO : topic #19 (0.020): 0.012*\"languag\" + 0.010*\"form\" + 0.009*\"origin\" + 0.009*\"woodcut\" + 0.008*\"mean\" + 0.008*\"charact\" + 0.008*\"uruguayan\" + 0.007*\"like\" + 0.007*\"god\" + 0.006*\"dynam\"\n", - "2019-01-31 00:23:37,774 : INFO : topic #34 (0.020): 0.075*\"start\" + 0.032*\"unionist\" + 0.030*\"cotton\" + 0.024*\"american\" + 0.023*\"new\" + 0.014*\"terri\" + 0.013*\"california\" + 0.013*\"north\" + 0.012*\"warrior\" + 0.012*\"violent\"\n", - "2019-01-31 00:23:37,775 : INFO : topic #27 (0.020): 0.073*\"questionnair\" + 0.019*\"taxpay\" + 0.015*\"candid\" + 0.014*\"tornado\" + 0.012*\"find\" + 0.012*\"driver\" + 0.011*\"landslid\" + 0.010*\"horac\" + 0.010*\"fool\" + 0.010*\"théori\"\n", - "2019-01-31 00:23:37,776 : INFO : topic #47 (0.020): 0.066*\"muscl\" + 0.033*\"perceptu\" + 0.021*\"theater\" + 0.018*\"compos\" + 0.016*\"place\" + 0.016*\"damn\" + 0.015*\"physician\" + 0.015*\"orchestr\" + 0.013*\"olympo\" + 0.012*\"jack\"\n", - "2019-01-31 00:23:37,782 : INFO : topic diff=0.013358, rho=0.065094\n", - "2019-01-31 00:23:37,939 : INFO : PROGRESS: pass 0, at document #474000/4922894\n", - "2019-01-31 00:23:39,390 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:23:39,656 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.028*\"germani\" + 0.014*\"israel\" + 0.014*\"vol\" + 0.013*\"jewish\" + 0.013*\"berlin\" + 0.011*\"der\" + 0.008*\"itali\" + 0.008*\"europ\" + 0.008*\"european\"\n", - "2019-01-31 00:23:39,658 : INFO : topic #18 (0.020): 0.009*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.005*\"man\" + 0.005*\"dai\" + 0.005*\"deal\" + 0.005*\"retrospect\" + 0.004*\"help\" + 0.004*\"end\"\n", - "2019-01-31 00:23:39,659 : INFO : topic #4 (0.020): 0.023*\"enfranchis\" + 0.017*\"depress\" + 0.016*\"pour\" + 0.011*\"elabor\" + 0.010*\"mode\" + 0.009*\"veget\" + 0.009*\"produc\" + 0.009*\"candid\" + 0.009*\"encyclopedia\" + 0.007*\"uruguayan\"\n", - "2019-01-31 00:23:39,660 : INFO : topic #39 (0.020): 0.034*\"canada\" + 0.028*\"canadian\" + 0.024*\"taxpay\" + 0.020*\"scientist\" + 0.016*\"toronto\" + 0.015*\"basketbal\" + 0.014*\"hoar\" + 0.014*\"clot\" + 0.012*\"ontario\" + 0.011*\"confer\"\n", - "2019-01-31 00:23:39,661 : INFO : topic #11 (0.020): 0.028*\"john\" + 0.015*\"will\" + 0.013*\"jame\" + 0.012*\"david\" + 0.012*\"rival\" + 0.010*\"georg\" + 0.008*\"slur\" + 0.008*\"mexican–american\" + 0.008*\"rhyme\" + 0.008*\"paul\"\n", - "2019-01-31 00:23:39,667 : INFO : topic diff=0.012886, rho=0.064957\n", - "2019-01-31 00:23:39,824 : INFO : PROGRESS: pass 0, at document #476000/4922894\n", - "2019-01-31 00:23:41,262 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:23:41,528 : INFO : topic #21 (0.020): 0.037*\"samford\" + 0.023*\"spain\" + 0.019*\"del\" + 0.017*\"mexico\" + 0.014*\"soviet\" + 0.012*\"juan\" + 0.011*\"francisco\" + 0.011*\"josé\" + 0.010*\"carlo\" + 0.010*\"antiqu\"\n", - "2019-01-31 00:23:41,529 : INFO : topic #1 (0.020): 0.051*\"chilton\" + 0.049*\"china\" + 0.026*\"hong\" + 0.026*\"kong\" + 0.022*\"korea\" + 0.018*\"korean\" + 0.017*\"leah\" + 0.016*\"kim\" + 0.015*\"sourc\" + 0.010*\"taiwan\"\n", - "2019-01-31 00:23:41,530 : INFO : topic #26 (0.020): 0.029*\"woman\" + 0.029*\"workplac\" + 0.029*\"olymp\" + 0.027*\"champion\" + 0.024*\"men\" + 0.023*\"medal\" + 0.021*\"event\" + 0.019*\"alic\" + 0.018*\"théori\" + 0.018*\"atheist\"\n", - "2019-01-31 00:23:41,532 : INFO : topic #45 (0.020): 0.018*\"black\" + 0.016*\"western\" + 0.013*\"colder\" + 0.012*\"record\" + 0.009*\"illicit\" + 0.009*\"blind\" + 0.008*\"green\" + 0.007*\"light\" + 0.007*\"hand\" + 0.006*\"arm\"\n", - "2019-01-31 00:23:41,533 : INFO : topic #47 (0.020): 0.066*\"muscl\" + 0.033*\"perceptu\" + 0.021*\"theater\" + 0.018*\"compos\" + 0.016*\"physician\" + 0.016*\"place\" + 0.016*\"orchestr\" + 0.015*\"damn\" + 0.013*\"olympo\" + 0.012*\"jack\"\n", - "2019-01-31 00:23:41,539 : INFO : topic diff=0.012847, rho=0.064820\n", - "2019-01-31 00:23:41,750 : INFO : PROGRESS: pass 0, at document #478000/4922894\n", - "2019-01-31 00:23:43,193 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:23:43,458 : INFO : topic #8 (0.020): 0.032*\"law\" + 0.025*\"cortic\" + 0.019*\"act\" + 0.018*\"start\" + 0.015*\"ricardo\" + 0.012*\"case\" + 0.010*\"polaris\" + 0.010*\"legal\" + 0.007*\"consolid\" + 0.007*\"judaism\"\n", - "2019-01-31 00:23:43,459 : INFO : topic #0 (0.020): 0.064*\"statewid\" + 0.044*\"arsen\" + 0.038*\"line\" + 0.035*\"raid\" + 0.030*\"museo\" + 0.020*\"traceabl\" + 0.018*\"serv\" + 0.018*\"word\" + 0.017*\"pain\" + 0.015*\"exhaust\"\n", - "2019-01-31 00:23:43,461 : INFO : topic #17 (0.020): 0.064*\"church\" + 0.021*\"cathol\" + 0.019*\"christian\" + 0.017*\"bishop\" + 0.014*\"retroflex\" + 0.014*\"sail\" + 0.012*\"centuri\" + 0.010*\"jpg\" + 0.009*\"fifteenth\" + 0.009*\"italian\"\n", - "2019-01-31 00:23:43,462 : INFO : topic #19 (0.020): 0.012*\"languag\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"woodcut\" + 0.008*\"mean\" + 0.008*\"charact\" + 0.008*\"uruguayan\" + 0.007*\"like\" + 0.007*\"god\" + 0.007*\"dynam\"\n", - "2019-01-31 00:23:43,463 : INFO : topic #35 (0.020): 0.052*\"russia\" + 0.036*\"sovereignti\" + 0.033*\"rural\" + 0.022*\"poison\" + 0.022*\"personifi\" + 0.022*\"reprint\" + 0.019*\"moscow\" + 0.015*\"shirin\" + 0.015*\"poland\" + 0.015*\"unfortun\"\n", - "2019-01-31 00:23:43,469 : INFO : topic diff=0.012082, rho=0.064685\n", - "2019-01-31 00:23:46,297 : INFO : -11.721 per-word bound, 3376.6 perplexity estimate based on a held-out corpus of 2000 documents with 580708 words\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:23:46,298 : INFO : PROGRESS: pass 0, at document #480000/4922894\n", - "2019-01-31 00:23:47,758 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:23:48,024 : INFO : topic #17 (0.020): 0.065*\"church\" + 0.021*\"cathol\" + 0.019*\"christian\" + 0.017*\"bishop\" + 0.014*\"retroflex\" + 0.014*\"sail\" + 0.012*\"centuri\" + 0.010*\"jpg\" + 0.009*\"fifteenth\" + 0.009*\"italian\"\n", - "2019-01-31 00:23:48,025 : INFO : topic #12 (0.020): 0.011*\"number\" + 0.008*\"frontal\" + 0.007*\"poet\" + 0.006*\"gener\" + 0.006*\"southern\" + 0.006*\"exampl\" + 0.006*\"servitud\" + 0.006*\"théori\" + 0.005*\"differ\" + 0.005*\"utopian\"\n", - "2019-01-31 00:23:48,027 : INFO : topic #18 (0.020): 0.009*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.005*\"man\" + 0.005*\"dai\" + 0.005*\"deal\" + 0.005*\"retrospect\" + 0.004*\"help\" + 0.004*\"end\"\n", - "2019-01-31 00:23:48,028 : INFO : topic #3 (0.020): 0.041*\"present\" + 0.028*\"offic\" + 0.028*\"minist\" + 0.021*\"member\" + 0.020*\"seri\" + 0.020*\"gener\" + 0.016*\"govern\" + 0.016*\"appeas\" + 0.016*\"serv\" + 0.016*\"chickasaw\"\n", - "2019-01-31 00:23:48,029 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.019*\"di\" + 0.018*\"factor\" + 0.015*\"yawn\" + 0.015*\"margin\" + 0.013*\"bone\" + 0.012*\"life\" + 0.012*\"john\" + 0.012*\"faster\" + 0.011*\"deal\"\n", - "2019-01-31 00:23:48,035 : INFO : topic diff=0.012352, rho=0.064550\n", - "2019-01-31 00:23:48,194 : INFO : PROGRESS: pass 0, at document #482000/4922894\n", - "2019-01-31 00:23:49,626 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:23:49,891 : INFO : topic #3 (0.020): 0.041*\"present\" + 0.028*\"offic\" + 0.028*\"minist\" + 0.021*\"member\" + 0.020*\"seri\" + 0.019*\"gener\" + 0.016*\"govern\" + 0.016*\"appeas\" + 0.016*\"serv\" + 0.015*\"chickasaw\"\n", - "2019-01-31 00:23:49,893 : INFO : topic #26 (0.020): 0.028*\"woman\" + 0.028*\"workplac\" + 0.027*\"olymp\" + 0.027*\"champion\" + 0.025*\"alic\" + 0.023*\"men\" + 0.023*\"medal\" + 0.021*\"event\" + 0.018*\"atheist\" + 0.018*\"théori\"\n", - "2019-01-31 00:23:49,894 : INFO : topic #41 (0.020): 0.048*\"citi\" + 0.038*\"new\" + 0.023*\"palmer\" + 0.020*\"year\" + 0.014*\"center\" + 0.014*\"strategist\" + 0.012*\"open\" + 0.011*\"includ\" + 0.009*\"lobe\" + 0.008*\"hot\"\n", - "2019-01-31 00:23:49,895 : INFO : topic #44 (0.020): 0.034*\"rooftop\" + 0.027*\"final\" + 0.022*\"wife\" + 0.021*\"tourist\" + 0.019*\"martin\" + 0.018*\"champion\" + 0.016*\"taxpay\" + 0.016*\"chamber\" + 0.015*\"tiepolo\" + 0.013*\"open\"\n", - "2019-01-31 00:23:49,896 : INFO : topic #0 (0.020): 0.066*\"statewid\" + 0.043*\"arsen\" + 0.039*\"line\" + 0.035*\"raid\" + 0.030*\"museo\" + 0.020*\"traceabl\" + 0.018*\"serv\" + 0.017*\"word\" + 0.016*\"pain\" + 0.015*\"exhaust\"\n", - "2019-01-31 00:23:49,902 : INFO : topic diff=0.012371, rho=0.064416\n", - "2019-01-31 00:23:50,059 : INFO : PROGRESS: pass 0, at document #484000/4922894\n", - "2019-01-31 00:23:51,502 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:23:51,768 : INFO : topic #28 (0.020): 0.030*\"build\" + 0.025*\"hous\" + 0.020*\"rivièr\" + 0.016*\"buford\" + 0.012*\"constitut\" + 0.011*\"histor\" + 0.011*\"rosenwald\" + 0.010*\"strategist\" + 0.010*\"briarwood\" + 0.010*\"linear\"\n", - "2019-01-31 00:23:51,770 : INFO : topic #18 (0.020): 0.009*\"théori\" + 0.007*\"later\" + 0.006*\"sack\" + 0.006*\"kill\" + 0.005*\"dai\" + 0.005*\"man\" + 0.005*\"deal\" + 0.005*\"retrospect\" + 0.004*\"help\" + 0.004*\"kenworthi\"\n", - "2019-01-31 00:23:51,771 : INFO : topic #41 (0.020): 0.048*\"citi\" + 0.037*\"new\" + 0.023*\"palmer\" + 0.019*\"year\" + 0.014*\"center\" + 0.014*\"strategist\" + 0.012*\"open\" + 0.011*\"includ\" + 0.009*\"lobe\" + 0.008*\"hot\"\n", - "2019-01-31 00:23:51,772 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.035*\"leagu\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.022*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.013*\"schmitz\"\n", - "2019-01-31 00:23:51,774 : INFO : topic #49 (0.020): 0.041*\"india\" + 0.030*\"incumb\" + 0.015*\"islam\" + 0.012*\"pakistan\" + 0.012*\"televis\" + 0.011*\"muskoge\" + 0.010*\"sri\" + 0.009*\"khalsa\" + 0.009*\"tajikistan\" + 0.009*\"start\"\n", - "2019-01-31 00:23:51,779 : INFO : topic diff=0.011678, rho=0.064282\n", - "2019-01-31 00:23:51,937 : INFO : PROGRESS: pass 0, at document #486000/4922894\n", - "2019-01-31 00:23:53,371 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:23:53,636 : INFO : topic #27 (0.020): 0.071*\"questionnair\" + 0.019*\"taxpay\" + 0.015*\"tornado\" + 0.015*\"candid\" + 0.013*\"find\" + 0.012*\"driver\" + 0.012*\"landslid\" + 0.012*\"squatter\" + 0.010*\"théori\" + 0.010*\"fool\"\n", - "2019-01-31 00:23:53,637 : INFO : topic #35 (0.020): 0.052*\"russia\" + 0.036*\"sovereignti\" + 0.032*\"rural\" + 0.022*\"moscow\" + 0.021*\"reprint\" + 0.021*\"poison\" + 0.021*\"personifi\" + 0.016*\"unfortun\" + 0.014*\"shirin\" + 0.014*\"poland\"\n", - "2019-01-31 00:23:53,639 : INFO : topic #49 (0.020): 0.041*\"india\" + 0.030*\"incumb\" + 0.015*\"islam\" + 0.012*\"pakistan\" + 0.012*\"televis\" + 0.011*\"muskoge\" + 0.010*\"sri\" + 0.009*\"khalsa\" + 0.009*\"tajikistan\" + 0.009*\"start\"\n", - "2019-01-31 00:23:53,640 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"disco\" + 0.008*\"hormon\" + 0.007*\"media\" + 0.007*\"caus\" + 0.007*\"have\" + 0.007*\"pathwai\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"acid\"\n", - "2019-01-31 00:23:53,642 : INFO : topic #30 (0.020): 0.035*\"cleveland\" + 0.035*\"leagu\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.022*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.013*\"schmitz\"\n", - "2019-01-31 00:23:53,648 : INFO : topic diff=0.014063, rho=0.064150\n", - "2019-01-31 00:23:53,806 : INFO : PROGRESS: pass 0, at document #488000/4922894\n", - "2019-01-31 00:23:55,250 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:23:55,516 : INFO : topic #23 (0.020): 0.135*\"audit\" + 0.066*\"best\" + 0.039*\"yawn\" + 0.036*\"jacksonvil\" + 0.027*\"japanes\" + 0.021*\"noll\" + 0.019*\"women\" + 0.018*\"festiv\" + 0.018*\"prison\" + 0.017*\"intern\"\n", - "2019-01-31 00:23:55,517 : INFO : topic #13 (0.020): 0.027*\"new\" + 0.026*\"australia\" + 0.026*\"sourc\" + 0.023*\"england\" + 0.023*\"london\" + 0.023*\"australian\" + 0.021*\"british\" + 0.021*\"ireland\" + 0.015*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 00:23:55,518 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.042*\"arsen\" + 0.038*\"line\" + 0.035*\"raid\" + 0.030*\"museo\" + 0.020*\"traceabl\" + 0.017*\"word\" + 0.017*\"serv\" + 0.016*\"pain\" + 0.015*\"exhaust\"\n", - "2019-01-31 00:23:55,519 : INFO : topic #45 (0.020): 0.018*\"black\" + 0.016*\"western\" + 0.013*\"colder\" + 0.013*\"record\" + 0.009*\"illicit\" + 0.009*\"blind\" + 0.009*\"green\" + 0.007*\"light\" + 0.007*\"hand\" + 0.006*\"arm\"\n", - "2019-01-31 00:23:55,521 : INFO : topic #24 (0.020): 0.042*\"book\" + 0.033*\"publicis\" + 0.022*\"word\" + 0.016*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.013*\"nicola\" + 0.012*\"storag\" + 0.012*\"worldwid\" + 0.011*\"author\"\n", - "2019-01-31 00:23:55,527 : INFO : topic diff=0.013476, rho=0.064018\n", - "2019-01-31 00:23:55,683 : INFO : PROGRESS: pass 0, at document #490000/4922894\n", - "2019-01-31 00:23:57,113 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:23:57,379 : INFO : topic #18 (0.020): 0.009*\"théori\" + 0.007*\"later\" + 0.006*\"sack\" + 0.006*\"kill\" + 0.005*\"dai\" + 0.005*\"man\" + 0.005*\"retrospect\" + 0.005*\"deal\" + 0.004*\"help\" + 0.004*\"end\"\n", - "2019-01-31 00:23:57,381 : INFO : topic #31 (0.020): 0.068*\"fusiform\" + 0.024*\"player\" + 0.021*\"scientist\" + 0.020*\"place\" + 0.019*\"taxpay\" + 0.013*\"leagu\" + 0.012*\"folei\" + 0.009*\"barber\" + 0.009*\"ruler\" + 0.009*\"yard\"\n", - "2019-01-31 00:23:57,382 : INFO : topic #15 (0.020): 0.012*\"develop\" + 0.012*\"small\" + 0.010*\"organ\" + 0.009*\"commun\" + 0.009*\"word\" + 0.009*\"cultur\" + 0.009*\"requir\" + 0.008*\"human\" + 0.008*\"student\" + 0.008*\"group\"\n", - "2019-01-31 00:23:57,383 : INFO : topic #42 (0.020): 0.043*\"german\" + 0.026*\"germani\" + 0.013*\"vol\" + 0.013*\"der\" + 0.012*\"israel\" + 0.012*\"jewish\" + 0.012*\"berlin\" + 0.008*\"thong\" + 0.008*\"europ\" + 0.008*\"european\"\n", - "2019-01-31 00:23:57,384 : INFO : topic #25 (0.020): 0.028*\"ring\" + 0.019*\"warmth\" + 0.017*\"lagrang\" + 0.016*\"area\" + 0.015*\"mount\" + 0.009*\"foam\" + 0.008*\"land\" + 0.008*\"lobe\" + 0.008*\"north\" + 0.007*\"vacant\"\n", - "2019-01-31 00:23:57,390 : INFO : topic diff=0.011865, rho=0.063888\n", - "2019-01-31 00:23:57,552 : INFO : PROGRESS: pass 0, at document #492000/4922894\n", - "2019-01-31 00:23:59,048 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:23:59,314 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.019*\"di\" + 0.017*\"factor\" + 0.015*\"margin\" + 0.015*\"yawn\" + 0.013*\"bone\" + 0.012*\"life\" + 0.012*\"john\" + 0.012*\"faster\" + 0.011*\"deal\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:23:59,316 : INFO : topic #25 (0.020): 0.028*\"ring\" + 0.019*\"warmth\" + 0.017*\"lagrang\" + 0.016*\"area\" + 0.015*\"mount\" + 0.009*\"foam\" + 0.008*\"land\" + 0.008*\"lobe\" + 0.008*\"north\" + 0.007*\"vacant\"\n", - "2019-01-31 00:23:59,317 : INFO : topic #38 (0.020): 0.021*\"walter\" + 0.012*\"king\" + 0.011*\"battalion\" + 0.010*\"aza\" + 0.009*\"centuri\" + 0.008*\"forc\" + 0.008*\"teufel\" + 0.008*\"empath\" + 0.008*\"armi\" + 0.007*\"till\"\n", - "2019-01-31 00:23:59,318 : INFO : topic #3 (0.020): 0.040*\"present\" + 0.029*\"offic\" + 0.027*\"minist\" + 0.021*\"member\" + 0.020*\"seri\" + 0.019*\"gener\" + 0.017*\"chickasaw\" + 0.017*\"govern\" + 0.016*\"appeas\" + 0.015*\"serv\"\n", - "2019-01-31 00:23:59,319 : INFO : topic #2 (0.020): 0.047*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.012*\"blur\" + 0.012*\"pope\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.010*\"fleet\" + 0.009*\"sai\"\n", - "2019-01-31 00:23:59,325 : INFO : topic diff=0.012339, rho=0.063758\n", - "2019-01-31 00:23:59,480 : INFO : PROGRESS: pass 0, at document #494000/4922894\n", - "2019-01-31 00:24:00,898 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:24:01,163 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.019*\"di\" + 0.017*\"factor\" + 0.015*\"margin\" + 0.015*\"yawn\" + 0.013*\"bone\" + 0.012*\"life\" + 0.012*\"john\" + 0.012*\"faster\" + 0.011*\"deal\"\n", - "2019-01-31 00:24:01,165 : INFO : topic #33 (0.020): 0.054*\"french\" + 0.041*\"franc\" + 0.029*\"pari\" + 0.022*\"sail\" + 0.021*\"jean\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.008*\"focal\"\n", - "2019-01-31 00:24:01,166 : INFO : topic #16 (0.020): 0.028*\"priest\" + 0.026*\"king\" + 0.023*\"quarterli\" + 0.021*\"duke\" + 0.018*\"grammat\" + 0.016*\"maria\" + 0.016*\"portugues\" + 0.015*\"count\" + 0.015*\"idiosyncrat\" + 0.014*\"rotterdam\"\n", - "2019-01-31 00:24:01,167 : INFO : topic #47 (0.020): 0.066*\"muscl\" + 0.034*\"perceptu\" + 0.020*\"theater\" + 0.019*\"compos\" + 0.016*\"place\" + 0.015*\"physician\" + 0.015*\"olympo\" + 0.015*\"orchestr\" + 0.014*\"damn\" + 0.012*\"word\"\n", - "2019-01-31 00:24:01,168 : INFO : topic #42 (0.020): 0.043*\"german\" + 0.026*\"germani\" + 0.013*\"vol\" + 0.012*\"der\" + 0.012*\"berlin\" + 0.012*\"israel\" + 0.012*\"jewish\" + 0.008*\"europ\" + 0.008*\"itali\" + 0.008*\"european\"\n", - "2019-01-31 00:24:01,174 : INFO : topic diff=0.012981, rho=0.063628\n", - "2019-01-31 00:24:01,324 : INFO : PROGRESS: pass 0, at document #496000/4922894\n", - "2019-01-31 00:24:02,730 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:24:02,996 : INFO : topic #34 (0.020): 0.073*\"start\" + 0.031*\"unionist\" + 0.030*\"cotton\" + 0.025*\"american\" + 0.023*\"new\" + 0.014*\"california\" + 0.013*\"terri\" + 0.013*\"north\" + 0.012*\"warrior\" + 0.011*\"year\"\n", - "2019-01-31 00:24:02,997 : INFO : topic #25 (0.020): 0.027*\"ring\" + 0.019*\"warmth\" + 0.017*\"lagrang\" + 0.016*\"area\" + 0.016*\"mount\" + 0.010*\"foam\" + 0.008*\"land\" + 0.008*\"lobe\" + 0.008*\"north\" + 0.008*\"palmer\"\n", - "2019-01-31 00:24:02,999 : INFO : topic #21 (0.020): 0.039*\"samford\" + 0.024*\"spain\" + 0.018*\"del\" + 0.017*\"mexico\" + 0.015*\"soviet\" + 0.014*\"francisco\" + 0.012*\"juan\" + 0.011*\"santa\" + 0.011*\"carlo\" + 0.011*\"mexican\"\n", - "2019-01-31 00:24:03,000 : INFO : topic #32 (0.020): 0.058*\"district\" + 0.047*\"vigour\" + 0.043*\"popolo\" + 0.042*\"tortur\" + 0.029*\"cotton\" + 0.027*\"area\" + 0.026*\"regim\" + 0.025*\"multitud\" + 0.021*\"citi\" + 0.019*\"commun\"\n", - "2019-01-31 00:24:03,001 : INFO : topic #14 (0.020): 0.026*\"forc\" + 0.022*\"aggress\" + 0.021*\"walter\" + 0.018*\"armi\" + 0.017*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.010*\"airmen\"\n", - "2019-01-31 00:24:03,007 : INFO : topic diff=0.013785, rho=0.063500\n", - "2019-01-31 00:24:03,167 : INFO : PROGRESS: pass 0, at document #498000/4922894\n", - "2019-01-31 00:24:04,725 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:24:04,991 : INFO : topic #28 (0.020): 0.031*\"build\" + 0.026*\"hous\" + 0.020*\"rivièr\" + 0.017*\"buford\" + 0.012*\"histor\" + 0.011*\"constitut\" + 0.011*\"strategist\" + 0.010*\"rosenwald\" + 0.010*\"briarwood\" + 0.010*\"linear\"\n", - "2019-01-31 00:24:04,992 : INFO : topic #37 (0.020): 0.010*\"love\" + 0.008*\"gestur\" + 0.006*\"man\" + 0.006*\"blue\" + 0.005*\"night\" + 0.004*\"litig\" + 0.004*\"bewild\" + 0.003*\"healthcar\" + 0.003*\"ladi\" + 0.003*\"york\"\n", - "2019-01-31 00:24:04,994 : INFO : topic #44 (0.020): 0.033*\"rooftop\" + 0.026*\"final\" + 0.022*\"wife\" + 0.019*\"tourist\" + 0.018*\"champion\" + 0.017*\"martin\" + 0.015*\"taxpay\" + 0.015*\"chamber\" + 0.015*\"tiepolo\" + 0.013*\"withhold\"\n", - "2019-01-31 00:24:04,995 : INFO : topic #4 (0.020): 0.023*\"enfranchis\" + 0.016*\"depress\" + 0.016*\"pour\" + 0.011*\"elabor\" + 0.009*\"mode\" + 0.009*\"produc\" + 0.009*\"encyclopedia\" + 0.009*\"candid\" + 0.008*\"veget\" + 0.007*\"uruguayan\"\n", - "2019-01-31 00:24:04,996 : INFO : topic #19 (0.020): 0.012*\"languag\" + 0.009*\"origin\" + 0.009*\"form\" + 0.009*\"woodcut\" + 0.008*\"mean\" + 0.007*\"charact\" + 0.007*\"uruguayan\" + 0.007*\"god\" + 0.007*\"like\" + 0.006*\"dynam\"\n", - "2019-01-31 00:24:05,003 : INFO : topic diff=0.013094, rho=0.063372\n", - "2019-01-31 00:24:07,722 : INFO : -11.598 per-word bound, 3100.7 perplexity estimate based on a held-out corpus of 2000 documents with 553729 words\n", - "2019-01-31 00:24:07,722 : INFO : PROGRESS: pass 0, at document #500000/4922894\n", - "2019-01-31 00:24:09,152 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:24:09,418 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.038*\"shield\" + 0.017*\"narrat\" + 0.015*\"scot\" + 0.012*\"pope\" + 0.011*\"blur\" + 0.010*\"coalit\" + 0.010*\"nativist\" + 0.010*\"fleet\" + 0.009*\"sai\"\n", - "2019-01-31 00:24:09,419 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.009*\"disco\" + 0.008*\"media\" + 0.008*\"hormon\" + 0.007*\"caus\" + 0.007*\"pathwai\" + 0.006*\"have\" + 0.006*\"proper\" + 0.006*\"treat\" + 0.006*\"acid\"\n", - "2019-01-31 00:24:09,420 : INFO : topic #37 (0.020): 0.010*\"love\" + 0.008*\"gestur\" + 0.006*\"man\" + 0.006*\"blue\" + 0.005*\"night\" + 0.005*\"litig\" + 0.005*\"bewild\" + 0.004*\"dramatist\" + 0.003*\"ladi\" + 0.003*\"healthcar\"\n", - "2019-01-31 00:24:09,422 : INFO : topic #8 (0.020): 0.032*\"law\" + 0.023*\"cortic\" + 0.019*\"act\" + 0.018*\"start\" + 0.014*\"ricardo\" + 0.012*\"case\" + 0.010*\"polaris\" + 0.010*\"legal\" + 0.008*\"judaism\" + 0.007*\"rudolf\"\n", - "2019-01-31 00:24:09,423 : INFO : topic #3 (0.020): 0.039*\"present\" + 0.029*\"offic\" + 0.026*\"minist\" + 0.021*\"member\" + 0.021*\"seri\" + 0.019*\"gener\" + 0.017*\"chickasaw\" + 0.016*\"govern\" + 0.016*\"appeas\" + 0.015*\"serv\"\n", - "2019-01-31 00:24:09,428 : INFO : topic diff=0.012178, rho=0.063246\n", - "2019-01-31 00:24:09,586 : INFO : PROGRESS: pass 0, at document #502000/4922894\n", - "2019-01-31 00:24:11,044 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:24:11,310 : INFO : topic #29 (0.020): 0.011*\"govern\" + 0.010*\"start\" + 0.008*\"million\" + 0.008*\"yawn\" + 0.008*\"countri\" + 0.006*\"bank\" + 0.006*\"replac\" + 0.006*\"function\" + 0.006*\"nation\" + 0.006*\"théori\"\n", - "2019-01-31 00:24:11,312 : INFO : topic #18 (0.020): 0.009*\"théori\" + 0.007*\"later\" + 0.006*\"kill\" + 0.006*\"sack\" + 0.005*\"dai\" + 0.005*\"man\" + 0.005*\"retrospect\" + 0.005*\"deal\" + 0.004*\"help\" + 0.004*\"end\"\n", - "2019-01-31 00:24:11,313 : INFO : topic #25 (0.020): 0.027*\"ring\" + 0.019*\"warmth\" + 0.016*\"area\" + 0.016*\"lagrang\" + 0.015*\"mount\" + 0.009*\"foam\" + 0.008*\"land\" + 0.008*\"lobe\" + 0.008*\"north\" + 0.008*\"palmer\"\n", - "2019-01-31 00:24:11,314 : INFO : topic #8 (0.020): 0.032*\"law\" + 0.023*\"cortic\" + 0.019*\"act\" + 0.018*\"start\" + 0.014*\"ricardo\" + 0.012*\"case\" + 0.010*\"polaris\" + 0.010*\"legal\" + 0.008*\"judaism\" + 0.007*\"rudolf\"\n", - "2019-01-31 00:24:11,315 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.012*\"blur\" + 0.012*\"pope\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.010*\"fleet\" + 0.009*\"sai\"\n", - "2019-01-31 00:24:11,321 : INFO : topic diff=0.011153, rho=0.063119\n", - "2019-01-31 00:24:11,482 : INFO : PROGRESS: pass 0, at document #504000/4922894\n", - "2019-01-31 00:24:12,961 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:24:13,228 : INFO : topic #11 (0.020): 0.028*\"john\" + 0.015*\"will\" + 0.014*\"jame\" + 0.013*\"david\" + 0.012*\"rival\" + 0.010*\"georg\" + 0.008*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"rhyme\" + 0.008*\"paul\"\n", - "2019-01-31 00:24:13,229 : INFO : topic #20 (0.020): 0.130*\"scholar\" + 0.036*\"struggl\" + 0.029*\"high\" + 0.029*\"educ\" + 0.020*\"collector\" + 0.018*\"yawn\" + 0.014*\"prognosi\" + 0.010*\"pseudo\" + 0.009*\"task\" + 0.008*\"gothic\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:24:13,230 : INFO : topic #14 (0.020): 0.026*\"forc\" + 0.022*\"aggress\" + 0.021*\"walter\" + 0.019*\"armi\" + 0.017*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.010*\"airmen\"\n", - "2019-01-31 00:24:13,231 : INFO : topic #31 (0.020): 0.067*\"fusiform\" + 0.024*\"player\" + 0.021*\"scientist\" + 0.021*\"place\" + 0.019*\"taxpay\" + 0.013*\"leagu\" + 0.012*\"folei\" + 0.010*\"ruler\" + 0.009*\"barber\" + 0.009*\"yard\"\n", - "2019-01-31 00:24:13,232 : INFO : topic #44 (0.020): 0.033*\"rooftop\" + 0.027*\"final\" + 0.022*\"wife\" + 0.019*\"tourist\" + 0.018*\"martin\" + 0.018*\"champion\" + 0.015*\"taxpay\" + 0.015*\"chamber\" + 0.015*\"tiepolo\" + 0.013*\"withhold\"\n", - "2019-01-31 00:24:13,238 : INFO : topic diff=0.013192, rho=0.062994\n", - "2019-01-31 00:24:13,394 : INFO : PROGRESS: pass 0, at document #506000/4922894\n", - "2019-01-31 00:24:14,842 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:24:15,108 : INFO : topic #20 (0.020): 0.131*\"scholar\" + 0.036*\"struggl\" + 0.029*\"high\" + 0.028*\"educ\" + 0.019*\"collector\" + 0.018*\"yawn\" + 0.014*\"prognosi\" + 0.010*\"pseudo\" + 0.010*\"task\" + 0.008*\"gothic\"\n", - "2019-01-31 00:24:15,109 : INFO : topic #16 (0.020): 0.031*\"priest\" + 0.026*\"king\" + 0.022*\"quarterli\" + 0.020*\"duke\" + 0.018*\"grammat\" + 0.017*\"maria\" + 0.015*\"portugues\" + 0.015*\"rotterdam\" + 0.014*\"count\" + 0.014*\"idiosyncrat\"\n", - "2019-01-31 00:24:15,111 : INFO : topic #9 (0.020): 0.070*\"bone\" + 0.041*\"american\" + 0.026*\"valour\" + 0.019*\"dutch\" + 0.016*\"player\" + 0.016*\"polit\" + 0.015*\"folei\" + 0.013*\"english\" + 0.012*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 00:24:15,112 : INFO : topic #36 (0.020): 0.023*\"companhia\" + 0.010*\"network\" + 0.009*\"prognosi\" + 0.009*\"serv\" + 0.009*\"develop\" + 0.008*\"manag\" + 0.008*\"oper\" + 0.008*\"busi\" + 0.007*\"produc\" + 0.007*\"includ\"\n", - "2019-01-31 00:24:15,113 : INFO : topic #21 (0.020): 0.039*\"samford\" + 0.024*\"spain\" + 0.018*\"del\" + 0.018*\"mexico\" + 0.016*\"soviet\" + 0.014*\"francisco\" + 0.011*\"juan\" + 0.011*\"santa\" + 0.010*\"lizard\" + 0.010*\"mexican\"\n", - "2019-01-31 00:24:15,119 : INFO : topic diff=0.011201, rho=0.062869\n", - "2019-01-31 00:24:15,272 : INFO : PROGRESS: pass 0, at document #508000/4922894\n", - "2019-01-31 00:24:16,686 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:24:16,952 : INFO : topic #43 (0.020): 0.067*\"elect\" + 0.057*\"parti\" + 0.025*\"voluntari\" + 0.022*\"democrat\" + 0.020*\"member\" + 0.018*\"polici\" + 0.015*\"bypass\" + 0.014*\"republ\" + 0.014*\"selma\" + 0.014*\"hous\"\n", - "2019-01-31 00:24:16,953 : INFO : topic #29 (0.020): 0.011*\"govern\" + 0.010*\"start\" + 0.008*\"million\" + 0.008*\"yawn\" + 0.007*\"countri\" + 0.006*\"bank\" + 0.006*\"replac\" + 0.006*\"function\" + 0.006*\"nation\" + 0.006*\"théori\"\n", - "2019-01-31 00:24:16,954 : INFO : topic #5 (0.020): 0.040*\"abroad\" + 0.030*\"son\" + 0.028*\"rel\" + 0.027*\"reconstruct\" + 0.021*\"band\" + 0.017*\"simultan\" + 0.016*\"muscl\" + 0.015*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 00:24:16,956 : INFO : topic #45 (0.020): 0.019*\"black\" + 0.016*\"western\" + 0.013*\"colder\" + 0.012*\"record\" + 0.010*\"illicit\" + 0.009*\"blind\" + 0.008*\"green\" + 0.008*\"light\" + 0.006*\"hand\" + 0.006*\"arm\"\n", - "2019-01-31 00:24:16,957 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.009*\"disco\" + 0.008*\"media\" + 0.007*\"hormon\" + 0.007*\"caus\" + 0.007*\"pathwai\" + 0.007*\"have\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 00:24:16,963 : INFO : topic diff=0.011546, rho=0.062746\n", - "2019-01-31 00:24:17,172 : INFO : PROGRESS: pass 0, at document #510000/4922894\n", - "2019-01-31 00:24:18,618 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:24:18,884 : INFO : topic #14 (0.020): 0.026*\"forc\" + 0.022*\"walter\" + 0.021*\"aggress\" + 0.018*\"com\" + 0.018*\"armi\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.012*\"militari\" + 0.011*\"airbu\" + 0.010*\"airmen\"\n", - "2019-01-31 00:24:18,886 : INFO : topic #21 (0.020): 0.039*\"samford\" + 0.023*\"spain\" + 0.018*\"del\" + 0.018*\"mexico\" + 0.016*\"soviet\" + 0.013*\"francisco\" + 0.011*\"juan\" + 0.011*\"santa\" + 0.011*\"lizard\" + 0.010*\"plung\"\n", - "2019-01-31 00:24:18,887 : INFO : topic #39 (0.020): 0.032*\"canada\" + 0.028*\"canadian\" + 0.022*\"taxpay\" + 0.019*\"scientist\" + 0.016*\"basketbal\" + 0.016*\"toronto\" + 0.014*\"hoar\" + 0.013*\"clot\" + 0.012*\"ontario\" + 0.011*\"confer\"\n", - "2019-01-31 00:24:18,888 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.018*\"warmth\" + 0.016*\"area\" + 0.015*\"lagrang\" + 0.015*\"mount\" + 0.009*\"foam\" + 0.008*\"land\" + 0.008*\"north\" + 0.008*\"lobe\" + 0.008*\"palmer\"\n", - "2019-01-31 00:24:18,889 : INFO : topic #43 (0.020): 0.067*\"elect\" + 0.055*\"parti\" + 0.026*\"democrat\" + 0.025*\"voluntari\" + 0.020*\"member\" + 0.018*\"polici\" + 0.015*\"republ\" + 0.015*\"liber\" + 0.014*\"bypass\" + 0.014*\"selma\"\n", - "2019-01-31 00:24:18,895 : INFO : topic diff=0.011627, rho=0.062622\n", - "2019-01-31 00:24:19,056 : INFO : PROGRESS: pass 0, at document #512000/4922894\n", - "2019-01-31 00:24:20,526 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:24:20,792 : INFO : topic #43 (0.020): 0.067*\"elect\" + 0.055*\"parti\" + 0.026*\"democrat\" + 0.025*\"voluntari\" + 0.020*\"member\" + 0.018*\"polici\" + 0.015*\"republ\" + 0.014*\"bypass\" + 0.014*\"liber\" + 0.014*\"seaport\"\n", - "2019-01-31 00:24:20,794 : INFO : topic #6 (0.020): 0.069*\"fewer\" + 0.026*\"septemb\" + 0.024*\"epiru\" + 0.019*\"teacher\" + 0.017*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:24:20,795 : INFO : topic #24 (0.020): 0.042*\"book\" + 0.034*\"publicis\" + 0.022*\"word\" + 0.016*\"new\" + 0.014*\"edit\" + 0.013*\"nicola\" + 0.013*\"presid\" + 0.012*\"storag\" + 0.012*\"worldwid\" + 0.011*\"author\"\n", - "2019-01-31 00:24:20,796 : INFO : topic #21 (0.020): 0.038*\"samford\" + 0.024*\"spain\" + 0.019*\"mexico\" + 0.018*\"del\" + 0.016*\"soviet\" + 0.013*\"francisco\" + 0.012*\"mexican\" + 0.012*\"juan\" + 0.011*\"santa\" + 0.011*\"lizard\"\n", - "2019-01-31 00:24:20,797 : INFO : topic #45 (0.020): 0.018*\"black\" + 0.016*\"western\" + 0.013*\"colder\" + 0.012*\"record\" + 0.010*\"illicit\" + 0.009*\"blind\" + 0.008*\"green\" + 0.007*\"light\" + 0.006*\"hand\" + 0.006*\"depress\"\n", - "2019-01-31 00:24:20,803 : INFO : topic diff=0.013517, rho=0.062500\n", - "2019-01-31 00:24:20,958 : INFO : PROGRESS: pass 0, at document #514000/4922894\n", - "2019-01-31 00:24:22,385 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:24:22,651 : INFO : topic #40 (0.020): 0.090*\"unit\" + 0.029*\"collector\" + 0.021*\"institut\" + 0.020*\"schuster\" + 0.018*\"professor\" + 0.017*\"student\" + 0.016*\"requir\" + 0.012*\"word\" + 0.012*\"governor\" + 0.011*\"degre\"\n", - "2019-01-31 00:24:22,653 : INFO : topic #39 (0.020): 0.032*\"canada\" + 0.029*\"canadian\" + 0.022*\"taxpay\" + 0.019*\"scientist\" + 0.016*\"basketbal\" + 0.015*\"toronto\" + 0.015*\"hoar\" + 0.013*\"ontario\" + 0.012*\"clot\" + 0.010*\"confer\"\n", - "2019-01-31 00:24:22,654 : INFO : topic #49 (0.020): 0.042*\"india\" + 0.030*\"incumb\" + 0.012*\"televis\" + 0.012*\"islam\" + 0.012*\"pakistan\" + 0.011*\"muskoge\" + 0.010*\"khalsa\" + 0.010*\"start\" + 0.009*\"singh\" + 0.009*\"sri\"\n", - "2019-01-31 00:24:22,655 : INFO : topic #37 (0.020): 0.010*\"love\" + 0.008*\"gestur\" + 0.007*\"man\" + 0.006*\"blue\" + 0.005*\"belinda\" + 0.005*\"night\" + 0.005*\"litig\" + 0.004*\"bewild\" + 0.003*\"dramatist\" + 0.003*\"ladi\"\n", - "2019-01-31 00:24:22,656 : INFO : topic #13 (0.020): 0.027*\"new\" + 0.026*\"australia\" + 0.026*\"sourc\" + 0.023*\"london\" + 0.022*\"british\" + 0.022*\"england\" + 0.022*\"australian\" + 0.019*\"ireland\" + 0.016*\"youth\" + 0.013*\"north\"\n", - "2019-01-31 00:24:22,662 : INFO : topic diff=0.011288, rho=0.062378\n", - "2019-01-31 00:24:22,817 : INFO : PROGRESS: pass 0, at document #516000/4922894\n", - "2019-01-31 00:24:24,251 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:24:24,517 : INFO : topic #26 (0.020): 0.030*\"woman\" + 0.028*\"workplac\" + 0.028*\"champion\" + 0.026*\"olymp\" + 0.026*\"men\" + 0.023*\"medal\" + 0.021*\"event\" + 0.021*\"rainfal\" + 0.020*\"alic\" + 0.020*\"atheist\"\n", - "2019-01-31 00:24:24,518 : INFO : topic #25 (0.020): 0.031*\"ring\" + 0.018*\"warmth\" + 0.016*\"area\" + 0.016*\"lagrang\" + 0.015*\"mount\" + 0.009*\"foam\" + 0.008*\"north\" + 0.008*\"sourc\" + 0.008*\"land\" + 0.008*\"lobe\"\n", - "2019-01-31 00:24:24,519 : INFO : topic #21 (0.020): 0.038*\"samford\" + 0.024*\"spain\" + 0.020*\"mexico\" + 0.017*\"del\" + 0.015*\"soviet\" + 0.013*\"francisco\" + 0.012*\"mexican\" + 0.011*\"juan\" + 0.011*\"santa\" + 0.010*\"lizard\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:24:24,521 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.047*\"chilton\" + 0.024*\"hong\" + 0.024*\"kong\" + 0.021*\"korea\" + 0.018*\"korean\" + 0.015*\"leah\" + 0.014*\"sourc\" + 0.013*\"kim\" + 0.010*\"taiwan\"\n", - "2019-01-31 00:24:24,522 : INFO : topic #16 (0.020): 0.032*\"priest\" + 0.027*\"king\" + 0.021*\"quarterli\" + 0.020*\"duke\" + 0.018*\"grammat\" + 0.016*\"rotterdam\" + 0.016*\"maria\" + 0.015*\"idiosyncrat\" + 0.015*\"portugues\" + 0.014*\"count\"\n", - "2019-01-31 00:24:24,527 : INFO : topic diff=0.012022, rho=0.062257\n", - "2019-01-31 00:24:24,680 : INFO : PROGRESS: pass 0, at document #518000/4922894\n", - "2019-01-31 00:24:26,097 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:24:26,363 : INFO : topic #36 (0.020): 0.022*\"companhia\" + 0.010*\"network\" + 0.009*\"develop\" + 0.009*\"serv\" + 0.009*\"prognosi\" + 0.008*\"manag\" + 0.008*\"oper\" + 0.008*\"produc\" + 0.008*\"base\" + 0.007*\"includ\"\n", - "2019-01-31 00:24:26,365 : INFO : topic #24 (0.020): 0.042*\"book\" + 0.034*\"publicis\" + 0.022*\"word\" + 0.016*\"new\" + 0.014*\"edit\" + 0.013*\"nicola\" + 0.013*\"presid\" + 0.013*\"storag\" + 0.012*\"worldwid\" + 0.011*\"author\"\n", - "2019-01-31 00:24:26,366 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.034*\"perceptu\" + 0.022*\"theater\" + 0.018*\"compos\" + 0.016*\"physician\" + 0.015*\"place\" + 0.015*\"orchestr\" + 0.014*\"damn\" + 0.014*\"olympo\" + 0.013*\"wahl\"\n", - "2019-01-31 00:24:26,367 : INFO : topic #6 (0.020): 0.068*\"fewer\" + 0.026*\"septemb\" + 0.023*\"epiru\" + 0.019*\"teacher\" + 0.017*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.012*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:24:26,368 : INFO : topic #26 (0.020): 0.030*\"woman\" + 0.028*\"workplac\" + 0.028*\"champion\" + 0.026*\"olymp\" + 0.025*\"men\" + 0.025*\"alic\" + 0.022*\"medal\" + 0.021*\"event\" + 0.020*\"rainfal\" + 0.020*\"atheist\"\n", - "2019-01-31 00:24:26,374 : INFO : topic diff=0.012125, rho=0.062137\n", - "2019-01-31 00:24:29,058 : INFO : -11.537 per-word bound, 2972.0 perplexity estimate based on a held-out corpus of 2000 documents with 548527 words\n", - "2019-01-31 00:24:29,058 : INFO : PROGRESS: pass 0, at document #520000/4922894\n", - "2019-01-31 00:24:30,461 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:24:30,727 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.035*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.025*\"scientist\" + 0.025*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.013*\"schmitz\"\n", - "2019-01-31 00:24:30,728 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.012*\"develop\" + 0.011*\"organ\" + 0.009*\"word\" + 0.009*\"commun\" + 0.009*\"cultur\" + 0.008*\"group\" + 0.008*\"requir\" + 0.008*\"human\" + 0.008*\"student\"\n", - "2019-01-31 00:24:30,729 : INFO : topic #27 (0.020): 0.067*\"questionnair\" + 0.020*\"taxpay\" + 0.017*\"candid\" + 0.013*\"driver\" + 0.013*\"tornado\" + 0.013*\"ret\" + 0.012*\"find\" + 0.010*\"horac\" + 0.010*\"landslid\" + 0.010*\"théori\"\n", - "2019-01-31 00:24:30,731 : INFO : topic #41 (0.020): 0.048*\"citi\" + 0.037*\"new\" + 0.023*\"palmer\" + 0.019*\"year\" + 0.016*\"strategist\" + 0.015*\"center\" + 0.011*\"open\" + 0.010*\"includ\" + 0.009*\"lobe\" + 0.008*\"highli\"\n", - "2019-01-31 00:24:30,732 : INFO : topic #45 (0.020): 0.018*\"black\" + 0.016*\"western\" + 0.013*\"colder\" + 0.011*\"record\" + 0.011*\"illicit\" + 0.009*\"blind\" + 0.008*\"green\" + 0.007*\"light\" + 0.006*\"depress\" + 0.006*\"hand\"\n", - "2019-01-31 00:24:30,738 : INFO : topic diff=0.009969, rho=0.062017\n", - "2019-01-31 00:24:30,891 : INFO : PROGRESS: pass 0, at document #522000/4922894\n", - "2019-01-31 00:24:32,308 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:24:32,574 : INFO : topic #14 (0.020): 0.025*\"forc\" + 0.021*\"aggress\" + 0.021*\"walter\" + 0.018*\"com\" + 0.018*\"armi\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.010*\"airmen\"\n", - "2019-01-31 00:24:32,575 : INFO : topic #48 (0.020): 0.084*\"octob\" + 0.083*\"march\" + 0.079*\"sens\" + 0.075*\"juli\" + 0.074*\"januari\" + 0.073*\"august\" + 0.073*\"notion\" + 0.071*\"april\" + 0.071*\"decatur\" + 0.070*\"judici\"\n", - "2019-01-31 00:24:32,576 : INFO : topic #28 (0.020): 0.031*\"build\" + 0.025*\"hous\" + 0.020*\"rivièr\" + 0.016*\"buford\" + 0.012*\"histor\" + 0.011*\"strategist\" + 0.011*\"rosenwald\" + 0.011*\"constitut\" + 0.010*\"briarwood\" + 0.010*\"highland\"\n", - "2019-01-31 00:24:32,577 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.039*\"shield\" + 0.017*\"narrat\" + 0.014*\"scot\" + 0.014*\"pope\" + 0.011*\"coalit\" + 0.011*\"blur\" + 0.010*\"nativist\" + 0.010*\"bahá\" + 0.009*\"fleet\"\n", - "2019-01-31 00:24:32,578 : INFO : topic #35 (0.020): 0.050*\"russia\" + 0.037*\"sovereignti\" + 0.033*\"poison\" + 0.029*\"rural\" + 0.021*\"poland\" + 0.019*\"reprint\" + 0.019*\"personifi\" + 0.018*\"moscow\" + 0.017*\"unfortun\" + 0.011*\"turin\"\n", - "2019-01-31 00:24:32,584 : INFO : topic diff=0.014437, rho=0.061898\n", - "2019-01-31 00:24:32,738 : INFO : PROGRESS: pass 0, at document #524000/4922894\n", - "2019-01-31 00:24:34,154 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:24:34,420 : INFO : topic #4 (0.020): 0.022*\"enfranchis\" + 0.017*\"depress\" + 0.016*\"pour\" + 0.010*\"elabor\" + 0.009*\"produc\" + 0.009*\"mode\" + 0.008*\"encyclopedia\" + 0.008*\"veget\" + 0.008*\"candid\" + 0.007*\"develop\"\n", - "2019-01-31 00:24:34,421 : INFO : topic #13 (0.020): 0.026*\"australia\" + 0.026*\"sourc\" + 0.026*\"new\" + 0.023*\"london\" + 0.023*\"british\" + 0.022*\"australian\" + 0.022*\"england\" + 0.019*\"ireland\" + 0.016*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:24:34,422 : INFO : topic #37 (0.020): 0.010*\"love\" + 0.008*\"gestur\" + 0.007*\"man\" + 0.006*\"blue\" + 0.005*\"night\" + 0.005*\"bewild\" + 0.005*\"litig\" + 0.004*\"belinda\" + 0.003*\"wither\" + 0.003*\"healthcar\"\n", - "2019-01-31 00:24:34,423 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.017*\"warmth\" + 0.017*\"area\" + 0.016*\"lagrang\" + 0.014*\"mount\" + 0.008*\"foam\" + 0.008*\"sourc\" + 0.008*\"north\" + 0.008*\"land\" + 0.008*\"lobe\"\n", - "2019-01-31 00:24:34,424 : INFO : topic #39 (0.020): 0.032*\"canada\" + 0.028*\"canadian\" + 0.022*\"taxpay\" + 0.019*\"scientist\" + 0.016*\"hoar\" + 0.016*\"toronto\" + 0.016*\"basketbal\" + 0.012*\"ontario\" + 0.012*\"clot\" + 0.010*\"confer\"\n", - "2019-01-31 00:24:34,430 : INFO : topic diff=0.011209, rho=0.061780\n", - "2019-01-31 00:24:34,589 : INFO : PROGRESS: pass 0, at document #526000/4922894\n", - "2019-01-31 00:24:36,044 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:24:36,310 : INFO : topic #37 (0.020): 0.010*\"love\" + 0.008*\"gestur\" + 0.007*\"man\" + 0.006*\"blue\" + 0.005*\"night\" + 0.005*\"bewild\" + 0.004*\"litig\" + 0.004*\"belinda\" + 0.003*\"wither\" + 0.003*\"healthcar\"\n", - "2019-01-31 00:24:36,311 : INFO : topic #19 (0.020): 0.013*\"languag\" + 0.010*\"woodcut\" + 0.010*\"form\" + 0.010*\"origin\" + 0.008*\"mean\" + 0.007*\"uruguayan\" + 0.007*\"like\" + 0.007*\"dynam\" + 0.007*\"charact\" + 0.006*\"god\"\n", - "2019-01-31 00:24:36,312 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.019*\"di\" + 0.017*\"factor\" + 0.015*\"margin\" + 0.015*\"yawn\" + 0.013*\"bone\" + 0.012*\"faster\" + 0.012*\"life\" + 0.012*\"john\" + 0.011*\"deal\"\n", - "2019-01-31 00:24:36,313 : INFO : topic #42 (0.020): 0.044*\"german\" + 0.025*\"germani\" + 0.015*\"der\" + 0.015*\"vol\" + 0.014*\"jewish\" + 0.012*\"berlin\" + 0.011*\"israel\" + 0.010*\"jeremiah\" + 0.009*\"die\" + 0.008*\"und\"\n", - "2019-01-31 00:24:36,315 : INFO : topic #6 (0.020): 0.068*\"fewer\" + 0.026*\"septemb\" + 0.024*\"epiru\" + 0.019*\"teacher\" + 0.017*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:24:36,320 : INFO : topic diff=0.012560, rho=0.061663\n", - "2019-01-31 00:24:36,479 : INFO : PROGRESS: pass 0, at document #528000/4922894\n", - "2019-01-31 00:24:37,929 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:24:38,196 : INFO : topic #27 (0.020): 0.067*\"questionnair\" + 0.021*\"taxpay\" + 0.016*\"candid\" + 0.014*\"tornado\" + 0.013*\"driver\" + 0.012*\"find\" + 0.011*\"ret\" + 0.011*\"horac\" + 0.011*\"squatter\" + 0.010*\"théori\"\n", - "2019-01-31 00:24:38,197 : INFO : topic #44 (0.020): 0.033*\"rooftop\" + 0.026*\"final\" + 0.022*\"wife\" + 0.020*\"tourist\" + 0.019*\"champion\" + 0.017*\"martin\" + 0.016*\"taxpay\" + 0.015*\"chamber\" + 0.014*\"tiepolo\" + 0.013*\"workplac\"\n", - "2019-01-31 00:24:38,198 : INFO : topic #34 (0.020): 0.075*\"start\" + 0.032*\"unionist\" + 0.029*\"cotton\" + 0.027*\"american\" + 0.023*\"new\" + 0.014*\"california\" + 0.013*\"terri\" + 0.013*\"north\" + 0.012*\"warrior\" + 0.012*\"violent\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:24:38,199 : INFO : topic #33 (0.020): 0.055*\"french\" + 0.043*\"franc\" + 0.029*\"pari\" + 0.023*\"jean\" + 0.022*\"sail\" + 0.017*\"daphn\" + 0.015*\"lazi\" + 0.012*\"loui\" + 0.012*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 00:24:38,201 : INFO : topic #42 (0.020): 0.043*\"german\" + 0.025*\"germani\" + 0.015*\"der\" + 0.015*\"vol\" + 0.013*\"jewish\" + 0.012*\"berlin\" + 0.011*\"israel\" + 0.011*\"jeremiah\" + 0.009*\"die\" + 0.009*\"und\"\n", - "2019-01-31 00:24:38,206 : INFO : topic diff=0.010578, rho=0.061546\n", - "2019-01-31 00:24:38,366 : INFO : PROGRESS: pass 0, at document #530000/4922894\n", - "2019-01-31 00:24:39,811 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:24:40,077 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.028*\"rel\" + 0.027*\"reconstruct\" + 0.021*\"band\" + 0.017*\"simultan\" + 0.017*\"muscl\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 00:24:40,078 : INFO : topic #47 (0.020): 0.060*\"muscl\" + 0.031*\"perceptu\" + 0.027*\"physician\" + 0.019*\"theater\" + 0.017*\"orchestr\" + 0.017*\"compos\" + 0.015*\"olympo\" + 0.014*\"son\" + 0.013*\"place\" + 0.013*\"damn\"\n", - "2019-01-31 00:24:40,079 : INFO : topic #41 (0.020): 0.049*\"citi\" + 0.038*\"new\" + 0.022*\"palmer\" + 0.019*\"year\" + 0.016*\"center\" + 0.015*\"strategist\" + 0.011*\"open\" + 0.010*\"includ\" + 0.009*\"lobe\" + 0.008*\"highli\"\n", - "2019-01-31 00:24:40,080 : INFO : topic #40 (0.020): 0.090*\"unit\" + 0.028*\"collector\" + 0.022*\"institut\" + 0.021*\"schuster\" + 0.017*\"student\" + 0.016*\"requir\" + 0.016*\"professor\" + 0.013*\"word\" + 0.012*\"governor\" + 0.012*\"degre\"\n", - "2019-01-31 00:24:40,081 : INFO : topic #10 (0.020): 0.010*\"cdd\" + 0.008*\"disco\" + 0.007*\"media\" + 0.007*\"caus\" + 0.007*\"hormon\" + 0.007*\"acid\" + 0.007*\"have\" + 0.007*\"proper\" + 0.006*\"effect\" + 0.006*\"pathwai\"\n", - "2019-01-31 00:24:40,087 : INFO : topic diff=0.013411, rho=0.061430\n", - "2019-01-31 00:24:40,238 : INFO : PROGRESS: pass 0, at document #532000/4922894\n", - "2019-01-31 00:24:41,624 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:24:41,890 : INFO : topic #10 (0.020): 0.010*\"cdd\" + 0.008*\"disco\" + 0.008*\"media\" + 0.007*\"caus\" + 0.007*\"hormon\" + 0.007*\"have\" + 0.007*\"acid\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"pathwai\"\n", - "2019-01-31 00:24:41,891 : INFO : topic #26 (0.020): 0.031*\"woman\" + 0.028*\"champion\" + 0.028*\"workplac\" + 0.026*\"men\" + 0.026*\"olymp\" + 0.024*\"alic\" + 0.021*\"medal\" + 0.021*\"event\" + 0.021*\"rainfal\" + 0.020*\"atheist\"\n", - "2019-01-31 00:24:41,893 : INFO : topic #29 (0.020): 0.011*\"govern\" + 0.010*\"start\" + 0.008*\"million\" + 0.008*\"yawn\" + 0.007*\"countri\" + 0.007*\"bank\" + 0.006*\"replac\" + 0.006*\"function\" + 0.006*\"placement\" + 0.006*\"nation\"\n", - "2019-01-31 00:24:41,894 : INFO : topic #49 (0.020): 0.042*\"india\" + 0.029*\"incumb\" + 0.013*\"televis\" + 0.013*\"islam\" + 0.012*\"muskoge\" + 0.011*\"pakistan\" + 0.010*\"start\" + 0.010*\"singh\" + 0.009*\"khalsa\" + 0.009*\"sri\"\n", - "2019-01-31 00:24:41,895 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.039*\"shield\" + 0.019*\"narrat\" + 0.014*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.009*\"fleet\" + 0.009*\"bahá\"\n", - "2019-01-31 00:24:41,901 : INFO : topic diff=0.012359, rho=0.061314\n", - "2019-01-31 00:24:42,059 : INFO : PROGRESS: pass 0, at document #534000/4922894\n", - "2019-01-31 00:24:43,504 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:24:43,771 : INFO : topic #46 (0.020): 0.020*\"stop\" + 0.018*\"damag\" + 0.017*\"wind\" + 0.016*\"swedish\" + 0.015*\"norwai\" + 0.015*\"norwegian\" + 0.014*\"sweden\" + 0.011*\"replac\" + 0.011*\"treeless\" + 0.011*\"huntsvil\"\n", - "2019-01-31 00:24:43,772 : INFO : topic #15 (0.020): 0.012*\"develop\" + 0.012*\"small\" + 0.011*\"organ\" + 0.009*\"word\" + 0.009*\"commun\" + 0.009*\"cultur\" + 0.008*\"human\" + 0.008*\"requir\" + 0.008*\"group\" + 0.008*\"student\"\n", - "2019-01-31 00:24:43,773 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.041*\"arsen\" + 0.039*\"line\" + 0.033*\"raid\" + 0.031*\"museo\" + 0.018*\"traceabl\" + 0.018*\"serv\" + 0.015*\"word\" + 0.015*\"pain\" + 0.015*\"exhaust\"\n", - "2019-01-31 00:24:43,774 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.019*\"di\" + 0.018*\"factor\" + 0.015*\"margin\" + 0.015*\"yawn\" + 0.013*\"bone\" + 0.012*\"faster\" + 0.012*\"life\" + 0.012*\"deal\" + 0.012*\"john\"\n", - "2019-01-31 00:24:43,775 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.028*\"rel\" + 0.027*\"reconstruct\" + 0.021*\"band\" + 0.017*\"simultan\" + 0.017*\"muscl\" + 0.015*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 00:24:43,781 : INFO : topic diff=0.011819, rho=0.061199\n", - "2019-01-31 00:24:43,935 : INFO : PROGRESS: pass 0, at document #536000/4922894\n", - "2019-01-31 00:24:45,356 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:24:45,623 : INFO : topic #17 (0.020): 0.068*\"church\" + 0.020*\"cathol\" + 0.020*\"christian\" + 0.017*\"bishop\" + 0.014*\"retroflex\" + 0.014*\"sail\" + 0.012*\"centuri\" + 0.010*\"italian\" + 0.009*\"historiographi\" + 0.008*\"relationship\"\n", - "2019-01-31 00:24:45,624 : INFO : topic #4 (0.020): 0.023*\"enfranchis\" + 0.018*\"depress\" + 0.016*\"pour\" + 0.009*\"elabor\" + 0.009*\"mode\" + 0.009*\"produc\" + 0.008*\"encyclopedia\" + 0.008*\"veget\" + 0.008*\"candid\" + 0.007*\"uruguayan\"\n", - "2019-01-31 00:24:45,625 : INFO : topic #38 (0.020): 0.021*\"walter\" + 0.011*\"king\" + 0.010*\"battalion\" + 0.009*\"aza\" + 0.009*\"centuri\" + 0.008*\"empath\" + 0.008*\"forc\" + 0.008*\"teufel\" + 0.007*\"armi\" + 0.007*\"till\"\n", - "2019-01-31 00:24:45,627 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.048*\"chilton\" + 0.024*\"hong\" + 0.023*\"kong\" + 0.021*\"korea\" + 0.018*\"korean\" + 0.015*\"sourc\" + 0.014*\"leah\" + 0.013*\"han\" + 0.013*\"kim\"\n", - "2019-01-31 00:24:45,628 : INFO : topic #2 (0.020): 0.050*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.011*\"coalit\" + 0.011*\"nativist\" + 0.009*\"bahá\" + 0.009*\"fleet\"\n", - "2019-01-31 00:24:45,634 : INFO : topic diff=0.010792, rho=0.061085\n", - "2019-01-31 00:24:45,787 : INFO : PROGRESS: pass 0, at document #538000/4922894\n", - "2019-01-31 00:24:47,195 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:24:47,462 : INFO : topic #18 (0.020): 0.009*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"dai\" + 0.005*\"man\" + 0.005*\"deal\" + 0.004*\"help\" + 0.004*\"call\"\n", - "2019-01-31 00:24:47,463 : INFO : topic #21 (0.020): 0.038*\"samford\" + 0.022*\"spain\" + 0.020*\"del\" + 0.019*\"mexico\" + 0.014*\"soviet\" + 0.012*\"francisco\" + 0.011*\"juan\" + 0.011*\"carlo\" + 0.011*\"mexican\" + 0.011*\"lizard\"\n", - "2019-01-31 00:24:47,464 : INFO : topic #47 (0.020): 0.061*\"muscl\" + 0.033*\"perceptu\" + 0.025*\"physician\" + 0.020*\"theater\" + 0.018*\"compos\" + 0.017*\"orchestr\" + 0.014*\"olympo\" + 0.013*\"place\" + 0.013*\"son\" + 0.012*\"damn\"\n", - "2019-01-31 00:24:47,465 : INFO : topic #23 (0.020): 0.138*\"audit\" + 0.067*\"best\" + 0.038*\"yawn\" + 0.031*\"jacksonvil\" + 0.024*\"japanes\" + 0.022*\"noll\" + 0.020*\"women\" + 0.018*\"festiv\" + 0.017*\"prison\" + 0.016*\"intern\"\n", - "2019-01-31 00:24:47,467 : INFO : topic #45 (0.020): 0.017*\"black\" + 0.015*\"western\" + 0.013*\"colder\" + 0.011*\"record\" + 0.010*\"illicit\" + 0.009*\"blind\" + 0.008*\"green\" + 0.008*\"light\" + 0.007*\"fifteenth\" + 0.006*\"jpg\"\n", - "2019-01-31 00:24:47,473 : INFO : topic diff=0.010960, rho=0.060971\n", - "2019-01-31 00:24:50,207 : INFO : -11.877 per-word bound, 3761.5 perplexity estimate based on a held-out corpus of 2000 documents with 546535 words\n", - "2019-01-31 00:24:50,207 : INFO : PROGRESS: pass 0, at document #540000/4922894\n", - "2019-01-31 00:24:51,645 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:24:51,911 : INFO : topic #40 (0.020): 0.090*\"unit\" + 0.027*\"collector\" + 0.021*\"schuster\" + 0.021*\"institut\" + 0.017*\"requir\" + 0.017*\"student\" + 0.016*\"professor\" + 0.012*\"word\" + 0.012*\"governor\" + 0.011*\"degre\"\n", - "2019-01-31 00:24:51,913 : INFO : topic #27 (0.020): 0.066*\"questionnair\" + 0.021*\"taxpay\" + 0.018*\"candid\" + 0.014*\"tornado\" + 0.013*\"driver\" + 0.013*\"ret\" + 0.012*\"find\" + 0.011*\"champion\" + 0.011*\"squatter\" + 0.010*\"théori\"\n", - "2019-01-31 00:24:51,914 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.030*\"incumb\" + 0.013*\"televis\" + 0.012*\"islam\" + 0.012*\"pakistan\" + 0.011*\"muskoge\" + 0.010*\"singh\" + 0.010*\"start\" + 0.009*\"khalsa\" + 0.009*\"sri\"\n", - "2019-01-31 00:24:51,915 : INFO : topic #25 (0.020): 0.031*\"ring\" + 0.018*\"warmth\" + 0.016*\"mount\" + 0.016*\"lagrang\" + 0.016*\"area\" + 0.008*\"north\" + 0.008*\"foam\" + 0.008*\"sourc\" + 0.008*\"palmer\" + 0.008*\"lobe\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:24:51,916 : INFO : topic #8 (0.020): 0.029*\"law\" + 0.024*\"cortic\" + 0.023*\"act\" + 0.019*\"start\" + 0.016*\"ricardo\" + 0.012*\"case\" + 0.010*\"polaris\" + 0.009*\"legal\" + 0.007*\"judaism\" + 0.007*\"rudolf\"\n", - "2019-01-31 00:24:51,922 : INFO : topic diff=0.012260, rho=0.060858\n", - "2019-01-31 00:24:52,078 : INFO : PROGRESS: pass 0, at document #542000/4922894\n", - "2019-01-31 00:24:53,505 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:24:53,772 : INFO : topic #24 (0.020): 0.042*\"book\" + 0.035*\"publicis\" + 0.022*\"word\" + 0.016*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"nicola\" + 0.012*\"storag\" + 0.012*\"worldwid\" + 0.011*\"author\"\n", - "2019-01-31 00:24:53,773 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.028*\"factor\" + 0.023*\"adulthood\" + 0.016*\"hostil\" + 0.016*\"feel\" + 0.014*\"male\" + 0.011*\"live\" + 0.011*\"genu\" + 0.011*\"plaisir\" + 0.010*\"yawn\"\n", - "2019-01-31 00:24:53,774 : INFO : topic #6 (0.020): 0.069*\"fewer\" + 0.025*\"septemb\" + 0.023*\"epiru\" + 0.018*\"teacher\" + 0.017*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:24:53,775 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.028*\"rel\" + 0.027*\"reconstruct\" + 0.021*\"band\" + 0.017*\"simultan\" + 0.017*\"muscl\" + 0.015*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 00:24:53,777 : INFO : topic #4 (0.020): 0.023*\"enfranchis\" + 0.018*\"depress\" + 0.017*\"pour\" + 0.009*\"elabor\" + 0.009*\"mode\" + 0.009*\"produc\" + 0.008*\"veget\" + 0.008*\"candid\" + 0.008*\"encyclopedia\" + 0.007*\"develop\"\n", - "2019-01-31 00:24:53,782 : INFO : topic diff=0.011440, rho=0.060746\n", - "2019-01-31 00:24:53,997 : INFO : PROGRESS: pass 0, at document #544000/4922894\n", - "2019-01-31 00:24:55,421 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:24:55,688 : INFO : topic #11 (0.020): 0.028*\"john\" + 0.014*\"will\" + 0.013*\"jame\" + 0.012*\"david\" + 0.011*\"rival\" + 0.010*\"georg\" + 0.009*\"slur\" + 0.008*\"mexican–american\" + 0.008*\"rhyme\" + 0.008*\"paul\"\n", - "2019-01-31 00:24:55,689 : INFO : topic #44 (0.020): 0.032*\"rooftop\" + 0.025*\"final\" + 0.023*\"tourist\" + 0.021*\"wife\" + 0.018*\"champion\" + 0.017*\"martin\" + 0.017*\"taxpay\" + 0.016*\"chamber\" + 0.014*\"tiepolo\" + 0.013*\"open\"\n", - "2019-01-31 00:24:55,690 : INFO : topic #31 (0.020): 0.064*\"fusiform\" + 0.025*\"player\" + 0.021*\"scientist\" + 0.021*\"place\" + 0.020*\"taxpay\" + 0.013*\"leagu\" + 0.012*\"folei\" + 0.011*\"yard\" + 0.010*\"barber\" + 0.009*\"ruler\"\n", - "2019-01-31 00:24:55,691 : INFO : topic #32 (0.020): 0.056*\"district\" + 0.048*\"vigour\" + 0.045*\"popolo\" + 0.041*\"tortur\" + 0.028*\"cotton\" + 0.028*\"regim\" + 0.028*\"area\" + 0.025*\"multitud\" + 0.023*\"citi\" + 0.020*\"commun\"\n", - "2019-01-31 00:24:55,692 : INFO : topic #35 (0.020): 0.053*\"russia\" + 0.036*\"sovereignti\" + 0.032*\"rural\" + 0.030*\"poison\" + 0.022*\"personifi\" + 0.020*\"reprint\" + 0.020*\"moscow\" + 0.018*\"poland\" + 0.018*\"unfortun\" + 0.012*\"czech\"\n", - "2019-01-31 00:24:55,698 : INFO : topic diff=0.011468, rho=0.060634\n", - "2019-01-31 00:24:55,854 : INFO : PROGRESS: pass 0, at document #546000/4922894\n", - "2019-01-31 00:24:57,299 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:24:57,565 : INFO : topic #12 (0.020): 0.010*\"number\" + 0.007*\"frontal\" + 0.007*\"théori\" + 0.007*\"exampl\" + 0.007*\"southern\" + 0.006*\"servitud\" + 0.006*\"gener\" + 0.006*\"measur\" + 0.006*\"poet\" + 0.005*\"utopian\"\n", - "2019-01-31 00:24:57,566 : INFO : topic #1 (0.020): 0.052*\"china\" + 0.049*\"chilton\" + 0.023*\"hong\" + 0.023*\"kong\" + 0.023*\"korea\" + 0.018*\"korean\" + 0.015*\"sourc\" + 0.012*\"leah\" + 0.012*\"han\" + 0.012*\"kim\"\n", - "2019-01-31 00:24:57,568 : INFO : topic #25 (0.020): 0.030*\"ring\" + 0.017*\"warmth\" + 0.016*\"lagrang\" + 0.016*\"area\" + 0.015*\"mount\" + 0.008*\"sourc\" + 0.008*\"north\" + 0.008*\"foam\" + 0.008*\"palmer\" + 0.008*\"lobe\"\n", - "2019-01-31 00:24:57,569 : INFO : topic #4 (0.020): 0.023*\"enfranchis\" + 0.017*\"depress\" + 0.017*\"pour\" + 0.009*\"elabor\" + 0.009*\"produc\" + 0.009*\"mode\" + 0.008*\"veget\" + 0.008*\"candid\" + 0.007*\"encyclopedia\" + 0.007*\"develop\"\n", - "2019-01-31 00:24:57,570 : INFO : topic #47 (0.020): 0.061*\"muscl\" + 0.031*\"perceptu\" + 0.027*\"physician\" + 0.018*\"theater\" + 0.018*\"wahl\" + 0.018*\"orchestr\" + 0.018*\"compos\" + 0.013*\"place\" + 0.013*\"olympo\" + 0.012*\"son\"\n", - "2019-01-31 00:24:57,576 : INFO : topic diff=0.012075, rho=0.060523\n", - "2019-01-31 00:24:57,738 : INFO : PROGRESS: pass 0, at document #548000/4922894\n", - "2019-01-31 00:24:59,203 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:24:59,469 : INFO : topic #47 (0.020): 0.061*\"muscl\" + 0.031*\"perceptu\" + 0.026*\"physician\" + 0.018*\"theater\" + 0.018*\"compos\" + 0.018*\"orchestr\" + 0.017*\"wahl\" + 0.013*\"place\" + 0.013*\"olympo\" + 0.012*\"damn\"\n", - "2019-01-31 00:24:59,470 : INFO : topic #45 (0.020): 0.017*\"black\" + 0.016*\"western\" + 0.013*\"colder\" + 0.011*\"record\" + 0.010*\"blind\" + 0.010*\"illicit\" + 0.008*\"light\" + 0.008*\"green\" + 0.007*\"fifteenth\" + 0.006*\"jpg\"\n", - "2019-01-31 00:24:59,471 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.055*\"parti\" + 0.027*\"voluntari\" + 0.026*\"democrat\" + 0.020*\"member\" + 0.018*\"polici\" + 0.016*\"republ\" + 0.015*\"liber\" + 0.015*\"bypass\" + 0.014*\"selma\"\n", - "2019-01-31 00:24:59,473 : INFO : topic #20 (0.020): 0.131*\"scholar\" + 0.035*\"struggl\" + 0.032*\"high\" + 0.029*\"educ\" + 0.019*\"yawn\" + 0.018*\"collector\" + 0.014*\"prognosi\" + 0.010*\"gothic\" + 0.009*\"pseudo\" + 0.008*\"task\"\n", - "2019-01-31 00:24:59,474 : INFO : topic #31 (0.020): 0.063*\"fusiform\" + 0.025*\"player\" + 0.022*\"scientist\" + 0.021*\"place\" + 0.020*\"taxpay\" + 0.014*\"leagu\" + 0.011*\"folei\" + 0.011*\"yard\" + 0.010*\"barber\" + 0.009*\"clot\"\n", - "2019-01-31 00:24:59,480 : INFO : topic diff=0.015389, rho=0.060412\n", - "2019-01-31 00:24:59,637 : INFO : PROGRESS: pass 0, at document #550000/4922894\n", - "2019-01-31 00:25:01,065 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:25:01,330 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.027*\"factor\" + 0.024*\"adulthood\" + 0.017*\"feel\" + 0.016*\"hostil\" + 0.014*\"male\" + 0.011*\"live\" + 0.011*\"plaisir\" + 0.011*\"genu\" + 0.010*\"yawn\"\n", - "2019-01-31 00:25:01,332 : INFO : topic #1 (0.020): 0.051*\"china\" + 0.048*\"chilton\" + 0.023*\"hong\" + 0.023*\"korea\" + 0.022*\"kong\" + 0.018*\"korean\" + 0.015*\"sourc\" + 0.015*\"kim\" + 0.014*\"leah\" + 0.012*\"ashvil\"\n", - "2019-01-31 00:25:01,333 : INFO : topic #38 (0.020): 0.021*\"walter\" + 0.011*\"king\" + 0.010*\"aza\" + 0.010*\"battalion\" + 0.009*\"empath\" + 0.009*\"teufel\" + 0.008*\"centuri\" + 0.008*\"forc\" + 0.007*\"armi\" + 0.007*\"till\"\n", - "2019-01-31 00:25:01,334 : INFO : topic #31 (0.020): 0.065*\"fusiform\" + 0.025*\"player\" + 0.022*\"scientist\" + 0.021*\"place\" + 0.021*\"taxpay\" + 0.014*\"leagu\" + 0.012*\"folei\" + 0.011*\"yard\" + 0.010*\"barber\" + 0.009*\"clot\"\n", - "2019-01-31 00:25:01,336 : INFO : topic #17 (0.020): 0.068*\"church\" + 0.020*\"christian\" + 0.019*\"cathol\" + 0.017*\"bishop\" + 0.015*\"retroflex\" + 0.014*\"sail\" + 0.012*\"centuri\" + 0.010*\"italian\" + 0.009*\"relationship\" + 0.008*\"historiographi\"\n", - "2019-01-31 00:25:01,341 : INFO : topic diff=0.009282, rho=0.060302\n", - "2019-01-31 00:25:01,501 : INFO : PROGRESS: pass 0, at document #552000/4922894\n", - "2019-01-31 00:25:02,965 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:25:03,232 : INFO : topic #40 (0.020): 0.089*\"unit\" + 0.027*\"collector\" + 0.022*\"schuster\" + 0.021*\"institut\" + 0.018*\"requir\" + 0.017*\"student\" + 0.015*\"professor\" + 0.012*\"word\" + 0.012*\"governor\" + 0.011*\"degre\"\n", - "2019-01-31 00:25:03,233 : INFO : topic #48 (0.020): 0.081*\"march\" + 0.080*\"octob\" + 0.077*\"sens\" + 0.075*\"januari\" + 0.072*\"juli\" + 0.072*\"notion\" + 0.070*\"april\" + 0.069*\"august\" + 0.069*\"judici\" + 0.068*\"decatur\"\n", - "2019-01-31 00:25:03,235 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"théori\" + 0.007*\"exampl\" + 0.006*\"southern\" + 0.006*\"gener\" + 0.006*\"measur\" + 0.006*\"servitud\" + 0.006*\"poet\" + 0.005*\"differ\"\n", - "2019-01-31 00:25:03,236 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.027*\"factor\" + 0.023*\"adulthood\" + 0.016*\"feel\" + 0.016*\"hostil\" + 0.014*\"male\" + 0.011*\"live\" + 0.011*\"plaisir\" + 0.011*\"genu\" + 0.010*\"yawn\"\n", - "2019-01-31 00:25:03,237 : INFO : topic #1 (0.020): 0.051*\"china\" + 0.048*\"chilton\" + 0.023*\"hong\" + 0.022*\"kong\" + 0.022*\"korea\" + 0.017*\"korean\" + 0.015*\"sourc\" + 0.014*\"kim\" + 0.014*\"leah\" + 0.012*\"ashvil\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:25:03,243 : INFO : topic diff=0.014395, rho=0.060193\n", - "2019-01-31 00:25:03,401 : INFO : PROGRESS: pass 0, at document #554000/4922894\n", - "2019-01-31 00:25:04,845 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:25:05,111 : INFO : topic #39 (0.020): 0.035*\"canada\" + 0.028*\"canadian\" + 0.021*\"taxpay\" + 0.019*\"scientist\" + 0.017*\"hoar\" + 0.016*\"basketbal\" + 0.016*\"toronto\" + 0.015*\"ontario\" + 0.012*\"confer\" + 0.012*\"clot\"\n", - "2019-01-31 00:25:05,112 : INFO : topic #33 (0.020): 0.058*\"french\" + 0.045*\"franc\" + 0.028*\"pari\" + 0.022*\"sail\" + 0.021*\"jean\" + 0.016*\"daphn\" + 0.013*\"lazi\" + 0.011*\"loui\" + 0.011*\"piec\" + 0.010*\"focal\"\n", - "2019-01-31 00:25:05,114 : INFO : topic #29 (0.020): 0.010*\"govern\" + 0.010*\"start\" + 0.009*\"million\" + 0.008*\"yawn\" + 0.007*\"countri\" + 0.007*\"function\" + 0.007*\"bank\" + 0.006*\"replac\" + 0.006*\"théori\" + 0.006*\"nation\"\n", - "2019-01-31 00:25:05,115 : INFO : topic #4 (0.020): 0.022*\"enfranchis\" + 0.017*\"depress\" + 0.016*\"pour\" + 0.009*\"elabor\" + 0.009*\"produc\" + 0.008*\"mode\" + 0.008*\"veget\" + 0.008*\"encyclopedia\" + 0.007*\"candid\" + 0.007*\"develop\"\n", - "2019-01-31 00:25:05,116 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.025*\"septemb\" + 0.023*\"epiru\" + 0.018*\"teacher\" + 0.018*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:25:05,122 : INFO : topic diff=0.011124, rho=0.060084\n", - "2019-01-31 00:25:05,278 : INFO : PROGRESS: pass 0, at document #556000/4922894\n", - "2019-01-31 00:25:06,697 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:25:06,964 : INFO : topic #40 (0.020): 0.089*\"unit\" + 0.028*\"collector\" + 0.022*\"schuster\" + 0.022*\"institut\" + 0.018*\"requir\" + 0.016*\"student\" + 0.015*\"professor\" + 0.012*\"word\" + 0.012*\"governor\" + 0.011*\"degre\"\n", - "2019-01-31 00:25:06,965 : INFO : topic #49 (0.020): 0.041*\"india\" + 0.028*\"incumb\" + 0.014*\"islam\" + 0.014*\"televis\" + 0.011*\"pakistan\" + 0.011*\"khalsa\" + 0.011*\"muskoge\" + 0.010*\"start\" + 0.010*\"anglo\" + 0.010*\"iran\"\n", - "2019-01-31 00:25:06,966 : INFO : topic #41 (0.020): 0.047*\"citi\" + 0.037*\"new\" + 0.025*\"palmer\" + 0.020*\"year\" + 0.015*\"center\" + 0.015*\"strategist\" + 0.011*\"open\" + 0.010*\"includ\" + 0.010*\"lobe\" + 0.008*\"highli\"\n", - "2019-01-31 00:25:06,967 : INFO : topic #23 (0.020): 0.141*\"audit\" + 0.067*\"best\" + 0.037*\"yawn\" + 0.029*\"jacksonvil\" + 0.023*\"japanes\" + 0.022*\"noll\" + 0.021*\"women\" + 0.020*\"festiv\" + 0.018*\"intern\" + 0.016*\"prison\"\n", - "2019-01-31 00:25:06,968 : INFO : topic #48 (0.020): 0.081*\"march\" + 0.080*\"octob\" + 0.077*\"sens\" + 0.076*\"januari\" + 0.073*\"juli\" + 0.071*\"notion\" + 0.071*\"april\" + 0.069*\"judici\" + 0.069*\"august\" + 0.068*\"decatur\"\n", - "2019-01-31 00:25:06,974 : INFO : topic diff=0.010680, rho=0.059976\n", - "2019-01-31 00:25:07,132 : INFO : PROGRESS: pass 0, at document #558000/4922894\n", - "2019-01-31 00:25:08,569 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:25:08,835 : INFO : topic #35 (0.020): 0.051*\"russia\" + 0.035*\"sovereignti\" + 0.033*\"rural\" + 0.026*\"poison\" + 0.022*\"personifi\" + 0.021*\"reprint\" + 0.018*\"moscow\" + 0.017*\"poland\" + 0.017*\"unfortun\" + 0.016*\"tyrant\"\n", - "2019-01-31 00:25:08,836 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.033*\"perceptu\" + 0.023*\"physician\" + 0.018*\"theater\" + 0.018*\"compos\" + 0.017*\"orchestr\" + 0.014*\"wahl\" + 0.014*\"olympo\" + 0.014*\"place\" + 0.013*\"damn\"\n", - "2019-01-31 00:25:08,838 : INFO : topic #19 (0.020): 0.013*\"languag\" + 0.010*\"woodcut\" + 0.010*\"form\" + 0.009*\"origin\" + 0.008*\"mean\" + 0.007*\"uruguayan\" + 0.007*\"like\" + 0.006*\"dynam\" + 0.006*\"centuri\" + 0.006*\"god\"\n", - "2019-01-31 00:25:08,838 : INFO : topic #13 (0.020): 0.028*\"australia\" + 0.027*\"sourc\" + 0.026*\"new\" + 0.024*\"london\" + 0.022*\"australian\" + 0.022*\"england\" + 0.021*\"british\" + 0.018*\"ireland\" + 0.016*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:25:08,839 : INFO : topic #28 (0.020): 0.030*\"build\" + 0.023*\"hous\" + 0.021*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.011*\"strategist\" + 0.011*\"constitut\" + 0.011*\"briarwood\" + 0.011*\"rosenwald\" + 0.009*\"depress\"\n", - "2019-01-31 00:25:08,845 : INFO : topic diff=0.011311, rho=0.059868\n", - "2019-01-31 00:25:11,662 : INFO : -11.495 per-word bound, 2885.7 perplexity estimate based on a held-out corpus of 2000 documents with 607011 words\n", - "2019-01-31 00:25:11,663 : INFO : PROGRESS: pass 0, at document #560000/4922894\n", - "2019-01-31 00:25:13,122 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:25:13,388 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.035*\"publicis\" + 0.022*\"word\" + 0.016*\"new\" + 0.015*\"edit\" + 0.013*\"presid\" + 0.012*\"storag\" + 0.012*\"nicola\" + 0.012*\"author\" + 0.012*\"worldwid\"\n", - "2019-01-31 00:25:13,389 : INFO : topic #17 (0.020): 0.067*\"church\" + 0.023*\"cathol\" + 0.020*\"dioces\" + 0.019*\"christian\" + 0.016*\"bishop\" + 0.014*\"retroflex\" + 0.014*\"sail\" + 0.012*\"centuri\" + 0.009*\"italian\" + 0.009*\"historiographi\"\n", - "2019-01-31 00:25:13,390 : INFO : topic #35 (0.020): 0.051*\"russia\" + 0.036*\"sovereignti\" + 0.034*\"rural\" + 0.026*\"poison\" + 0.022*\"personifi\" + 0.021*\"reprint\" + 0.018*\"moscow\" + 0.017*\"unfortun\" + 0.017*\"poland\" + 0.016*\"tyrant\"\n", - "2019-01-31 00:25:13,392 : INFO : topic #18 (0.020): 0.009*\"théori\" + 0.007*\"later\" + 0.007*\"kill\" + 0.007*\"sack\" + 0.005*\"retrospect\" + 0.005*\"dai\" + 0.005*\"deal\" + 0.004*\"man\" + 0.004*\"end\" + 0.004*\"help\"\n", - "2019-01-31 00:25:13,393 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.019*\"di\" + 0.017*\"factor\" + 0.015*\"yawn\" + 0.015*\"margin\" + 0.013*\"bone\" + 0.013*\"faster\" + 0.012*\"life\" + 0.012*\"john\" + 0.011*\"deal\"\n", - "2019-01-31 00:25:13,399 : INFO : topic diff=0.012397, rho=0.059761\n", - "2019-01-31 00:25:13,555 : INFO : PROGRESS: pass 0, at document #562000/4922894\n", - "2019-01-31 00:25:14,985 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:25:15,250 : INFO : topic #36 (0.020): 0.022*\"companhia\" + 0.010*\"network\" + 0.009*\"develop\" + 0.009*\"prognosi\" + 0.008*\"serv\" + 0.008*\"manag\" + 0.008*\"base\" + 0.008*\"oper\" + 0.008*\"includ\" + 0.007*\"produc\"\n", - "2019-01-31 00:25:15,252 : INFO : topic #40 (0.020): 0.094*\"unit\" + 0.028*\"collector\" + 0.023*\"institut\" + 0.023*\"schuster\" + 0.017*\"requir\" + 0.016*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"governor\" + 0.011*\"degre\"\n", - "2019-01-31 00:25:15,252 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.025*\"final\" + 0.022*\"tourist\" + 0.020*\"wife\" + 0.018*\"taxpay\" + 0.018*\"champion\" + 0.018*\"martin\" + 0.016*\"chamber\" + 0.014*\"tiepolo\" + 0.013*\"workplac\"\n", - "2019-01-31 00:25:15,254 : INFO : topic #45 (0.020): 0.016*\"western\" + 0.016*\"black\" + 0.014*\"colder\" + 0.011*\"record\" + 0.010*\"blind\" + 0.010*\"illicit\" + 0.007*\"light\" + 0.007*\"green\" + 0.007*\"fifteenth\" + 0.007*\"jpg\"\n", - "2019-01-31 00:25:15,254 : INFO : topic #41 (0.020): 0.047*\"citi\" + 0.037*\"new\" + 0.024*\"palmer\" + 0.020*\"year\" + 0.015*\"center\" + 0.015*\"strategist\" + 0.011*\"open\" + 0.010*\"includ\" + 0.009*\"lobe\" + 0.008*\"highli\"\n", - "2019-01-31 00:25:15,260 : INFO : topic diff=0.010572, rho=0.059655\n", - "2019-01-31 00:25:15,416 : INFO : PROGRESS: pass 0, at document #564000/4922894\n", - "2019-01-31 00:25:16,849 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:25:17,115 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"southern\" + 0.007*\"frontal\" + 0.006*\"théori\" + 0.006*\"exampl\" + 0.006*\"gener\" + 0.006*\"poet\" + 0.006*\"servitud\" + 0.006*\"measur\" + 0.005*\"differ\"\n", - "2019-01-31 00:25:17,116 : INFO : topic #48 (0.020): 0.080*\"march\" + 0.079*\"octob\" + 0.077*\"sens\" + 0.077*\"januari\" + 0.071*\"juli\" + 0.070*\"notion\" + 0.070*\"april\" + 0.069*\"judici\" + 0.069*\"august\" + 0.068*\"decatur\"\n", - "2019-01-31 00:25:17,117 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.025*\"final\" + 0.022*\"tourist\" + 0.020*\"wife\" + 0.018*\"taxpay\" + 0.018*\"champion\" + 0.017*\"martin\" + 0.016*\"chamber\" + 0.014*\"tiepolo\" + 0.013*\"workplac\"\n", - "2019-01-31 00:25:17,118 : INFO : topic #19 (0.020): 0.013*\"languag\" + 0.010*\"woodcut\" + 0.010*\"form\" + 0.009*\"origin\" + 0.008*\"mean\" + 0.007*\"uruguayan\" + 0.007*\"like\" + 0.006*\"dynam\" + 0.006*\"centuri\" + 0.006*\"god\"\n", - "2019-01-31 00:25:17,120 : INFO : topic #42 (0.020): 0.043*\"german\" + 0.026*\"germani\" + 0.014*\"vol\" + 0.014*\"jewish\" + 0.013*\"der\" + 0.013*\"israel\" + 0.013*\"berlin\" + 0.010*\"jeremiah\" + 0.008*\"greek\" + 0.008*\"und\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:25:17,125 : INFO : topic diff=0.011876, rho=0.059549\n", - "2019-01-31 00:25:17,281 : INFO : PROGRESS: pass 0, at document #566000/4922894\n", - "2019-01-31 00:25:18,697 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:25:18,963 : INFO : topic #38 (0.020): 0.021*\"walter\" + 0.011*\"aza\" + 0.010*\"king\" + 0.010*\"battalion\" + 0.009*\"empath\" + 0.009*\"teufel\" + 0.009*\"centuri\" + 0.008*\"forc\" + 0.007*\"armi\" + 0.007*\"till\"\n", - "2019-01-31 00:25:18,964 : INFO : topic #29 (0.020): 0.011*\"start\" + 0.010*\"govern\" + 0.009*\"million\" + 0.008*\"yawn\" + 0.007*\"countri\" + 0.007*\"bank\" + 0.007*\"function\" + 0.006*\"replac\" + 0.006*\"théori\" + 0.006*\"new\"\n", - "2019-01-31 00:25:18,965 : INFO : topic #33 (0.020): 0.058*\"french\" + 0.046*\"franc\" + 0.028*\"pari\" + 0.022*\"jean\" + 0.021*\"sail\" + 0.016*\"daphn\" + 0.014*\"lazi\" + 0.011*\"loui\" + 0.010*\"piec\" + 0.010*\"focal\"\n", - "2019-01-31 00:25:18,967 : INFO : topic #48 (0.020): 0.080*\"march\" + 0.079*\"octob\" + 0.076*\"sens\" + 0.076*\"januari\" + 0.070*\"notion\" + 0.070*\"juli\" + 0.068*\"april\" + 0.067*\"judici\" + 0.067*\"august\" + 0.067*\"decatur\"\n", - "2019-01-31 00:25:18,968 : INFO : topic #35 (0.020): 0.050*\"russia\" + 0.036*\"sovereignti\" + 0.033*\"rural\" + 0.025*\"poison\" + 0.022*\"personifi\" + 0.021*\"reprint\" + 0.018*\"unfortun\" + 0.017*\"poland\" + 0.017*\"moscow\" + 0.015*\"tyrant\"\n", - "2019-01-31 00:25:18,973 : INFO : topic diff=0.011214, rho=0.059444\n", - "2019-01-31 00:25:19,125 : INFO : PROGRESS: pass 0, at document #568000/4922894\n", - "2019-01-31 00:25:20,525 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:25:20,791 : INFO : topic #23 (0.020): 0.143*\"audit\" + 0.068*\"best\" + 0.037*\"yawn\" + 0.028*\"jacksonvil\" + 0.022*\"japanes\" + 0.022*\"noll\" + 0.021*\"women\" + 0.019*\"festiv\" + 0.017*\"intern\" + 0.016*\"prison\"\n", - "2019-01-31 00:25:20,792 : INFO : topic #15 (0.020): 0.013*\"small\" + 0.012*\"develop\" + 0.010*\"commun\" + 0.010*\"organ\" + 0.009*\"word\" + 0.009*\"cultur\" + 0.009*\"group\" + 0.008*\"requir\" + 0.008*\"socialist\" + 0.008*\"human\"\n", - "2019-01-31 00:25:20,794 : INFO : topic #36 (0.020): 0.022*\"companhia\" + 0.010*\"network\" + 0.009*\"prognosi\" + 0.009*\"develop\" + 0.008*\"serv\" + 0.008*\"manag\" + 0.008*\"includ\" + 0.008*\"oper\" + 0.008*\"base\" + 0.007*\"user\"\n", - "2019-01-31 00:25:20,795 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.033*\"perceptu\" + 0.021*\"physician\" + 0.019*\"compos\" + 0.019*\"theater\" + 0.016*\"orchestr\" + 0.014*\"olympo\" + 0.014*\"place\" + 0.013*\"damn\" + 0.012*\"wahl\"\n", - "2019-01-31 00:25:20,796 : INFO : topic #39 (0.020): 0.034*\"canada\" + 0.028*\"canadian\" + 0.020*\"taxpay\" + 0.019*\"scientist\" + 0.017*\"hoar\" + 0.016*\"basketbal\" + 0.015*\"toronto\" + 0.015*\"ontario\" + 0.011*\"confer\" + 0.011*\"clot\"\n", - "2019-01-31 00:25:20,802 : INFO : topic diff=0.012117, rho=0.059339\n", - "2019-01-31 00:25:20,957 : INFO : PROGRESS: pass 0, at document #570000/4922894\n", - "2019-01-31 00:25:22,362 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:25:22,628 : INFO : topic #29 (0.020): 0.011*\"start\" + 0.010*\"govern\" + 0.009*\"million\" + 0.008*\"yawn\" + 0.007*\"countri\" + 0.007*\"bank\" + 0.007*\"function\" + 0.006*\"replac\" + 0.006*\"théori\" + 0.006*\"placement\"\n", - "2019-01-31 00:25:22,629 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.027*\"factor\" + 0.023*\"adulthood\" + 0.017*\"feel\" + 0.016*\"hostil\" + 0.015*\"male\" + 0.011*\"live\" + 0.010*\"plaisir\" + 0.010*\"yawn\" + 0.010*\"genu\"\n", - "2019-01-31 00:25:22,630 : INFO : topic #32 (0.020): 0.055*\"district\" + 0.045*\"vigour\" + 0.043*\"popolo\" + 0.042*\"tortur\" + 0.028*\"area\" + 0.028*\"regim\" + 0.027*\"cotton\" + 0.024*\"multitud\" + 0.022*\"citi\" + 0.021*\"prosper\"\n", - "2019-01-31 00:25:22,631 : INFO : topic #39 (0.020): 0.035*\"canada\" + 0.028*\"canadian\" + 0.020*\"taxpay\" + 0.018*\"scientist\" + 0.017*\"hoar\" + 0.016*\"basketbal\" + 0.015*\"toronto\" + 0.014*\"ontario\" + 0.012*\"confer\" + 0.011*\"clot\"\n", - "2019-01-31 00:25:22,632 : INFO : topic #19 (0.020): 0.013*\"languag\" + 0.010*\"woodcut\" + 0.010*\"form\" + 0.009*\"origin\" + 0.008*\"mean\" + 0.007*\"uruguayan\" + 0.007*\"like\" + 0.007*\"god\" + 0.006*\"centuri\" + 0.006*\"dynam\"\n", - "2019-01-31 00:25:22,638 : INFO : topic diff=0.011523, rho=0.059235\n", - "2019-01-31 00:25:22,791 : INFO : PROGRESS: pass 0, at document #572000/4922894\n", - "2019-01-31 00:25:24,212 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:25:24,478 : INFO : topic #30 (0.020): 0.035*\"leagu\" + 0.035*\"cleveland\" + 0.030*\"place\" + 0.026*\"taxpay\" + 0.025*\"scientist\" + 0.024*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:25:24,479 : INFO : topic #45 (0.020): 0.016*\"black\" + 0.015*\"western\" + 0.014*\"colder\" + 0.012*\"record\" + 0.010*\"blind\" + 0.010*\"illicit\" + 0.008*\"fifteenth\" + 0.007*\"light\" + 0.007*\"green\" + 0.007*\"jpg\"\n", - "2019-01-31 00:25:24,480 : INFO : topic #8 (0.020): 0.032*\"act\" + 0.028*\"law\" + 0.024*\"cortic\" + 0.018*\"start\" + 0.016*\"ricardo\" + 0.012*\"case\" + 0.010*\"allei\" + 0.009*\"polaris\" + 0.009*\"legal\" + 0.007*\"rudolf\"\n", - "2019-01-31 00:25:24,482 : INFO : topic #39 (0.020): 0.035*\"canada\" + 0.028*\"canadian\" + 0.020*\"taxpay\" + 0.018*\"scientist\" + 0.017*\"hoar\" + 0.016*\"basketbal\" + 0.014*\"toronto\" + 0.014*\"ontario\" + 0.012*\"confer\" + 0.010*\"clot\"\n", - "2019-01-31 00:25:24,483 : INFO : topic #28 (0.020): 0.030*\"build\" + 0.024*\"hous\" + 0.021*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.011*\"briarwood\" + 0.011*\"constitut\" + 0.010*\"strategist\" + 0.010*\"rosenwald\" + 0.010*\"highland\"\n", - "2019-01-31 00:25:24,488 : INFO : topic diff=0.011371, rho=0.059131\n", - "2019-01-31 00:25:24,706 : INFO : PROGRESS: pass 0, at document #574000/4922894\n", - "2019-01-31 00:25:26,191 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:25:26,457 : INFO : topic #37 (0.020): 0.010*\"love\" + 0.008*\"gestur\" + 0.008*\"man\" + 0.006*\"blue\" + 0.005*\"bewild\" + 0.005*\"litig\" + 0.004*\"night\" + 0.003*\"healthcar\" + 0.003*\"amphora\" + 0.003*\"ladi\"\n", - "2019-01-31 00:25:26,458 : INFO : topic #29 (0.020): 0.011*\"start\" + 0.010*\"govern\" + 0.009*\"million\" + 0.008*\"yawn\" + 0.007*\"bank\" + 0.007*\"countri\" + 0.007*\"function\" + 0.006*\"replac\" + 0.006*\"placement\" + 0.006*\"théori\"\n", - "2019-01-31 00:25:26,459 : INFO : topic #28 (0.020): 0.030*\"build\" + 0.024*\"hous\" + 0.021*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.012*\"briarwood\" + 0.011*\"constitut\" + 0.011*\"strategist\" + 0.010*\"rosenwald\" + 0.010*\"depress\"\n", - "2019-01-31 00:25:26,460 : INFO : topic #38 (0.020): 0.021*\"walter\" + 0.011*\"aza\" + 0.010*\"king\" + 0.010*\"battalion\" + 0.009*\"empath\" + 0.009*\"teufel\" + 0.008*\"centuri\" + 0.008*\"forc\" + 0.007*\"armi\" + 0.007*\"till\"\n", - "2019-01-31 00:25:26,461 : INFO : topic #11 (0.020): 0.028*\"john\" + 0.015*\"will\" + 0.013*\"jame\" + 0.012*\"david\" + 0.011*\"rival\" + 0.010*\"georg\" + 0.009*\"slur\" + 0.008*\"mexican–american\" + 0.008*\"rhyme\" + 0.008*\"paul\"\n", - "2019-01-31 00:25:26,467 : INFO : topic diff=0.011891, rho=0.059028\n", - "2019-01-31 00:25:26,623 : INFO : PROGRESS: pass 0, at document #576000/4922894\n", - "2019-01-31 00:25:28,045 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:25:28,312 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.018*\"mexico\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.012*\"francisco\" + 0.011*\"juan\" + 0.011*\"carlo\" + 0.010*\"josé\"\n", - "2019-01-31 00:25:28,313 : INFO : topic #45 (0.020): 0.016*\"black\" + 0.015*\"western\" + 0.014*\"colder\" + 0.012*\"record\" + 0.010*\"blind\" + 0.010*\"illicit\" + 0.009*\"fifteenth\" + 0.008*\"light\" + 0.007*\"green\" + 0.007*\"jpg\"\n", - "2019-01-31 00:25:28,314 : INFO : topic #2 (0.020): 0.046*\"isl\" + 0.039*\"shield\" + 0.020*\"narrat\" + 0.015*\"scot\" + 0.013*\"blur\" + 0.012*\"pope\" + 0.011*\"nativist\" + 0.010*\"fleet\" + 0.010*\"coalit\" + 0.009*\"class\"\n", - "2019-01-31 00:25:28,315 : INFO : topic #6 (0.020): 0.066*\"fewer\" + 0.024*\"septemb\" + 0.022*\"epiru\" + 0.018*\"teacher\" + 0.017*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:25:28,316 : INFO : topic #36 (0.020): 0.022*\"companhia\" + 0.011*\"network\" + 0.009*\"prognosi\" + 0.009*\"develop\" + 0.009*\"serv\" + 0.008*\"manag\" + 0.008*\"oper\" + 0.008*\"includ\" + 0.008*\"base\" + 0.007*\"produc\"\n", - "2019-01-31 00:25:28,322 : INFO : topic diff=0.010918, rho=0.058926\n", - "2019-01-31 00:25:28,478 : INFO : PROGRESS: pass 0, at document #578000/4922894\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:25:29,906 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:25:30,172 : INFO : topic #5 (0.020): 0.040*\"abroad\" + 0.029*\"son\" + 0.028*\"rel\" + 0.026*\"reconstruct\" + 0.022*\"band\" + 0.018*\"muscl\" + 0.017*\"simultan\" + 0.015*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 00:25:30,173 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"disco\" + 0.007*\"caus\" + 0.007*\"have\" + 0.007*\"media\" + 0.007*\"hormon\" + 0.006*\"cancer\" + 0.006*\"pathwai\" + 0.006*\"proper\" + 0.006*\"effect\"\n", - "2019-01-31 00:25:30,174 : INFO : topic #34 (0.020): 0.073*\"start\" + 0.033*\"cotton\" + 0.030*\"unionist\" + 0.028*\"american\" + 0.022*\"new\" + 0.013*\"california\" + 0.013*\"terri\" + 0.013*\"warrior\" + 0.012*\"north\" + 0.011*\"violent\"\n", - "2019-01-31 00:25:30,175 : INFO : topic #20 (0.020): 0.130*\"scholar\" + 0.037*\"struggl\" + 0.030*\"high\" + 0.029*\"educ\" + 0.019*\"yawn\" + 0.017*\"collector\" + 0.014*\"prognosi\" + 0.010*\"gothic\" + 0.009*\"district\" + 0.009*\"second\"\n", - "2019-01-31 00:25:30,176 : INFO : topic #2 (0.020): 0.047*\"isl\" + 0.039*\"shield\" + 0.020*\"narrat\" + 0.015*\"scot\" + 0.013*\"blur\" + 0.012*\"pope\" + 0.011*\"nativist\" + 0.010*\"fleet\" + 0.010*\"coalit\" + 0.009*\"sai\"\n", - "2019-01-31 00:25:30,182 : INFO : topic diff=0.012336, rho=0.058824\n", - "2019-01-31 00:25:32,955 : INFO : -11.900 per-word bound, 3822.2 perplexity estimate based on a held-out corpus of 2000 documents with 556773 words\n", - "2019-01-31 00:25:32,955 : INFO : PROGRESS: pass 0, at document #580000/4922894\n", - "2019-01-31 00:25:34,414 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:25:34,680 : INFO : topic #28 (0.020): 0.029*\"build\" + 0.024*\"hous\" + 0.021*\"rivièr\" + 0.017*\"buford\" + 0.012*\"histor\" + 0.011*\"briarwood\" + 0.011*\"constitut\" + 0.011*\"strategist\" + 0.010*\"rosenwald\" + 0.009*\"depress\"\n", - "2019-01-31 00:25:34,681 : INFO : topic #23 (0.020): 0.142*\"audit\" + 0.070*\"best\" + 0.037*\"yawn\" + 0.028*\"jacksonvil\" + 0.024*\"noll\" + 0.022*\"japanes\" + 0.021*\"women\" + 0.019*\"festiv\" + 0.016*\"intern\" + 0.016*\"prison\"\n", - "2019-01-31 00:25:34,682 : INFO : topic #39 (0.020): 0.032*\"canada\" + 0.026*\"canadian\" + 0.020*\"taxpay\" + 0.019*\"scientist\" + 0.016*\"hoar\" + 0.015*\"basketbal\" + 0.015*\"toronto\" + 0.014*\"ontario\" + 0.012*\"confer\" + 0.010*\"new\"\n", - "2019-01-31 00:25:34,683 : INFO : topic #40 (0.020): 0.092*\"unit\" + 0.027*\"collector\" + 0.022*\"institut\" + 0.022*\"schuster\" + 0.017*\"requir\" + 0.017*\"student\" + 0.014*\"professor\" + 0.013*\"degre\" + 0.012*\"governor\" + 0.012*\"word\"\n", - "2019-01-31 00:25:34,684 : INFO : topic #9 (0.020): 0.078*\"bone\" + 0.039*\"american\" + 0.026*\"valour\" + 0.019*\"dutch\" + 0.017*\"player\" + 0.016*\"folei\" + 0.016*\"polit\" + 0.015*\"english\" + 0.011*\"simpler\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:25:34,690 : INFO : topic diff=0.009998, rho=0.058722\n", - "2019-01-31 00:25:34,843 : INFO : PROGRESS: pass 0, at document #582000/4922894\n", - "2019-01-31 00:25:36,252 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:25:36,519 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.021*\"walter\" + 0.020*\"armi\" + 0.020*\"aggress\" + 0.017*\"oper\" + 0.016*\"com\" + 0.013*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 00:25:36,520 : INFO : topic #44 (0.020): 0.032*\"rooftop\" + 0.027*\"final\" + 0.022*\"tourist\" + 0.020*\"wife\" + 0.019*\"champion\" + 0.018*\"taxpay\" + 0.017*\"martin\" + 0.015*\"chamber\" + 0.014*\"tiepolo\" + 0.013*\"winner\"\n", - "2019-01-31 00:25:36,521 : INFO : topic #6 (0.020): 0.066*\"fewer\" + 0.025*\"septemb\" + 0.022*\"epiru\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.012*\"direct\" + 0.010*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:25:36,522 : INFO : topic #27 (0.020): 0.067*\"questionnair\" + 0.019*\"taxpay\" + 0.016*\"candid\" + 0.016*\"squatter\" + 0.015*\"tornado\" + 0.013*\"driver\" + 0.012*\"ret\" + 0.011*\"théori\" + 0.011*\"find\" + 0.011*\"rick\"\n", - "2019-01-31 00:25:36,523 : INFO : topic #8 (0.020): 0.030*\"act\" + 0.028*\"law\" + 0.024*\"cortic\" + 0.018*\"start\" + 0.016*\"ricardo\" + 0.013*\"case\" + 0.009*\"legal\" + 0.009*\"polaris\" + 0.009*\"allei\" + 0.007*\"rudolf\"\n", - "2019-01-31 00:25:36,529 : INFO : topic diff=0.011187, rho=0.058621\n", - "2019-01-31 00:25:36,685 : INFO : PROGRESS: pass 0, at document #584000/4922894\n", - "2019-01-31 00:25:38,121 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:25:38,387 : INFO : topic #39 (0.020): 0.032*\"canada\" + 0.026*\"canadian\" + 0.020*\"taxpay\" + 0.018*\"scientist\" + 0.016*\"hoar\" + 0.016*\"basketbal\" + 0.015*\"toronto\" + 0.014*\"ontario\" + 0.014*\"confer\" + 0.011*\"new\"\n", - "2019-01-31 00:25:38,388 : INFO : topic #13 (0.020): 0.031*\"australia\" + 0.027*\"sourc\" + 0.027*\"new\" + 0.023*\"australian\" + 0.023*\"london\" + 0.022*\"england\" + 0.021*\"ireland\" + 0.020*\"british\" + 0.016*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:25:38,389 : INFO : topic #11 (0.020): 0.027*\"john\" + 0.015*\"will\" + 0.013*\"jame\" + 0.013*\"david\" + 0.011*\"rival\" + 0.010*\"georg\" + 0.009*\"slur\" + 0.009*\"paul\" + 0.008*\"mexican–american\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:25:38,391 : INFO : topic #33 (0.020): 0.056*\"french\" + 0.043*\"franc\" + 0.029*\"pari\" + 0.024*\"sail\" + 0.022*\"jean\" + 0.018*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.010*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 00:25:38,392 : INFO : topic #20 (0.020): 0.130*\"scholar\" + 0.037*\"struggl\" + 0.030*\"high\" + 0.029*\"educ\" + 0.019*\"yawn\" + 0.018*\"collector\" + 0.014*\"prognosi\" + 0.009*\"gothic\" + 0.009*\"district\" + 0.008*\"second\"\n", - "2019-01-31 00:25:38,398 : INFO : topic diff=0.012064, rho=0.058521\n", - "2019-01-31 00:25:38,554 : INFO : PROGRESS: pass 0, at document #586000/4922894\n", - "2019-01-31 00:25:39,991 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:25:40,261 : INFO : topic #30 (0.020): 0.037*\"cleveland\" + 0.036*\"leagu\" + 0.029*\"place\" + 0.026*\"taxpay\" + 0.025*\"scientist\" + 0.024*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:25:40,262 : INFO : topic #40 (0.020): 0.094*\"unit\" + 0.028*\"collector\" + 0.023*\"institut\" + 0.022*\"schuster\" + 0.017*\"requir\" + 0.017*\"student\" + 0.014*\"professor\" + 0.013*\"degre\" + 0.012*\"word\" + 0.012*\"governor\"\n", - "2019-01-31 00:25:40,263 : INFO : topic #4 (0.020): 0.023*\"enfranchis\" + 0.016*\"depress\" + 0.015*\"pour\" + 0.009*\"produc\" + 0.009*\"elabor\" + 0.008*\"spectacl\" + 0.008*\"veget\" + 0.008*\"mode\" + 0.008*\"candid\" + 0.007*\"develop\"\n", - "2019-01-31 00:25:40,264 : INFO : topic #48 (0.020): 0.080*\"march\" + 0.080*\"octob\" + 0.075*\"sens\" + 0.073*\"januari\" + 0.071*\"notion\" + 0.068*\"juli\" + 0.067*\"april\" + 0.066*\"august\" + 0.065*\"decatur\" + 0.064*\"judici\"\n", - "2019-01-31 00:25:40,265 : INFO : topic #18 (0.020): 0.009*\"théori\" + 0.007*\"later\" + 0.007*\"kill\" + 0.007*\"sack\" + 0.005*\"dai\" + 0.005*\"retrospect\" + 0.004*\"man\" + 0.004*\"deal\" + 0.004*\"like\" + 0.004*\"kenworthi\"\n", - "2019-01-31 00:25:40,271 : INFO : topic diff=0.010885, rho=0.058421\n", - "2019-01-31 00:25:40,426 : INFO : PROGRESS: pass 0, at document #588000/4922894\n", - "2019-01-31 00:25:41,844 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:25:42,110 : INFO : topic #37 (0.020): 0.010*\"love\" + 0.008*\"gestur\" + 0.008*\"man\" + 0.006*\"bewild\" + 0.006*\"blue\" + 0.005*\"litig\" + 0.005*\"night\" + 0.003*\"ladi\" + 0.003*\"amphora\" + 0.003*\"healthcar\"\n", - "2019-01-31 00:25:42,112 : INFO : topic #18 (0.020): 0.009*\"théori\" + 0.007*\"later\" + 0.007*\"kill\" + 0.007*\"sack\" + 0.005*\"dai\" + 0.005*\"retrospect\" + 0.005*\"man\" + 0.004*\"deal\" + 0.004*\"like\" + 0.004*\"kenworthi\"\n", - "2019-01-31 00:25:42,113 : INFO : topic #40 (0.020): 0.094*\"unit\" + 0.028*\"collector\" + 0.023*\"institut\" + 0.022*\"schuster\" + 0.018*\"requir\" + 0.017*\"student\" + 0.014*\"professor\" + 0.012*\"degre\" + 0.012*\"governor\" + 0.012*\"word\"\n", - "2019-01-31 00:25:42,114 : INFO : topic #26 (0.020): 0.030*\"woman\" + 0.028*\"workplac\" + 0.027*\"men\" + 0.027*\"champion\" + 0.026*\"olymp\" + 0.023*\"medal\" + 0.021*\"event\" + 0.020*\"alic\" + 0.020*\"atheist\" + 0.020*\"rainfal\"\n", - "2019-01-31 00:25:42,115 : INFO : topic #19 (0.020): 0.014*\"languag\" + 0.010*\"woodcut\" + 0.010*\"origin\" + 0.010*\"form\" + 0.008*\"mean\" + 0.007*\"uruguayan\" + 0.007*\"like\" + 0.007*\"centuri\" + 0.007*\"english\" + 0.006*\"god\"\n", - "2019-01-31 00:25:42,121 : INFO : topic diff=0.012561, rho=0.058321\n", - "2019-01-31 00:25:42,277 : INFO : PROGRESS: pass 0, at document #590000/4922894\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:25:43,717 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:25:43,983 : INFO : topic #17 (0.020): 0.071*\"church\" + 0.021*\"cathol\" + 0.019*\"christian\" + 0.018*\"bishop\" + 0.015*\"sail\" + 0.014*\"retroflex\" + 0.012*\"centuri\" + 0.012*\"dioces\" + 0.011*\"italian\" + 0.009*\"historiographi\"\n", - "2019-01-31 00:25:43,984 : INFO : topic #37 (0.020): 0.010*\"love\" + 0.008*\"gestur\" + 0.008*\"man\" + 0.006*\"blue\" + 0.006*\"bewild\" + 0.005*\"litig\" + 0.004*\"night\" + 0.003*\"christma\" + 0.003*\"ladi\" + 0.003*\"amphora\"\n", - "2019-01-31 00:25:43,986 : INFO : topic #26 (0.020): 0.030*\"woman\" + 0.027*\"men\" + 0.027*\"workplac\" + 0.027*\"champion\" + 0.025*\"olymp\" + 0.023*\"medal\" + 0.022*\"alic\" + 0.022*\"event\" + 0.021*\"rainfal\" + 0.021*\"atheist\"\n", - "2019-01-31 00:25:43,987 : INFO : topic #5 (0.020): 0.040*\"abroad\" + 0.028*\"son\" + 0.028*\"rel\" + 0.026*\"reconstruct\" + 0.022*\"band\" + 0.018*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 00:25:43,988 : INFO : topic #14 (0.020): 0.025*\"forc\" + 0.020*\"aggress\" + 0.019*\"walter\" + 0.019*\"armi\" + 0.016*\"com\" + 0.016*\"oper\" + 0.012*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.010*\"refut\"\n", - "2019-01-31 00:25:43,994 : INFO : topic diff=0.012532, rho=0.058222\n", - "2019-01-31 00:25:44,150 : INFO : PROGRESS: pass 0, at document #592000/4922894\n", - "2019-01-31 00:25:45,566 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:25:45,832 : INFO : topic #33 (0.020): 0.058*\"french\" + 0.044*\"franc\" + 0.029*\"pari\" + 0.024*\"sail\" + 0.023*\"jean\" + 0.019*\"daphn\" + 0.014*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 00:25:45,833 : INFO : topic #37 (0.020): 0.010*\"love\" + 0.008*\"gestur\" + 0.007*\"man\" + 0.006*\"blue\" + 0.005*\"bewild\" + 0.005*\"litig\" + 0.005*\"night\" + 0.003*\"christma\" + 0.003*\"ladi\" + 0.003*\"amphora\"\n", - "2019-01-31 00:25:45,835 : INFO : topic #8 (0.020): 0.029*\"law\" + 0.027*\"act\" + 0.024*\"cortic\" + 0.017*\"start\" + 0.016*\"ricardo\" + 0.013*\"case\" + 0.009*\"polaris\" + 0.009*\"legal\" + 0.008*\"judaism\" + 0.007*\"allei\"\n", - "2019-01-31 00:25:45,836 : INFO : topic #24 (0.020): 0.040*\"book\" + 0.035*\"publicis\" + 0.022*\"word\" + 0.017*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.013*\"nicola\" + 0.012*\"storag\" + 0.011*\"author\" + 0.011*\"worldwid\"\n", - "2019-01-31 00:25:45,837 : INFO : topic #35 (0.020): 0.061*\"russia\" + 0.039*\"sovereignti\" + 0.031*\"rural\" + 0.025*\"turin\" + 0.024*\"poison\" + 0.022*\"reprint\" + 0.021*\"personifi\" + 0.018*\"moscow\" + 0.017*\"unfortun\" + 0.016*\"poland\"\n", - "2019-01-31 00:25:45,843 : INFO : topic diff=0.010819, rho=0.058124\n", - "2019-01-31 00:25:45,997 : INFO : PROGRESS: pass 0, at document #594000/4922894\n", - "2019-01-31 00:25:47,416 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:25:47,682 : INFO : topic #25 (0.020): 0.029*\"ring\" + 0.019*\"warmth\" + 0.017*\"lagrang\" + 0.016*\"area\" + 0.015*\"mount\" + 0.009*\"palmer\" + 0.008*\"foam\" + 0.008*\"north\" + 0.008*\"lobe\" + 0.008*\"sourc\"\n", - "2019-01-31 00:25:47,684 : INFO : topic #2 (0.020): 0.047*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.010*\"nativist\" + 0.010*\"class\" + 0.010*\"fleet\" + 0.010*\"ellison\"\n", - "2019-01-31 00:25:47,685 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.035*\"perceptu\" + 0.023*\"theater\" + 0.019*\"compos\" + 0.017*\"physician\" + 0.015*\"place\" + 0.014*\"orchestr\" + 0.014*\"damn\" + 0.014*\"olympo\" + 0.012*\"son\"\n", - "2019-01-31 00:25:47,686 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.009*\"disco\" + 0.008*\"caus\" + 0.007*\"media\" + 0.007*\"pathwai\" + 0.007*\"have\" + 0.006*\"effect\" + 0.006*\"hormon\" + 0.006*\"proper\" + 0.006*\"treat\"\n", - "2019-01-31 00:25:47,687 : INFO : topic #44 (0.020): 0.033*\"rooftop\" + 0.028*\"final\" + 0.022*\"tourist\" + 0.020*\"wife\" + 0.018*\"champion\" + 0.018*\"taxpay\" + 0.016*\"martin\" + 0.015*\"chamber\" + 0.014*\"tiepolo\" + 0.013*\"winner\"\n", - "2019-01-31 00:25:47,693 : INFO : topic diff=0.011287, rho=0.058026\n", - "2019-01-31 00:25:47,853 : INFO : PROGRESS: pass 0, at document #596000/4922894\n", - "2019-01-31 00:25:49,275 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:25:49,541 : INFO : topic #2 (0.020): 0.046*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.010*\"nativist\" + 0.010*\"fleet\" + 0.010*\"class\" + 0.010*\"ellison\"\n", - "2019-01-31 00:25:49,543 : INFO : topic #16 (0.020): 0.032*\"king\" + 0.031*\"priest\" + 0.019*\"quarterli\" + 0.018*\"duke\" + 0.018*\"grammat\" + 0.016*\"idiosyncrat\" + 0.015*\"maria\" + 0.015*\"rotterdam\" + 0.014*\"brazil\" + 0.013*\"portugues\"\n", - "2019-01-31 00:25:49,544 : INFO : topic #36 (0.020): 0.022*\"companhia\" + 0.010*\"network\" + 0.009*\"prognosi\" + 0.009*\"develop\" + 0.008*\"serv\" + 0.008*\"base\" + 0.008*\"includ\" + 0.008*\"oper\" + 0.007*\"pop\" + 0.007*\"manag\"\n", - "2019-01-31 00:25:49,545 : INFO : topic #26 (0.020): 0.029*\"woman\" + 0.027*\"champion\" + 0.027*\"workplac\" + 0.027*\"men\" + 0.026*\"olymp\" + 0.022*\"medal\" + 0.022*\"alic\" + 0.022*\"event\" + 0.021*\"rainfal\" + 0.020*\"atheist\"\n", - "2019-01-31 00:25:49,546 : INFO : topic #20 (0.020): 0.130*\"scholar\" + 0.038*\"struggl\" + 0.030*\"high\" + 0.029*\"educ\" + 0.019*\"yawn\" + 0.018*\"collector\" + 0.013*\"prognosi\" + 0.010*\"task\" + 0.009*\"gothic\" + 0.009*\"second\"\n", - "2019-01-31 00:25:49,552 : INFO : topic diff=0.011764, rho=0.057928\n", - "2019-01-31 00:25:49,716 : INFO : PROGRESS: pass 0, at document #598000/4922894\n", - "2019-01-31 00:25:51,175 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:25:51,441 : INFO : topic #24 (0.020): 0.040*\"book\" + 0.035*\"publicis\" + 0.023*\"word\" + 0.016*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.013*\"storag\" + 0.012*\"nicola\" + 0.011*\"author\" + 0.011*\"worldwid\"\n", - "2019-01-31 00:25:51,442 : INFO : topic #6 (0.020): 0.067*\"fewer\" + 0.025*\"septemb\" + 0.021*\"epiru\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.010*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:25:51,443 : INFO : topic #26 (0.020): 0.028*\"woman\" + 0.027*\"champion\" + 0.027*\"workplac\" + 0.027*\"olymp\" + 0.027*\"men\" + 0.022*\"medal\" + 0.022*\"alic\" + 0.021*\"event\" + 0.021*\"rainfal\" + 0.020*\"atheist\"\n", - "2019-01-31 00:25:51,444 : INFO : topic #48 (0.020): 0.079*\"march\" + 0.078*\"octob\" + 0.075*\"sens\" + 0.072*\"januari\" + 0.070*\"notion\" + 0.066*\"juli\" + 0.065*\"april\" + 0.064*\"august\" + 0.064*\"decatur\" + 0.061*\"judici\"\n", - "2019-01-31 00:25:51,445 : INFO : topic #1 (0.020): 0.050*\"china\" + 0.046*\"chilton\" + 0.030*\"korea\" + 0.026*\"hong\" + 0.025*\"kong\" + 0.020*\"korean\" + 0.019*\"sourc\" + 0.013*\"leah\" + 0.012*\"kim\" + 0.012*\"ashvil\"\n", - "2019-01-31 00:25:51,451 : INFO : topic diff=0.011433, rho=0.057831\n", - "2019-01-31 00:25:54,186 : INFO : -11.643 per-word bound, 3198.9 perplexity estimate based on a held-out corpus of 2000 documents with 567072 words\n", - "2019-01-31 00:25:54,186 : INFO : PROGRESS: pass 0, at document #600000/4922894\n", - "2019-01-31 00:25:55,613 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:25:55,879 : INFO : topic #29 (0.020): 0.010*\"start\" + 0.010*\"govern\" + 0.009*\"million\" + 0.008*\"yawn\" + 0.008*\"countri\" + 0.007*\"bank\" + 0.007*\"function\" + 0.006*\"placement\" + 0.006*\"replac\" + 0.006*\"new\"\n", - "2019-01-31 00:25:55,880 : INFO : topic #32 (0.020): 0.054*\"district\" + 0.046*\"vigour\" + 0.045*\"tortur\" + 0.042*\"popolo\" + 0.029*\"regim\" + 0.029*\"cotton\" + 0.029*\"area\" + 0.025*\"citi\" + 0.023*\"multitud\" + 0.020*\"commun\"\n", - "2019-01-31 00:25:55,881 : INFO : topic #4 (0.020): 0.023*\"enfranchis\" + 0.016*\"depress\" + 0.015*\"pour\" + 0.009*\"elabor\" + 0.009*\"produc\" + 0.009*\"mode\" + 0.008*\"veget\" + 0.007*\"spectacl\" + 0.007*\"candid\" + 0.007*\"encyclopedia\"\n", - "2019-01-31 00:25:55,882 : INFO : topic #35 (0.020): 0.057*\"russia\" + 0.036*\"sovereignti\" + 0.030*\"rural\" + 0.026*\"reprint\" + 0.024*\"turin\" + 0.023*\"poison\" + 0.023*\"personifi\" + 0.019*\"moscow\" + 0.016*\"unfortun\" + 0.015*\"poland\"\n", - "2019-01-31 00:25:55,884 : INFO : topic #44 (0.020): 0.033*\"rooftop\" + 0.029*\"final\" + 0.022*\"tourist\" + 0.020*\"wife\" + 0.018*\"champion\" + 0.018*\"taxpay\" + 0.015*\"martin\" + 0.015*\"chamber\" + 0.014*\"tiepolo\" + 0.013*\"workplac\"\n", - "2019-01-31 00:25:55,889 : INFO : topic diff=0.010249, rho=0.057735\n", - "2019-01-31 00:25:56,048 : INFO : PROGRESS: pass 0, at document #602000/4922894\n", - "2019-01-31 00:25:57,491 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:25:57,757 : INFO : topic #5 (0.020): 0.040*\"abroad\" + 0.028*\"son\" + 0.028*\"rel\" + 0.026*\"reconstruct\" + 0.022*\"band\" + 0.018*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 00:25:57,758 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"exampl\" + 0.007*\"théori\" + 0.007*\"frontal\" + 0.006*\"southern\" + 0.006*\"gener\" + 0.006*\"servitud\" + 0.006*\"mode\" + 0.006*\"poet\" + 0.006*\"measur\"\n", - "2019-01-31 00:25:57,759 : INFO : topic #18 (0.020): 0.009*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.005*\"dai\" + 0.005*\"retrospect\" + 0.005*\"man\" + 0.004*\"deal\" + 0.004*\"like\" + 0.004*\"kenworthi\"\n", - "2019-01-31 00:25:57,761 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.012*\"develop\" + 0.010*\"organ\" + 0.010*\"word\" + 0.010*\"commun\" + 0.009*\"cultur\" + 0.008*\"group\" + 0.008*\"human\" + 0.007*\"requir\" + 0.007*\"student\"\n", - "2019-01-31 00:25:57,762 : INFO : topic #27 (0.020): 0.068*\"questionnair\" + 0.019*\"taxpay\" + 0.016*\"squatter\" + 0.015*\"candid\" + 0.015*\"tornado\" + 0.013*\"horac\" + 0.013*\"fool\" + 0.012*\"driver\" + 0.012*\"ret\" + 0.011*\"find\"\n", - "2019-01-31 00:25:57,767 : INFO : topic diff=0.010893, rho=0.057639\n", - "2019-01-31 00:25:57,922 : INFO : PROGRESS: pass 0, at document #604000/4922894\n", - "2019-01-31 00:25:59,338 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:25:59,604 : INFO : topic #46 (0.020): 0.020*\"stop\" + 0.016*\"norwai\" + 0.016*\"sweden\" + 0.015*\"wind\" + 0.014*\"damag\" + 0.014*\"norwegian\" + 0.014*\"swedish\" + 0.012*\"huntsvil\" + 0.011*\"denmark\" + 0.011*\"turkish\"\n", - "2019-01-31 00:25:59,605 : INFO : topic #5 (0.020): 0.040*\"abroad\" + 0.028*\"son\" + 0.028*\"rel\" + 0.026*\"reconstruct\" + 0.022*\"band\" + 0.018*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 00:25:59,606 : INFO : topic #2 (0.020): 0.046*\"isl\" + 0.037*\"shield\" + 0.019*\"narrat\" + 0.015*\"scot\" + 0.013*\"blur\" + 0.013*\"pope\" + 0.010*\"nativist\" + 0.010*\"fleet\" + 0.010*\"class\" + 0.009*\"coalit\"\n", - "2019-01-31 00:25:59,608 : INFO : topic #30 (0.020): 0.038*\"leagu\" + 0.036*\"cleveland\" + 0.029*\"place\" + 0.026*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.022*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:25:59,609 : INFO : topic #21 (0.020): 0.037*\"samford\" + 0.021*\"spain\" + 0.019*\"del\" + 0.019*\"mexico\" + 0.014*\"soviet\" + 0.012*\"francisco\" + 0.011*\"santa\" + 0.011*\"juan\" + 0.011*\"lizard\" + 0.010*\"carlo\"\n", - "2019-01-31 00:25:59,614 : INFO : topic diff=0.010261, rho=0.057544\n", - "2019-01-31 00:25:59,767 : INFO : PROGRESS: pass 0, at document #606000/4922894\n", - "2019-01-31 00:26:01,180 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:26:01,449 : INFO : topic #25 (0.020): 0.028*\"ring\" + 0.021*\"warmth\" + 0.017*\"lagrang\" + 0.016*\"area\" + 0.015*\"mount\" + 0.009*\"palmer\" + 0.009*\"foam\" + 0.008*\"north\" + 0.008*\"lobe\" + 0.008*\"sourc\"\n", - "2019-01-31 00:26:01,450 : INFO : topic #21 (0.020): 0.037*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.019*\"mexico\" + 0.014*\"soviet\" + 0.012*\"francisco\" + 0.011*\"santa\" + 0.011*\"juan\" + 0.010*\"lizard\" + 0.010*\"mexican\"\n", - "2019-01-31 00:26:01,451 : INFO : topic #9 (0.020): 0.072*\"bone\" + 0.040*\"american\" + 0.029*\"valour\" + 0.021*\"dutch\" + 0.018*\"polit\" + 0.017*\"folei\" + 0.017*\"player\" + 0.016*\"english\" + 0.011*\"wedg\" + 0.010*\"surnam\"\n", - "2019-01-31 00:26:01,452 : INFO : topic #18 (0.020): 0.009*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.005*\"dai\" + 0.005*\"retrospect\" + 0.005*\"man\" + 0.004*\"deal\" + 0.004*\"like\" + 0.004*\"help\"\n", - "2019-01-31 00:26:01,454 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.020*\"walter\" + 0.020*\"armi\" + 0.018*\"aggress\" + 0.017*\"oper\" + 0.016*\"com\" + 0.012*\"unionist\" + 0.012*\"militari\" + 0.012*\"diversifi\" + 0.012*\"airbu\"\n", - "2019-01-31 00:26:01,459 : INFO : topic diff=0.010976, rho=0.057448\n", - "2019-01-31 00:26:01,669 : INFO : PROGRESS: pass 0, at document #608000/4922894\n", - "2019-01-31 00:26:03,076 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:26:03,343 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"exampl\" + 0.007*\"southern\" + 0.007*\"théori\" + 0.007*\"frontal\" + 0.006*\"gener\" + 0.006*\"servitud\" + 0.006*\"mode\" + 0.006*\"measur\" + 0.006*\"poet\"\n", - "2019-01-31 00:26:03,344 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.034*\"perceptu\" + 0.021*\"theater\" + 0.018*\"compos\" + 0.016*\"physician\" + 0.015*\"place\" + 0.015*\"damn\" + 0.015*\"orchestr\" + 0.014*\"olympo\" + 0.012*\"son\"\n", - "2019-01-31 00:26:03,345 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.012*\"develop\" + 0.010*\"organ\" + 0.010*\"word\" + 0.010*\"commun\" + 0.009*\"cultur\" + 0.008*\"group\" + 0.008*\"human\" + 0.007*\"requir\" + 0.007*\"student\"\n", - "2019-01-31 00:26:03,347 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.019*\"mexico\" + 0.014*\"soviet\" + 0.012*\"francisco\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.010*\"lizard\" + 0.010*\"mexican\"\n", - "2019-01-31 00:26:03,348 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.028*\"germani\" + 0.014*\"berlin\" + 0.014*\"jewish\" + 0.014*\"vol\" + 0.013*\"der\" + 0.012*\"israel\" + 0.008*\"austria\" + 0.008*\"itali\" + 0.008*\"jeremiah\"\n", - "2019-01-31 00:26:03,354 : INFO : topic diff=0.010731, rho=0.057354\n", - "2019-01-31 00:26:03,508 : INFO : PROGRESS: pass 0, at document #610000/4922894\n", - "2019-01-31 00:26:04,932 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:26:05,198 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"exampl\" + 0.007*\"southern\" + 0.007*\"théori\" + 0.007*\"frontal\" + 0.006*\"gener\" + 0.006*\"servitud\" + 0.006*\"mode\" + 0.006*\"poet\" + 0.006*\"measur\"\n", - "2019-01-31 00:26:05,199 : INFO : topic #40 (0.020): 0.091*\"unit\" + 0.027*\"collector\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.018*\"requir\" + 0.017*\"student\" + 0.015*\"professor\" + 0.012*\"governor\" + 0.012*\"word\" + 0.012*\"degre\"\n", - "2019-01-31 00:26:05,201 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.029*\"germani\" + 0.015*\"berlin\" + 0.014*\"vol\" + 0.013*\"jewish\" + 0.013*\"der\" + 0.012*\"israel\" + 0.009*\"austria\" + 0.008*\"itali\" + 0.007*\"jeremiah\"\n", - "2019-01-31 00:26:05,202 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.057*\"parti\" + 0.027*\"democrat\" + 0.023*\"voluntari\" + 0.021*\"member\" + 0.018*\"polici\" + 0.017*\"republ\" + 0.014*\"liber\" + 0.014*\"bypass\" + 0.014*\"report\"\n", - "2019-01-31 00:26:05,203 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.019*\"di\" + 0.018*\"factor\" + 0.015*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.012*\"life\" + 0.012*\"faster\" + 0.011*\"daughter\" + 0.011*\"john\"\n", - "2019-01-31 00:26:05,209 : INFO : topic diff=0.010795, rho=0.057260\n", - "2019-01-31 00:26:05,367 : INFO : PROGRESS: pass 0, at document #612000/4922894\n", - "2019-01-31 00:26:06,829 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:26:07,095 : INFO : topic #13 (0.020): 0.028*\"australia\" + 0.027*\"sourc\" + 0.025*\"new\" + 0.023*\"australian\" + 0.023*\"london\" + 0.023*\"england\" + 0.021*\"ireland\" + 0.020*\"british\" + 0.015*\"youth\" + 0.013*\"weekli\"\n", - "2019-01-31 00:26:07,096 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.018*\"aggress\" + 0.016*\"com\" + 0.016*\"oper\" + 0.012*\"unionist\" + 0.012*\"militari\" + 0.012*\"diversifi\" + 0.011*\"airbu\"\n", - "2019-01-31 00:26:07,098 : INFO : topic #39 (0.020): 0.032*\"canada\" + 0.028*\"canadian\" + 0.019*\"taxpay\" + 0.018*\"scientist\" + 0.015*\"hoar\" + 0.015*\"basketbal\" + 0.014*\"toronto\" + 0.014*\"confer\" + 0.013*\"ontario\" + 0.011*\"new\"\n", - "2019-01-31 00:26:07,099 : INFO : topic #30 (0.020): 0.038*\"leagu\" + 0.036*\"cleveland\" + 0.029*\"place\" + 0.026*\"taxpay\" + 0.025*\"scientist\" + 0.023*\"crete\" + 0.022*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.011*\"schmitz\"\n", - "2019-01-31 00:26:07,100 : INFO : topic #6 (0.020): 0.067*\"fewer\" + 0.026*\"septemb\" + 0.022*\"epiru\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.010*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:26:07,106 : INFO : topic diff=0.011850, rho=0.057166\n", - "2019-01-31 00:26:07,264 : INFO : PROGRESS: pass 0, at document #614000/4922894\n", - "2019-01-31 00:26:08,709 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:26:08,975 : INFO : topic #33 (0.020): 0.060*\"french\" + 0.044*\"franc\" + 0.031*\"pari\" + 0.022*\"sail\" + 0.021*\"jean\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.013*\"loui\" + 0.010*\"piec\" + 0.009*\"focal\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:26:08,977 : INFO : topic #32 (0.020): 0.057*\"district\" + 0.045*\"vigour\" + 0.044*\"tortur\" + 0.042*\"popolo\" + 0.030*\"cotton\" + 0.028*\"regim\" + 0.028*\"area\" + 0.024*\"multitud\" + 0.024*\"citi\" + 0.019*\"commun\"\n", - "2019-01-31 00:26:08,978 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.009*\"disco\" + 0.007*\"proper\" + 0.007*\"caus\" + 0.007*\"media\" + 0.007*\"pathwai\" + 0.007*\"have\" + 0.006*\"treat\" + 0.006*\"hormon\" + 0.006*\"effect\"\n", - "2019-01-31 00:26:08,979 : INFO : topic #2 (0.020): 0.046*\"isl\" + 0.036*\"shield\" + 0.019*\"narrat\" + 0.014*\"scot\" + 0.012*\"blur\" + 0.012*\"pope\" + 0.010*\"nativist\" + 0.010*\"fleet\" + 0.010*\"coalit\" + 0.010*\"class\"\n", - "2019-01-31 00:26:08,981 : INFO : topic #18 (0.020): 0.009*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.005*\"dai\" + 0.005*\"retrospect\" + 0.005*\"deal\" + 0.004*\"man\" + 0.004*\"like\" + 0.004*\"end\"\n", - "2019-01-31 00:26:08,987 : INFO : topic diff=0.009898, rho=0.057073\n", - "2019-01-31 00:26:09,139 : INFO : PROGRESS: pass 0, at document #616000/4922894\n", - "2019-01-31 00:26:10,557 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:26:10,823 : INFO : topic #19 (0.020): 0.013*\"languag\" + 0.010*\"origin\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.008*\"mean\" + 0.008*\"uruguayan\" + 0.007*\"like\" + 0.007*\"centuri\" + 0.006*\"dynam\" + 0.006*\"english\"\n", - "2019-01-31 00:26:10,824 : INFO : topic #34 (0.020): 0.073*\"start\" + 0.030*\"unionist\" + 0.030*\"cotton\" + 0.028*\"american\" + 0.023*\"new\" + 0.014*\"terri\" + 0.013*\"california\" + 0.012*\"warrior\" + 0.012*\"north\" + 0.011*\"year\"\n", - "2019-01-31 00:26:10,826 : INFO : topic #32 (0.020): 0.056*\"district\" + 0.045*\"vigour\" + 0.043*\"tortur\" + 0.042*\"popolo\" + 0.029*\"cotton\" + 0.028*\"area\" + 0.028*\"regim\" + 0.024*\"multitud\" + 0.024*\"citi\" + 0.019*\"commun\"\n", - "2019-01-31 00:26:10,827 : INFO : topic #10 (0.020): 0.013*\"cdd\" + 0.009*\"disco\" + 0.007*\"proper\" + 0.007*\"caus\" + 0.007*\"media\" + 0.007*\"pathwai\" + 0.007*\"have\" + 0.006*\"hormon\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 00:26:10,829 : INFO : topic #18 (0.020): 0.009*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.005*\"dai\" + 0.005*\"retrospect\" + 0.004*\"deal\" + 0.004*\"man\" + 0.004*\"like\" + 0.004*\"end\"\n", - "2019-01-31 00:26:10,834 : INFO : topic diff=0.011246, rho=0.056980\n", - "2019-01-31 00:26:10,992 : INFO : PROGRESS: pass 0, at document #618000/4922894\n", - "2019-01-31 00:26:12,421 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:26:12,687 : INFO : topic #35 (0.020): 0.056*\"russia\" + 0.030*\"sovereignti\" + 0.030*\"rural\" + 0.025*\"personifi\" + 0.024*\"poison\" + 0.024*\"reprint\" + 0.020*\"turin\" + 0.020*\"moscow\" + 0.016*\"poland\" + 0.015*\"tyrant\"\n", - "2019-01-31 00:26:12,688 : INFO : topic #46 (0.020): 0.023*\"stop\" + 0.015*\"sweden\" + 0.015*\"norwai\" + 0.015*\"wind\" + 0.014*\"treeless\" + 0.014*\"swedish\" + 0.014*\"norwegian\" + 0.013*\"damag\" + 0.011*\"huntsvil\" + 0.010*\"denmark\"\n", - "2019-01-31 00:26:12,689 : INFO : topic #13 (0.020): 0.028*\"australia\" + 0.027*\"sourc\" + 0.026*\"new\" + 0.023*\"australian\" + 0.023*\"england\" + 0.023*\"london\" + 0.020*\"ireland\" + 0.020*\"british\" + 0.015*\"youth\" + 0.014*\"weekli\"\n", - "2019-01-31 00:26:12,691 : INFO : topic #5 (0.020): 0.040*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.022*\"band\" + 0.018*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 00:26:12,692 : INFO : topic #38 (0.020): 0.020*\"walter\" + 0.010*\"king\" + 0.010*\"aza\" + 0.009*\"empath\" + 0.009*\"battalion\" + 0.009*\"teufel\" + 0.008*\"centuri\" + 0.008*\"forc\" + 0.008*\"till\" + 0.007*\"armi\"\n", - "2019-01-31 00:26:12,698 : INFO : topic diff=0.009396, rho=0.056888\n", - "2019-01-31 00:26:15,397 : INFO : -11.501 per-word bound, 2897.9 perplexity estimate based on a held-out corpus of 2000 documents with 528109 words\n", - "2019-01-31 00:26:15,398 : INFO : PROGRESS: pass 0, at document #620000/4922894\n", - "2019-01-31 00:26:16,813 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:26:17,080 : INFO : topic #49 (0.020): 0.041*\"india\" + 0.029*\"incumb\" + 0.015*\"islam\" + 0.012*\"pakistan\" + 0.011*\"televis\" + 0.011*\"muskoge\" + 0.011*\"khalsa\" + 0.011*\"alam\" + 0.009*\"singh\" + 0.009*\"start\"\n", - "2019-01-31 00:26:17,081 : INFO : topic #5 (0.020): 0.040*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.022*\"band\" + 0.018*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 00:26:17,082 : INFO : topic #10 (0.020): 0.013*\"cdd\" + 0.008*\"disco\" + 0.007*\"proper\" + 0.007*\"media\" + 0.007*\"caus\" + 0.007*\"pathwai\" + 0.006*\"have\" + 0.006*\"hormon\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 00:26:17,083 : INFO : topic #3 (0.020): 0.039*\"present\" + 0.029*\"offic\" + 0.027*\"minist\" + 0.021*\"member\" + 0.020*\"gener\" + 0.019*\"seri\" + 0.017*\"govern\" + 0.016*\"chickasaw\" + 0.016*\"serv\" + 0.015*\"nation\"\n", - "2019-01-31 00:26:17,085 : INFO : topic #38 (0.020): 0.020*\"walter\" + 0.010*\"king\" + 0.010*\"aza\" + 0.009*\"empath\" + 0.009*\"battalion\" + 0.009*\"teufel\" + 0.008*\"centuri\" + 0.008*\"forc\" + 0.007*\"till\" + 0.007*\"armi\"\n", - "2019-01-31 00:26:17,091 : INFO : topic diff=0.009777, rho=0.056796\n", - "2019-01-31 00:26:17,245 : INFO : PROGRESS: pass 0, at document #622000/4922894\n", - "2019-01-31 00:26:18,664 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:26:18,930 : INFO : topic #40 (0.020): 0.089*\"unit\" + 0.027*\"collector\" + 0.023*\"schuster\" + 0.021*\"institut\" + 0.018*\"requir\" + 0.018*\"student\" + 0.015*\"professor\" + 0.012*\"degre\" + 0.012*\"governor\" + 0.012*\"word\"\n", - "2019-01-31 00:26:18,931 : INFO : topic #19 (0.020): 0.013*\"languag\" + 0.010*\"origin\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.008*\"mean\" + 0.008*\"uruguayan\" + 0.007*\"like\" + 0.007*\"centuri\" + 0.007*\"god\" + 0.006*\"charact\"\n", - "2019-01-31 00:26:18,932 : INFO : topic #28 (0.020): 0.030*\"build\" + 0.025*\"hous\" + 0.020*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.011*\"constitut\" + 0.011*\"strategist\" + 0.010*\"rosenwald\" + 0.010*\"depress\" + 0.009*\"briarwood\"\n", - "2019-01-31 00:26:18,934 : INFO : topic #27 (0.020): 0.068*\"questionnair\" + 0.019*\"taxpay\" + 0.016*\"ret\" + 0.015*\"candid\" + 0.014*\"tornado\" + 0.013*\"squatter\" + 0.012*\"driver\" + 0.012*\"horac\" + 0.011*\"fool\" + 0.011*\"find\"\n", - "2019-01-31 00:26:18,935 : INFO : topic #11 (0.020): 0.027*\"john\" + 0.015*\"will\" + 0.013*\"jame\" + 0.012*\"david\" + 0.011*\"rival\" + 0.010*\"georg\" + 0.009*\"slur\" + 0.009*\"mexican–american\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:26:18,941 : INFO : topic diff=0.008711, rho=0.056705\n", - "2019-01-31 00:26:19,100 : INFO : PROGRESS: pass 0, at document #624000/4922894\n", - "2019-01-31 00:26:20,566 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:26:20,832 : INFO : topic #29 (0.020): 0.010*\"start\" + 0.010*\"govern\" + 0.009*\"million\" + 0.008*\"yawn\" + 0.007*\"countri\" + 0.007*\"bank\" + 0.007*\"function\" + 0.006*\"trace\" + 0.006*\"replac\" + 0.006*\"placement\"\n", - "2019-01-31 00:26:20,833 : INFO : topic #37 (0.020): 0.010*\"love\" + 0.008*\"gestur\" + 0.008*\"man\" + 0.005*\"blue\" + 0.005*\"bewild\" + 0.005*\"litig\" + 0.004*\"night\" + 0.004*\"ladi\" + 0.003*\"york\" + 0.003*\"healthcar\"\n", - "2019-01-31 00:26:20,834 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.040*\"arsen\" + 0.038*\"line\" + 0.032*\"raid\" + 0.029*\"museo\" + 0.021*\"traceabl\" + 0.017*\"serv\" + 0.015*\"pain\" + 0.014*\"exhaust\" + 0.013*\"artist\"\n", - "2019-01-31 00:26:20,836 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.015*\"yawn\" + 0.015*\"margin\" + 0.013*\"bone\" + 0.012*\"faster\" + 0.012*\"life\" + 0.012*\"daughter\" + 0.011*\"john\"\n", - "2019-01-31 00:26:20,837 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.012*\"develop\" + 0.011*\"organ\" + 0.010*\"word\" + 0.009*\"commun\" + 0.009*\"cultur\" + 0.008*\"human\" + 0.008*\"group\" + 0.008*\"peopl\" + 0.007*\"student\"\n", - "2019-01-31 00:26:20,843 : INFO : topic diff=0.011849, rho=0.056614\n", - "2019-01-31 00:26:21,001 : INFO : PROGRESS: pass 0, at document #626000/4922894\n", - "2019-01-31 00:26:22,437 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:26:22,703 : INFO : topic #49 (0.020): 0.040*\"india\" + 0.028*\"incumb\" + 0.015*\"islam\" + 0.012*\"televis\" + 0.011*\"pakistan\" + 0.011*\"alam\" + 0.011*\"muskoge\" + 0.011*\"khalsa\" + 0.010*\"start\" + 0.009*\"singh\"\n", - "2019-01-31 00:26:22,704 : INFO : topic #5 (0.020): 0.040*\"abroad\" + 0.028*\"son\" + 0.028*\"rel\" + 0.025*\"reconstruct\" + 0.022*\"band\" + 0.018*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:26:22,705 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.026*\"factor\" + 0.023*\"adulthood\" + 0.019*\"feel\" + 0.016*\"hostil\" + 0.016*\"male\" + 0.012*\"live\" + 0.011*\"plaisir\" + 0.010*\"yawn\" + 0.009*\"genu\"\n", - "2019-01-31 00:26:22,707 : INFO : topic #9 (0.020): 0.071*\"bone\" + 0.042*\"american\" + 0.028*\"valour\" + 0.020*\"dutch\" + 0.018*\"polit\" + 0.017*\"player\" + 0.016*\"folei\" + 0.016*\"english\" + 0.011*\"netherland\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:26:22,708 : INFO : topic #3 (0.020): 0.039*\"present\" + 0.029*\"offic\" + 0.028*\"minist\" + 0.021*\"member\" + 0.020*\"gener\" + 0.019*\"seri\" + 0.017*\"govern\" + 0.016*\"chickasaw\" + 0.015*\"serv\" + 0.015*\"nation\"\n", - "2019-01-31 00:26:22,713 : INFO : topic diff=0.009073, rho=0.056523\n", - "2019-01-31 00:26:22,871 : INFO : PROGRESS: pass 0, at document #628000/4922894\n", - "2019-01-31 00:26:24,315 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:26:24,581 : INFO : topic #38 (0.020): 0.021*\"walter\" + 0.011*\"aza\" + 0.010*\"king\" + 0.009*\"battalion\" + 0.009*\"teufel\" + 0.009*\"empath\" + 0.008*\"till\" + 0.008*\"centuri\" + 0.008*\"forc\" + 0.007*\"armi\"\n", - "2019-01-31 00:26:24,583 : INFO : topic #14 (0.020): 0.023*\"forc\" + 0.021*\"walter\" + 0.021*\"armi\" + 0.018*\"aggress\" + 0.016*\"com\" + 0.016*\"oper\" + 0.012*\"unionist\" + 0.012*\"militari\" + 0.011*\"airbu\" + 0.010*\"refut\"\n", - "2019-01-31 00:26:24,584 : INFO : topic #17 (0.020): 0.073*\"church\" + 0.023*\"cathol\" + 0.022*\"christian\" + 0.017*\"bishop\" + 0.016*\"retroflex\" + 0.014*\"sail\" + 0.012*\"centuri\" + 0.009*\"historiographi\" + 0.009*\"italian\" + 0.008*\"poll\"\n", - "2019-01-31 00:26:24,585 : INFO : topic #21 (0.020): 0.038*\"samford\" + 0.021*\"spain\" + 0.020*\"del\" + 0.017*\"mexico\" + 0.013*\"soviet\" + 0.012*\"francisco\" + 0.011*\"juan\" + 0.011*\"lizard\" + 0.011*\"santa\" + 0.011*\"josé\"\n", - "2019-01-31 00:26:24,586 : INFO : topic #44 (0.020): 0.033*\"rooftop\" + 0.028*\"final\" + 0.023*\"wife\" + 0.022*\"tourist\" + 0.017*\"champion\" + 0.015*\"taxpay\" + 0.015*\"chamber\" + 0.015*\"tiepolo\" + 0.014*\"martin\" + 0.012*\"open\"\n", - "2019-01-31 00:26:24,592 : INFO : topic diff=0.011036, rho=0.056433\n", - "2019-01-31 00:26:24,748 : INFO : PROGRESS: pass 0, at document #630000/4922894\n", - "2019-01-31 00:26:26,155 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:26:26,421 : INFO : topic #28 (0.020): 0.030*\"build\" + 0.025*\"hous\" + 0.020*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.011*\"constitut\" + 0.011*\"strategist\" + 0.010*\"rosenwald\" + 0.010*\"depress\" + 0.009*\"silicon\"\n", - "2019-01-31 00:26:26,422 : INFO : topic #19 (0.020): 0.013*\"languag\" + 0.010*\"origin\" + 0.010*\"woodcut\" + 0.010*\"form\" + 0.008*\"mean\" + 0.008*\"uruguayan\" + 0.007*\"centuri\" + 0.007*\"like\" + 0.006*\"god\" + 0.006*\"dynam\"\n", - "2019-01-31 00:26:26,424 : INFO : topic #5 (0.020): 0.040*\"abroad\" + 0.029*\"son\" + 0.028*\"rel\" + 0.025*\"reconstruct\" + 0.022*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:26:26,425 : INFO : topic #21 (0.020): 0.038*\"samford\" + 0.021*\"spain\" + 0.020*\"del\" + 0.017*\"mexico\" + 0.013*\"soviet\" + 0.012*\"francisco\" + 0.011*\"juan\" + 0.011*\"santa\" + 0.011*\"lizard\" + 0.011*\"carlo\"\n", - "2019-01-31 00:26:26,427 : INFO : topic #23 (0.020): 0.139*\"audit\" + 0.067*\"best\" + 0.037*\"yawn\" + 0.033*\"jacksonvil\" + 0.024*\"japanes\" + 0.021*\"noll\" + 0.019*\"women\" + 0.018*\"festiv\" + 0.017*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 00:26:26,432 : INFO : topic diff=0.009004, rho=0.056344\n", - "2019-01-31 00:26:26,588 : INFO : PROGRESS: pass 0, at document #632000/4922894\n", - "2019-01-31 00:26:28,022 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:26:28,289 : INFO : topic #29 (0.020): 0.010*\"start\" + 0.010*\"govern\" + 0.009*\"million\" + 0.008*\"yawn\" + 0.007*\"bank\" + 0.007*\"countri\" + 0.007*\"function\" + 0.006*\"replac\" + 0.006*\"trace\" + 0.006*\"théori\"\n", - "2019-01-31 00:26:28,290 : INFO : topic #46 (0.020): 0.022*\"stop\" + 0.015*\"norwegian\" + 0.015*\"sweden\" + 0.015*\"norwai\" + 0.014*\"damag\" + 0.014*\"swedish\" + 0.014*\"wind\" + 0.013*\"treeless\" + 0.011*\"farid\" + 0.010*\"danish\"\n", - "2019-01-31 00:26:28,292 : INFO : topic #25 (0.020): 0.029*\"ring\" + 0.019*\"warmth\" + 0.017*\"lagrang\" + 0.015*\"area\" + 0.014*\"mount\" + 0.009*\"palmer\" + 0.008*\"foam\" + 0.008*\"north\" + 0.008*\"lobe\" + 0.008*\"land\"\n", - "2019-01-31 00:26:28,293 : INFO : topic #41 (0.020): 0.046*\"citi\" + 0.036*\"new\" + 0.023*\"palmer\" + 0.020*\"year\" + 0.017*\"center\" + 0.015*\"strategist\" + 0.012*\"open\" + 0.010*\"includ\" + 0.009*\"lobe\" + 0.008*\"highli\"\n", - "2019-01-31 00:26:28,294 : INFO : topic #28 (0.020): 0.030*\"build\" + 0.025*\"hous\" + 0.020*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.011*\"constitut\" + 0.011*\"strategist\" + 0.010*\"rosenwald\" + 0.010*\"depress\" + 0.010*\"briarwood\"\n", - "2019-01-31 00:26:28,300 : INFO : topic diff=0.009596, rho=0.056254\n", - "2019-01-31 00:26:28,454 : INFO : PROGRESS: pass 0, at document #634000/4922894\n", - "2019-01-31 00:26:29,858 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:26:30,125 : INFO : topic #44 (0.020): 0.034*\"rooftop\" + 0.028*\"final\" + 0.024*\"wife\" + 0.022*\"tourist\" + 0.016*\"champion\" + 0.015*\"taxpay\" + 0.015*\"chamber\" + 0.014*\"tiepolo\" + 0.013*\"martin\" + 0.012*\"open\"\n", - "2019-01-31 00:26:30,126 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"théori\" + 0.007*\"exampl\" + 0.007*\"southern\" + 0.006*\"gener\" + 0.006*\"servitud\" + 0.006*\"poet\" + 0.005*\"mode\" + 0.005*\"differ\"\n", - "2019-01-31 00:26:30,127 : INFO : topic #41 (0.020): 0.046*\"citi\" + 0.036*\"new\" + 0.023*\"palmer\" + 0.020*\"year\" + 0.017*\"center\" + 0.015*\"strategist\" + 0.012*\"open\" + 0.010*\"includ\" + 0.009*\"lobe\" + 0.008*\"hot\"\n", - "2019-01-31 00:26:30,128 : INFO : topic #32 (0.020): 0.055*\"district\" + 0.045*\"vigour\" + 0.042*\"popolo\" + 0.041*\"tortur\" + 0.029*\"cotton\" + 0.029*\"regim\" + 0.027*\"area\" + 0.026*\"multitud\" + 0.022*\"citi\" + 0.019*\"commun\"\n", - "2019-01-31 00:26:30,130 : INFO : topic #23 (0.020): 0.138*\"audit\" + 0.068*\"best\" + 0.037*\"yawn\" + 0.034*\"jacksonvil\" + 0.024*\"japanes\" + 0.020*\"noll\" + 0.019*\"women\" + 0.018*\"festiv\" + 0.017*\"intern\" + 0.016*\"prison\"\n", - "2019-01-31 00:26:30,135 : INFO : topic diff=0.009048, rho=0.056166\n", - "2019-01-31 00:26:30,289 : INFO : PROGRESS: pass 0, at document #636000/4922894\n", - "2019-01-31 00:26:31,715 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:26:31,981 : INFO : topic #35 (0.020): 0.054*\"russia\" + 0.030*\"rural\" + 0.029*\"sovereignti\" + 0.027*\"personifi\" + 0.026*\"poison\" + 0.024*\"reprint\" + 0.019*\"moscow\" + 0.017*\"turin\" + 0.017*\"poland\" + 0.014*\"unfortun\"\n", - "2019-01-31 00:26:31,982 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.036*\"publicis\" + 0.023*\"word\" + 0.016*\"new\" + 0.015*\"edit\" + 0.013*\"presid\" + 0.013*\"storag\" + 0.011*\"nicola\" + 0.011*\"worldwid\" + 0.011*\"author\"\n", - "2019-01-31 00:26:31,983 : INFO : topic #32 (0.020): 0.055*\"district\" + 0.045*\"vigour\" + 0.042*\"popolo\" + 0.041*\"tortur\" + 0.029*\"regim\" + 0.029*\"cotton\" + 0.028*\"area\" + 0.026*\"multitud\" + 0.022*\"citi\" + 0.019*\"commun\"\n", - "2019-01-31 00:26:31,984 : INFO : topic #6 (0.020): 0.067*\"fewer\" + 0.025*\"septemb\" + 0.022*\"epiru\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.012*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"produc\" + 0.010*\"direct\" + 0.010*\"movi\"\n", - "2019-01-31 00:26:31,986 : INFO : topic #27 (0.020): 0.068*\"questionnair\" + 0.019*\"taxpay\" + 0.015*\"candid\" + 0.015*\"ret\" + 0.014*\"squatter\" + 0.014*\"tornado\" + 0.012*\"fool\" + 0.012*\"find\" + 0.012*\"driver\" + 0.010*\"champion\"\n", - "2019-01-31 00:26:31,992 : INFO : topic diff=0.010206, rho=0.056077\n", - "2019-01-31 00:26:32,206 : INFO : PROGRESS: pass 0, at document #638000/4922894\n", - "2019-01-31 00:26:33,661 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:26:33,926 : INFO : topic #41 (0.020): 0.045*\"citi\" + 0.035*\"new\" + 0.022*\"palmer\" + 0.020*\"year\" + 0.017*\"center\" + 0.015*\"strategist\" + 0.012*\"open\" + 0.010*\"includ\" + 0.009*\"lobe\" + 0.008*\"hot\"\n", - "2019-01-31 00:26:33,927 : INFO : topic #2 (0.020): 0.046*\"isl\" + 0.036*\"shield\" + 0.019*\"narrat\" + 0.014*\"scot\" + 0.013*\"blur\" + 0.013*\"pope\" + 0.010*\"nativist\" + 0.010*\"coalit\" + 0.009*\"crew\" + 0.009*\"class\"\n", - "2019-01-31 00:26:33,928 : INFO : topic #13 (0.020): 0.027*\"australia\" + 0.026*\"sourc\" + 0.026*\"new\" + 0.024*\"london\" + 0.024*\"england\" + 0.022*\"australian\" + 0.021*\"ireland\" + 0.021*\"british\" + 0.016*\"youth\" + 0.015*\"wale\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:26:33,930 : INFO : topic #8 (0.020): 0.028*\"law\" + 0.026*\"cortic\" + 0.020*\"act\" + 0.017*\"start\" + 0.017*\"ricardo\" + 0.014*\"case\" + 0.009*\"polaris\" + 0.009*\"legal\" + 0.008*\"judaism\" + 0.007*\"justic\"\n", - "2019-01-31 00:26:33,931 : INFO : topic #6 (0.020): 0.068*\"fewer\" + 0.025*\"septemb\" + 0.022*\"epiru\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.012*\"proclaim\" + 0.012*\"rodríguez\" + 0.010*\"produc\" + 0.010*\"direct\" + 0.010*\"movi\"\n", - "2019-01-31 00:26:33,937 : INFO : topic diff=0.010140, rho=0.055989\n", - "2019-01-31 00:26:36,710 : INFO : -11.903 per-word bound, 3828.9 perplexity estimate based on a held-out corpus of 2000 documents with 575834 words\n", - "2019-01-31 00:26:36,710 : INFO : PROGRESS: pass 0, at document #640000/4922894\n", - "2019-01-31 00:26:38,151 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:26:38,418 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.067*\"best\" + 0.036*\"yawn\" + 0.033*\"jacksonvil\" + 0.026*\"japanes\" + 0.021*\"noll\" + 0.019*\"women\" + 0.019*\"festiv\" + 0.018*\"intern\" + 0.015*\"prison\"\n", - "2019-01-31 00:26:38,419 : INFO : topic #6 (0.020): 0.068*\"fewer\" + 0.025*\"septemb\" + 0.022*\"epiru\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"produc\" + 0.010*\"direct\" + 0.010*\"movi\"\n", - "2019-01-31 00:26:38,420 : INFO : topic #37 (0.020): 0.010*\"love\" + 0.008*\"gestur\" + 0.008*\"man\" + 0.005*\"blue\" + 0.005*\"bewild\" + 0.004*\"litig\" + 0.004*\"night\" + 0.004*\"ladi\" + 0.003*\"york\" + 0.003*\"dramatist\"\n", - "2019-01-31 00:26:38,421 : INFO : topic #41 (0.020): 0.045*\"citi\" + 0.035*\"new\" + 0.022*\"palmer\" + 0.020*\"year\" + 0.017*\"center\" + 0.015*\"strategist\" + 0.012*\"open\" + 0.010*\"includ\" + 0.010*\"lobe\" + 0.008*\"highli\"\n", - "2019-01-31 00:26:38,422 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.012*\"develop\" + 0.011*\"organ\" + 0.010*\"commun\" + 0.010*\"word\" + 0.009*\"cultur\" + 0.008*\"human\" + 0.008*\"group\" + 0.008*\"peopl\" + 0.007*\"student\"\n", - "2019-01-31 00:26:38,428 : INFO : topic diff=0.010132, rho=0.055902\n", - "2019-01-31 00:26:38,587 : INFO : PROGRESS: pass 0, at document #642000/4922894\n", - "2019-01-31 00:26:40,021 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:26:40,287 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.012*\"develop\" + 0.011*\"organ\" + 0.010*\"commun\" + 0.010*\"word\" + 0.009*\"cultur\" + 0.008*\"human\" + 0.008*\"group\" + 0.008*\"peopl\" + 0.007*\"student\"\n", - "2019-01-31 00:26:40,288 : INFO : topic #6 (0.020): 0.068*\"fewer\" + 0.025*\"septemb\" + 0.022*\"epiru\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"produc\" + 0.010*\"direct\" + 0.010*\"movi\"\n", - "2019-01-31 00:26:40,289 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.055*\"parti\" + 0.024*\"voluntari\" + 0.024*\"democrat\" + 0.021*\"member\" + 0.019*\"polici\" + 0.015*\"republ\" + 0.015*\"seaport\" + 0.014*\"bypass\" + 0.014*\"liber\"\n", - "2019-01-31 00:26:40,290 : INFO : topic #29 (0.020): 0.010*\"start\" + 0.010*\"govern\" + 0.009*\"million\" + 0.008*\"yawn\" + 0.007*\"countri\" + 0.007*\"bank\" + 0.007*\"function\" + 0.006*\"trace\" + 0.006*\"replac\" + 0.006*\"new\"\n", - "2019-01-31 00:26:40,291 : INFO : topic #42 (0.020): 0.046*\"german\" + 0.027*\"germani\" + 0.015*\"jewish\" + 0.015*\"berlin\" + 0.013*\"vol\" + 0.013*\"israel\" + 0.012*\"der\" + 0.010*\"austria\" + 0.009*\"hungarian\" + 0.009*\"jeremiah\"\n", - "2019-01-31 00:26:40,297 : INFO : topic diff=0.010181, rho=0.055815\n", - "2019-01-31 00:26:40,456 : INFO : PROGRESS: pass 0, at document #644000/4922894\n", - "2019-01-31 00:26:41,904 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:26:42,174 : INFO : topic #35 (0.020): 0.053*\"russia\" + 0.031*\"rural\" + 0.028*\"sovereignti\" + 0.026*\"personifi\" + 0.026*\"reprint\" + 0.024*\"poison\" + 0.020*\"moscow\" + 0.018*\"turin\" + 0.017*\"poland\" + 0.016*\"shirin\"\n", - "2019-01-31 00:26:42,175 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.010*\"mode\" + 0.009*\"elabor\" + 0.008*\"produc\" + 0.008*\"veget\" + 0.007*\"encyclopedia\" + 0.007*\"candid\" + 0.007*\"develop\"\n", - "2019-01-31 00:26:42,176 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.025*\"factor\" + 0.022*\"adulthood\" + 0.017*\"feel\" + 0.015*\"male\" + 0.015*\"hostil\" + 0.011*\"live\" + 0.011*\"plaisir\" + 0.009*\"genu\" + 0.009*\"yawn\"\n", - "2019-01-31 00:26:42,178 : INFO : topic #1 (0.020): 0.052*\"china\" + 0.048*\"chilton\" + 0.026*\"kong\" + 0.025*\"hong\" + 0.025*\"korea\" + 0.018*\"leah\" + 0.018*\"korean\" + 0.017*\"sourc\" + 0.013*\"kim\" + 0.012*\"ashvil\"\n", - "2019-01-31 00:26:42,179 : INFO : topic #44 (0.020): 0.035*\"rooftop\" + 0.026*\"final\" + 0.024*\"wife\" + 0.021*\"tourist\" + 0.017*\"map\" + 0.016*\"champion\" + 0.015*\"taxpay\" + 0.015*\"chamber\" + 0.014*\"tiepolo\" + 0.013*\"martin\"\n", - "2019-01-31 00:26:42,184 : INFO : topic diff=0.010861, rho=0.055728\n", - "2019-01-31 00:26:42,337 : INFO : PROGRESS: pass 0, at document #646000/4922894\n", - "2019-01-31 00:26:43,745 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:26:44,011 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"utopian\" + 0.007*\"cytokin\" + 0.007*\"frontal\" + 0.007*\"exampl\" + 0.007*\"théori\" + 0.006*\"gener\" + 0.006*\"southern\" + 0.006*\"poet\" + 0.006*\"servitud\"\n", - "2019-01-31 00:26:44,013 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"disco\" + 0.007*\"caus\" + 0.007*\"media\" + 0.007*\"proper\" + 0.007*\"acid\" + 0.007*\"have\" + 0.007*\"hormon\" + 0.006*\"pathwai\" + 0.006*\"effect\"\n", - "2019-01-31 00:26:44,014 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.035*\"publicis\" + 0.023*\"word\" + 0.016*\"new\" + 0.015*\"edit\" + 0.014*\"presid\" + 0.012*\"storag\" + 0.011*\"nicola\" + 0.011*\"worldwid\" + 0.011*\"author\"\n", - "2019-01-31 00:26:44,015 : INFO : topic #28 (0.020): 0.029*\"build\" + 0.024*\"hous\" + 0.019*\"rivièr\" + 0.016*\"buford\" + 0.013*\"histor\" + 0.011*\"constitut\" + 0.011*\"rosenwald\" + 0.011*\"strategist\" + 0.010*\"briarwood\" + 0.010*\"depress\"\n", - "2019-01-31 00:26:44,016 : INFO : topic #8 (0.020): 0.029*\"law\" + 0.026*\"cortic\" + 0.020*\"ricardo\" + 0.019*\"act\" + 0.017*\"start\" + 0.013*\"case\" + 0.010*\"polaris\" + 0.009*\"legal\" + 0.008*\"justic\" + 0.008*\"judaism\"\n", - "2019-01-31 00:26:44,022 : INFO : topic diff=0.009319, rho=0.055641\n", - "2019-01-31 00:26:44,174 : INFO : PROGRESS: pass 0, at document #648000/4922894\n", - "2019-01-31 00:26:45,576 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:26:45,842 : INFO : topic #6 (0.020): 0.068*\"fewer\" + 0.025*\"septemb\" + 0.022*\"epiru\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.012*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"produc\" + 0.010*\"movi\" + 0.010*\"direct\"\n", - "2019-01-31 00:26:45,843 : INFO : topic #26 (0.020): 0.031*\"woman\" + 0.028*\"workplac\" + 0.028*\"champion\" + 0.026*\"alic\" + 0.026*\"men\" + 0.024*\"olymp\" + 0.021*\"medal\" + 0.020*\"event\" + 0.020*\"rainfal\" + 0.017*\"atheist\"\n", - "2019-01-31 00:26:45,844 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.025*\"factor\" + 0.024*\"adulthood\" + 0.017*\"feel\" + 0.015*\"male\" + 0.015*\"hostil\" + 0.011*\"plaisir\" + 0.011*\"live\" + 0.010*\"genu\" + 0.009*\"yawn\"\n", - "2019-01-31 00:26:45,846 : INFO : topic #35 (0.020): 0.055*\"russia\" + 0.030*\"rural\" + 0.029*\"sovereignti\" + 0.026*\"reprint\" + 0.025*\"personifi\" + 0.025*\"poison\" + 0.020*\"moscow\" + 0.018*\"poland\" + 0.017*\"turin\" + 0.016*\"shirin\"\n", - "2019-01-31 00:26:45,847 : INFO : topic #20 (0.020): 0.134*\"scholar\" + 0.040*\"struggl\" + 0.031*\"high\" + 0.029*\"educ\" + 0.019*\"collector\" + 0.018*\"yawn\" + 0.014*\"prognosi\" + 0.009*\"task\" + 0.009*\"gothic\" + 0.008*\"class\"\n", - "2019-01-31 00:26:45,853 : INFO : topic diff=0.010850, rho=0.055556\n", - "2019-01-31 00:26:46,012 : INFO : PROGRESS: pass 0, at document #650000/4922894\n", - "2019-01-31 00:26:47,458 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:26:47,723 : INFO : topic #6 (0.020): 0.068*\"fewer\" + 0.025*\"septemb\" + 0.022*\"epiru\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.012*\"proclaim\" + 0.012*\"rodríguez\" + 0.010*\"movi\" + 0.010*\"produc\" + 0.010*\"direct\"\n", - "2019-01-31 00:26:47,724 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.039*\"arsen\" + 0.038*\"line\" + 0.033*\"raid\" + 0.028*\"museo\" + 0.020*\"traceabl\" + 0.018*\"serv\" + 0.015*\"pain\" + 0.014*\"artist\" + 0.014*\"exhaust\"\n", - "2019-01-31 00:26:47,726 : INFO : topic #1 (0.020): 0.052*\"china\" + 0.047*\"chilton\" + 0.027*\"kong\" + 0.027*\"hong\" + 0.025*\"korea\" + 0.018*\"leah\" + 0.018*\"korean\" + 0.017*\"sourc\" + 0.014*\"kim\" + 0.012*\"ashvil\"\n", - "2019-01-31 00:26:47,727 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.012*\"develop\" + 0.011*\"organ\" + 0.010*\"commun\" + 0.010*\"word\" + 0.009*\"cultur\" + 0.008*\"group\" + 0.008*\"human\" + 0.008*\"peopl\" + 0.007*\"requir\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:26:47,728 : INFO : topic #2 (0.020): 0.046*\"isl\" + 0.037*\"shield\" + 0.019*\"narrat\" + 0.014*\"scot\" + 0.013*\"pope\" + 0.013*\"blur\" + 0.010*\"coalit\" + 0.010*\"nativist\" + 0.009*\"class\" + 0.009*\"fleet\"\n", - "2019-01-31 00:26:47,734 : INFO : topic diff=0.009731, rho=0.055470\n", - "2019-01-31 00:26:47,893 : INFO : PROGRESS: pass 0, at document #652000/4922894\n", - "2019-01-31 00:26:49,337 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:26:49,603 : INFO : topic #47 (0.020): 0.066*\"muscl\" + 0.034*\"perceptu\" + 0.022*\"theater\" + 0.020*\"compos\" + 0.017*\"place\" + 0.017*\"damn\" + 0.014*\"orchestr\" + 0.014*\"physician\" + 0.012*\"olympo\" + 0.011*\"son\"\n", - "2019-01-31 00:26:49,604 : INFO : topic #46 (0.020): 0.023*\"stop\" + 0.017*\"sweden\" + 0.016*\"norwai\" + 0.016*\"treeless\" + 0.015*\"wind\" + 0.015*\"norwegian\" + 0.015*\"swedish\" + 0.013*\"damag\" + 0.012*\"farid\" + 0.011*\"huntsvil\"\n", - "2019-01-31 00:26:49,606 : INFO : topic #18 (0.020): 0.009*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.007*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.005*\"man\" + 0.005*\"deal\" + 0.004*\"like\" + 0.004*\"help\"\n", - "2019-01-31 00:26:49,607 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.029*\"incumb\" + 0.015*\"televis\" + 0.014*\"islam\" + 0.012*\"pakistan\" + 0.011*\"muskoge\" + 0.010*\"khalsa\" + 0.010*\"start\" + 0.010*\"sri\" + 0.010*\"alam\"\n", - "2019-01-31 00:26:49,608 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.025*\"factor\" + 0.024*\"adulthood\" + 0.018*\"feel\" + 0.016*\"male\" + 0.015*\"hostil\" + 0.011*\"plaisir\" + 0.011*\"live\" + 0.009*\"genu\" + 0.009*\"yawn\"\n", - "2019-01-31 00:26:49,614 : INFO : topic diff=0.010291, rho=0.055385\n", - "2019-01-31 00:26:49,767 : INFO : PROGRESS: pass 0, at document #654000/4922894\n", - "2019-01-31 00:26:51,150 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:26:51,416 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.029*\"incumb\" + 0.014*\"televis\" + 0.014*\"islam\" + 0.013*\"pakistan\" + 0.011*\"muskoge\" + 0.011*\"sri\" + 0.010*\"khalsa\" + 0.010*\"start\" + 0.010*\"alam\"\n", - "2019-01-31 00:26:51,417 : INFO : topic #4 (0.020): 0.024*\"enfranchis\" + 0.016*\"depress\" + 0.014*\"pour\" + 0.010*\"mode\" + 0.009*\"elabor\" + 0.008*\"produc\" + 0.007*\"veget\" + 0.007*\"candid\" + 0.007*\"encyclopedia\" + 0.007*\"develop\"\n", - "2019-01-31 00:26:51,418 : INFO : topic #27 (0.020): 0.065*\"questionnair\" + 0.019*\"taxpay\" + 0.015*\"ret\" + 0.015*\"candid\" + 0.014*\"tornado\" + 0.013*\"squatter\" + 0.012*\"fool\" + 0.012*\"driver\" + 0.012*\"find\" + 0.011*\"champion\"\n", - "2019-01-31 00:26:51,419 : INFO : topic #32 (0.020): 0.055*\"district\" + 0.047*\"vigour\" + 0.043*\"tortur\" + 0.042*\"popolo\" + 0.029*\"cotton\" + 0.027*\"regim\" + 0.027*\"area\" + 0.025*\"multitud\" + 0.023*\"citi\" + 0.019*\"prosper\"\n", - "2019-01-31 00:26:51,421 : INFO : topic #41 (0.020): 0.045*\"citi\" + 0.034*\"new\" + 0.022*\"palmer\" + 0.019*\"year\" + 0.016*\"center\" + 0.015*\"strategist\" + 0.012*\"open\" + 0.010*\"includ\" + 0.010*\"lobe\" + 0.008*\"highli\"\n", - "2019-01-31 00:26:51,426 : INFO : topic diff=0.009358, rho=0.055300\n", - "2019-01-31 00:26:51,586 : INFO : PROGRESS: pass 0, at document #656000/4922894\n", - "2019-01-31 00:26:53,025 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:26:53,291 : INFO : topic #48 (0.020): 0.079*\"march\" + 0.077*\"sens\" + 0.076*\"octob\" + 0.071*\"juli\" + 0.070*\"januari\" + 0.069*\"notion\" + 0.068*\"august\" + 0.067*\"april\" + 0.066*\"decatur\" + 0.065*\"judici\"\n", - "2019-01-31 00:26:53,292 : INFO : topic #0 (0.020): 0.069*\"statewid\" + 0.037*\"line\" + 0.037*\"arsen\" + 0.034*\"raid\" + 0.027*\"museo\" + 0.020*\"traceabl\" + 0.019*\"serv\" + 0.015*\"pain\" + 0.014*\"artist\" + 0.013*\"exhaust\"\n", - "2019-01-31 00:26:53,293 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.066*\"best\" + 0.037*\"yawn\" + 0.032*\"jacksonvil\" + 0.025*\"japanes\" + 0.021*\"noll\" + 0.020*\"women\" + 0.019*\"festiv\" + 0.018*\"intern\" + 0.015*\"prison\"\n", - "2019-01-31 00:26:53,294 : INFO : topic #41 (0.020): 0.046*\"citi\" + 0.034*\"new\" + 0.022*\"palmer\" + 0.019*\"year\" + 0.016*\"center\" + 0.015*\"strategist\" + 0.012*\"open\" + 0.010*\"includ\" + 0.010*\"lobe\" + 0.008*\"highli\"\n", - "2019-01-31 00:26:53,295 : INFO : topic #36 (0.020): 0.019*\"companhia\" + 0.011*\"network\" + 0.010*\"prognosi\" + 0.009*\"develop\" + 0.009*\"pop\" + 0.009*\"serv\" + 0.008*\"includ\" + 0.008*\"oper\" + 0.007*\"user\" + 0.007*\"base\"\n", - "2019-01-31 00:26:53,301 : INFO : topic diff=0.010270, rho=0.055216\n", - "2019-01-31 00:26:53,460 : INFO : PROGRESS: pass 0, at document #658000/4922894\n", - "2019-01-31 00:26:54,879 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:26:55,145 : INFO : topic #9 (0.020): 0.070*\"bone\" + 0.044*\"american\" + 0.028*\"valour\" + 0.019*\"dutch\" + 0.018*\"folei\" + 0.017*\"player\" + 0.017*\"polit\" + 0.017*\"english\" + 0.012*\"acrimoni\" + 0.010*\"simpler\"\n", - "2019-01-31 00:26:55,147 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.030*\"incumb\" + 0.014*\"televis\" + 0.013*\"islam\" + 0.012*\"pakistan\" + 0.011*\"muskoge\" + 0.011*\"sri\" + 0.010*\"khalsa\" + 0.010*\"start\" + 0.010*\"alam\"\n", - "2019-01-31 00:26:55,148 : INFO : topic #36 (0.020): 0.019*\"companhia\" + 0.011*\"network\" + 0.010*\"develop\" + 0.009*\"prognosi\" + 0.009*\"pop\" + 0.008*\"serv\" + 0.008*\"includ\" + 0.008*\"oper\" + 0.007*\"base\" + 0.007*\"user\"\n", - "2019-01-31 00:26:55,149 : INFO : topic #14 (0.020): 0.023*\"forc\" + 0.022*\"aggress\" + 0.020*\"walter\" + 0.019*\"armi\" + 0.017*\"oper\" + 0.016*\"com\" + 0.013*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.010*\"diversifi\"\n", - "2019-01-31 00:26:55,150 : INFO : topic #39 (0.020): 0.039*\"canada\" + 0.031*\"canadian\" + 0.019*\"scientist\" + 0.018*\"taxpay\" + 0.017*\"hoar\" + 0.017*\"toronto\" + 0.016*\"basketbal\" + 0.014*\"confer\" + 0.014*\"ontario\" + 0.011*\"new\"\n", - "2019-01-31 00:26:55,156 : INFO : topic diff=0.010948, rho=0.055132\n", - "2019-01-31 00:26:57,954 : INFO : -11.596 per-word bound, 3096.3 perplexity estimate based on a held-out corpus of 2000 documents with 573499 words\n", - "2019-01-31 00:26:57,955 : INFO : PROGRESS: pass 0, at document #660000/4922894\n", - "2019-01-31 00:26:59,409 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:26:59,675 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.030*\"incumb\" + 0.013*\"televis\" + 0.013*\"islam\" + 0.012*\"pakistan\" + 0.011*\"muskoge\" + 0.011*\"khalsa\" + 0.011*\"start\" + 0.010*\"sri\" + 0.010*\"alam\"\n", - "2019-01-31 00:26:59,676 : INFO : topic #48 (0.020): 0.078*\"march\" + 0.076*\"sens\" + 0.075*\"octob\" + 0.070*\"juli\" + 0.069*\"januari\" + 0.069*\"august\" + 0.067*\"notion\" + 0.065*\"decatur\" + 0.065*\"april\" + 0.064*\"judici\"\n", - "2019-01-31 00:26:59,677 : INFO : topic #37 (0.020): 0.010*\"love\" + 0.008*\"gestur\" + 0.007*\"man\" + 0.005*\"blue\" + 0.005*\"bewild\" + 0.004*\"night\" + 0.004*\"litig\" + 0.004*\"admit\" + 0.003*\"ladi\" + 0.003*\"dramatist\"\n", - "2019-01-31 00:26:59,679 : INFO : topic #20 (0.020): 0.131*\"scholar\" + 0.039*\"struggl\" + 0.030*\"high\" + 0.029*\"educ\" + 0.019*\"collector\" + 0.018*\"yawn\" + 0.014*\"prognosi\" + 0.009*\"gothic\" + 0.009*\"task\" + 0.008*\"class\"\n", - "2019-01-31 00:26:59,680 : INFO : topic #29 (0.020): 0.010*\"govern\" + 0.010*\"start\" + 0.009*\"million\" + 0.008*\"yawn\" + 0.007*\"countri\" + 0.007*\"function\" + 0.006*\"bank\" + 0.006*\"trace\" + 0.006*\"replac\" + 0.006*\"companhia\"\n", - "2019-01-31 00:26:59,686 : INFO : topic diff=0.010013, rho=0.055048\n", - "2019-01-31 00:26:59,840 : INFO : PROGRESS: pass 0, at document #662000/4922894\n", - "2019-01-31 00:27:01,251 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:27:01,517 : INFO : topic #8 (0.020): 0.029*\"law\" + 0.024*\"cortic\" + 0.019*\"ricardo\" + 0.018*\"act\" + 0.017*\"start\" + 0.013*\"case\" + 0.010*\"polaris\" + 0.009*\"legal\" + 0.008*\"justic\" + 0.007*\"judaism\"\n", - "2019-01-31 00:27:01,518 : INFO : topic #13 (0.020): 0.027*\"australia\" + 0.026*\"new\" + 0.025*\"sourc\" + 0.024*\"london\" + 0.022*\"australian\" + 0.022*\"england\" + 0.022*\"british\" + 0.019*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:27:01,519 : INFO : topic #19 (0.020): 0.014*\"languag\" + 0.010*\"woodcut\" + 0.010*\"form\" + 0.010*\"origin\" + 0.008*\"mean\" + 0.007*\"uruguayan\" + 0.007*\"centuri\" + 0.007*\"like\" + 0.007*\"god\" + 0.007*\"english\"\n", - "2019-01-31 00:27:01,521 : INFO : topic #25 (0.020): 0.031*\"ring\" + 0.019*\"warmth\" + 0.017*\"lagrang\" + 0.016*\"area\" + 0.014*\"mount\" + 0.011*\"foam\" + 0.009*\"palmer\" + 0.008*\"vacant\" + 0.008*\"north\" + 0.008*\"lobe\"\n", - "2019-01-31 00:27:01,521 : INFO : topic #0 (0.020): 0.069*\"statewid\" + 0.038*\"line\" + 0.037*\"arsen\" + 0.035*\"raid\" + 0.027*\"museo\" + 0.020*\"traceabl\" + 0.019*\"serv\" + 0.015*\"pain\" + 0.013*\"artist\" + 0.013*\"exhaust\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:27:01,527 : INFO : topic diff=0.009242, rho=0.054965\n", - "2019-01-31 00:27:01,689 : INFO : PROGRESS: pass 0, at document #664000/4922894\n", - "2019-01-31 00:27:03,160 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:27:03,430 : INFO : topic #4 (0.020): 0.025*\"enfranchis\" + 0.016*\"depress\" + 0.015*\"pour\" + 0.010*\"mode\" + 0.010*\"elabor\" + 0.008*\"veget\" + 0.008*\"produc\" + 0.008*\"candid\" + 0.007*\"encyclopedia\" + 0.007*\"develop\"\n", - "2019-01-31 00:27:03,431 : INFO : topic #23 (0.020): 0.139*\"audit\" + 0.067*\"best\" + 0.036*\"yawn\" + 0.032*\"jacksonvil\" + 0.024*\"japanes\" + 0.020*\"noll\" + 0.020*\"women\" + 0.019*\"festiv\" + 0.018*\"intern\" + 0.015*\"prison\"\n", - "2019-01-31 00:27:03,432 : INFO : topic #48 (0.020): 0.077*\"march\" + 0.076*\"sens\" + 0.075*\"octob\" + 0.068*\"juli\" + 0.068*\"januari\" + 0.067*\"august\" + 0.066*\"notion\" + 0.066*\"decatur\" + 0.064*\"april\" + 0.063*\"judici\"\n", - "2019-01-31 00:27:03,434 : INFO : topic #11 (0.020): 0.027*\"john\" + 0.015*\"will\" + 0.013*\"jame\" + 0.012*\"david\" + 0.012*\"rival\" + 0.010*\"mexican–american\" + 0.009*\"georg\" + 0.009*\"slur\" + 0.008*\"rhyme\" + 0.008*\"paul\"\n", - "2019-01-31 00:27:03,435 : INFO : topic #44 (0.020): 0.034*\"rooftop\" + 0.028*\"final\" + 0.023*\"wife\" + 0.021*\"tourist\" + 0.017*\"champion\" + 0.016*\"taxpay\" + 0.015*\"chamber\" + 0.014*\"tiepolo\" + 0.013*\"map\" + 0.013*\"martin\"\n", - "2019-01-31 00:27:03,440 : INFO : topic diff=0.011357, rho=0.054882\n", - "2019-01-31 00:27:03,597 : INFO : PROGRESS: pass 0, at document #666000/4922894\n", - "2019-01-31 00:27:05,022 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:27:05,288 : INFO : topic #42 (0.020): 0.046*\"german\" + 0.029*\"germani\" + 0.014*\"jewish\" + 0.013*\"berlin\" + 0.013*\"vol\" + 0.013*\"der\" + 0.012*\"israel\" + 0.008*\"austria\" + 0.008*\"jeremiah\" + 0.008*\"hungarian\"\n", - "2019-01-31 00:27:05,289 : INFO : topic #29 (0.020): 0.010*\"govern\" + 0.010*\"start\" + 0.009*\"million\" + 0.008*\"yawn\" + 0.007*\"countri\" + 0.007*\"function\" + 0.006*\"bank\" + 0.006*\"trace\" + 0.006*\"companhia\" + 0.006*\"replac\"\n", - "2019-01-31 00:27:05,290 : INFO : topic #35 (0.020): 0.055*\"russia\" + 0.031*\"sovereignti\" + 0.030*\"rural\" + 0.028*\"reprint\" + 0.025*\"poison\" + 0.023*\"personifi\" + 0.019*\"poland\" + 0.018*\"moscow\" + 0.015*\"czech\" + 0.015*\"turin\"\n", - "2019-01-31 00:27:05,291 : INFO : topic #43 (0.020): 0.061*\"elect\" + 0.055*\"parti\" + 0.026*\"democrat\" + 0.024*\"voluntari\" + 0.023*\"republ\" + 0.020*\"member\" + 0.018*\"polici\" + 0.015*\"liber\" + 0.014*\"bypass\" + 0.013*\"seaport\"\n", - "2019-01-31 00:27:05,292 : INFO : topic #39 (0.020): 0.038*\"canada\" + 0.031*\"canadian\" + 0.019*\"scientist\" + 0.018*\"taxpay\" + 0.017*\"hoar\" + 0.017*\"toronto\" + 0.015*\"basketbal\" + 0.014*\"ontario\" + 0.013*\"confer\" + 0.011*\"new\"\n", - "2019-01-31 00:27:05,298 : INFO : topic diff=0.009918, rho=0.054800\n", - "2019-01-31 00:27:05,454 : INFO : PROGRESS: pass 0, at document #668000/4922894\n", - "2019-01-31 00:27:06,887 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:27:07,153 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.032*\"incumb\" + 0.013*\"pakistan\" + 0.013*\"islam\" + 0.013*\"televis\" + 0.012*\"muskoge\" + 0.011*\"start\" + 0.011*\"khalsa\" + 0.011*\"alam\" + 0.010*\"sri\"\n", - "2019-01-31 00:27:07,155 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.020*\"di\" + 0.017*\"factor\" + 0.015*\"yawn\" + 0.015*\"margin\" + 0.013*\"bone\" + 0.012*\"life\" + 0.012*\"faster\" + 0.011*\"daughter\" + 0.011*\"john\"\n", - "2019-01-31 00:27:07,156 : INFO : topic #25 (0.020): 0.034*\"ring\" + 0.019*\"warmth\" + 0.017*\"lagrang\" + 0.016*\"area\" + 0.014*\"mount\" + 0.011*\"foam\" + 0.009*\"palmer\" + 0.008*\"vacant\" + 0.008*\"north\" + 0.008*\"lobe\"\n", - "2019-01-31 00:27:07,157 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"rel\" + 0.028*\"son\" + 0.025*\"reconstruct\" + 0.022*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:27:07,158 : INFO : topic #4 (0.020): 0.024*\"enfranchis\" + 0.015*\"depress\" + 0.015*\"pour\" + 0.010*\"mode\" + 0.010*\"elabor\" + 0.008*\"veget\" + 0.008*\"encyclopedia\" + 0.008*\"produc\" + 0.008*\"candid\" + 0.007*\"develop\"\n", - "2019-01-31 00:27:07,164 : INFO : topic diff=0.009477, rho=0.054718\n", - "2019-01-31 00:27:07,373 : INFO : PROGRESS: pass 0, at document #670000/4922894\n", - "2019-01-31 00:27:08,800 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:27:09,067 : INFO : topic #46 (0.020): 0.022*\"stop\" + 0.017*\"sweden\" + 0.015*\"wind\" + 0.015*\"treeless\" + 0.015*\"norwai\" + 0.015*\"damag\" + 0.015*\"swedish\" + 0.014*\"norwegian\" + 0.012*\"huntsvil\" + 0.012*\"iceland\"\n", - "2019-01-31 00:27:09,068 : INFO : topic #24 (0.020): 0.040*\"book\" + 0.035*\"publicis\" + 0.023*\"word\" + 0.016*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"storag\" + 0.012*\"nicola\" + 0.011*\"worldwid\" + 0.011*\"author\"\n", - "2019-01-31 00:27:09,069 : INFO : topic #30 (0.020): 0.037*\"leagu\" + 0.034*\"cleveland\" + 0.030*\"place\" + 0.026*\"taxpay\" + 0.025*\"scientist\" + 0.023*\"crete\" + 0.022*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"diversifi\"\n", - "2019-01-31 00:27:09,071 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.043*\"franc\" + 0.030*\"pari\" + 0.023*\"jean\" + 0.023*\"sail\" + 0.016*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.009*\"focal\"\n", - "2019-01-31 00:27:09,072 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.011*\"develop\" + 0.011*\"organ\" + 0.010*\"word\" + 0.010*\"commun\" + 0.009*\"cultur\" + 0.008*\"group\" + 0.008*\"human\" + 0.008*\"peopl\" + 0.007*\"student\"\n", - "2019-01-31 00:27:09,078 : INFO : topic diff=0.009115, rho=0.054636\n", - "2019-01-31 00:27:09,235 : INFO : PROGRESS: pass 0, at document #672000/4922894\n", - "2019-01-31 00:27:10,652 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:27:10,921 : INFO : topic #39 (0.020): 0.037*\"canada\" + 0.031*\"canadian\" + 0.018*\"scientist\" + 0.018*\"taxpay\" + 0.016*\"hoar\" + 0.016*\"toronto\" + 0.015*\"basketbal\" + 0.014*\"ontario\" + 0.013*\"confer\" + 0.011*\"new\"\n", - "2019-01-31 00:27:10,922 : INFO : topic #14 (0.020): 0.023*\"forc\" + 0.021*\"aggress\" + 0.020*\"armi\" + 0.020*\"walter\" + 0.016*\"com\" + 0.015*\"oper\" + 0.012*\"unionist\" + 0.012*\"airbu\" + 0.012*\"militari\" + 0.010*\"diversifi\"\n", - "2019-01-31 00:27:10,923 : INFO : topic #47 (0.020): 0.067*\"muscl\" + 0.034*\"perceptu\" + 0.021*\"theater\" + 0.020*\"compos\" + 0.018*\"place\" + 0.016*\"damn\" + 0.014*\"physician\" + 0.013*\"orchestr\" + 0.013*\"olympo\" + 0.012*\"word\"\n", - "2019-01-31 00:27:10,924 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.032*\"incumb\" + 0.014*\"pakistan\" + 0.013*\"islam\" + 0.013*\"televis\" + 0.011*\"muskoge\" + 0.011*\"alam\" + 0.011*\"start\" + 0.011*\"khalsa\" + 0.010*\"sri\"\n", - "2019-01-31 00:27:10,926 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.020*\"di\" + 0.017*\"factor\" + 0.015*\"yawn\" + 0.015*\"margin\" + 0.013*\"bone\" + 0.012*\"life\" + 0.012*\"faster\" + 0.011*\"daughter\" + 0.011*\"john\"\n", - "2019-01-31 00:27:10,932 : INFO : topic diff=0.010958, rho=0.054554\n", - "2019-01-31 00:27:11,089 : INFO : PROGRESS: pass 0, at document #674000/4922894\n", - "2019-01-31 00:27:12,528 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:27:12,795 : INFO : topic #27 (0.020): 0.066*\"questionnair\" + 0.020*\"taxpay\" + 0.016*\"ret\" + 0.016*\"candid\" + 0.013*\"driver\" + 0.012*\"fool\" + 0.012*\"squatter\" + 0.011*\"tornado\" + 0.011*\"find\" + 0.011*\"champion\"\n", - "2019-01-31 00:27:12,796 : INFO : topic #17 (0.020): 0.070*\"church\" + 0.021*\"cathol\" + 0.021*\"christian\" + 0.019*\"bishop\" + 0.015*\"sail\" + 0.014*\"retroflex\" + 0.011*\"centuri\" + 0.009*\"relationship\" + 0.009*\"italian\" + 0.009*\"historiographi\"\n", - "2019-01-31 00:27:12,797 : INFO : topic #14 (0.020): 0.023*\"forc\" + 0.021*\"aggress\" + 0.020*\"armi\" + 0.020*\"walter\" + 0.016*\"com\" + 0.015*\"oper\" + 0.012*\"unionist\" + 0.012*\"airbu\" + 0.012*\"militari\" + 0.010*\"diversifi\"\n", - "2019-01-31 00:27:12,798 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.031*\"incumb\" + 0.013*\"islam\" + 0.013*\"pakistan\" + 0.013*\"televis\" + 0.011*\"alam\" + 0.011*\"muskoge\" + 0.010*\"start\" + 0.010*\"khalsa\" + 0.010*\"sri\"\n", - "2019-01-31 00:27:12,799 : INFO : topic #42 (0.020): 0.044*\"german\" + 0.028*\"germani\" + 0.014*\"jewish\" + 0.013*\"berlin\" + 0.013*\"vol\" + 0.012*\"der\" + 0.012*\"israel\" + 0.008*\"greek\" + 0.008*\"austria\" + 0.008*\"jeremiah\"\n", - "2019-01-31 00:27:12,805 : INFO : topic diff=0.009570, rho=0.054473\n", - "2019-01-31 00:27:12,965 : INFO : PROGRESS: pass 0, at document #676000/4922894\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:27:14,422 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:27:14,688 : INFO : topic #17 (0.020): 0.070*\"church\" + 0.021*\"cathol\" + 0.021*\"christian\" + 0.019*\"bishop\" + 0.014*\"sail\" + 0.014*\"retroflex\" + 0.011*\"centuri\" + 0.009*\"relationship\" + 0.009*\"italian\" + 0.009*\"historiographi\"\n", - "2019-01-31 00:27:14,689 : INFO : topic #19 (0.020): 0.015*\"languag\" + 0.010*\"woodcut\" + 0.010*\"origin\" + 0.010*\"form\" + 0.008*\"mean\" + 0.007*\"uruguayan\" + 0.007*\"centuri\" + 0.007*\"like\" + 0.007*\"god\" + 0.006*\"english\"\n", - "2019-01-31 00:27:14,691 : INFO : topic #46 (0.020): 0.021*\"stop\" + 0.018*\"sweden\" + 0.015*\"wind\" + 0.015*\"damag\" + 0.015*\"swedish\" + 0.015*\"norwai\" + 0.014*\"treeless\" + 0.014*\"norwegian\" + 0.012*\"huntsvil\" + 0.011*\"iceland\"\n", - "2019-01-31 00:27:14,692 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.007*\"disco\" + 0.007*\"have\" + 0.007*\"media\" + 0.007*\"caus\" + 0.007*\"pathwai\" + 0.007*\"proper\" + 0.006*\"acid\" + 0.006*\"hormon\" + 0.006*\"treat\"\n", - "2019-01-31 00:27:14,693 : INFO : topic #0 (0.020): 0.069*\"statewid\" + 0.039*\"line\" + 0.038*\"arsen\" + 0.035*\"raid\" + 0.027*\"museo\" + 0.021*\"traceabl\" + 0.019*\"serv\" + 0.016*\"pain\" + 0.014*\"exhaust\" + 0.013*\"artist\"\n", - "2019-01-31 00:27:14,699 : INFO : topic diff=0.009393, rho=0.054393\n", - "2019-01-31 00:27:14,853 : INFO : PROGRESS: pass 0, at document #678000/4922894\n", - "2019-01-31 00:27:16,271 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:27:16,537 : INFO : topic #27 (0.020): 0.066*\"questionnair\" + 0.020*\"taxpay\" + 0.016*\"candid\" + 0.015*\"ret\" + 0.014*\"fool\" + 0.013*\"driver\" + 0.011*\"champion\" + 0.011*\"find\" + 0.011*\"squatter\" + 0.011*\"tornado\"\n", - "2019-01-31 00:27:16,538 : INFO : topic #45 (0.020): 0.017*\"black\" + 0.016*\"western\" + 0.012*\"colder\" + 0.012*\"jpg\" + 0.011*\"fifteenth\" + 0.011*\"record\" + 0.011*\"illicit\" + 0.009*\"blind\" + 0.008*\"green\" + 0.007*\"light\"\n", - "2019-01-31 00:27:16,539 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.035*\"cleveland\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.025*\"scientist\" + 0.023*\"crete\" + 0.022*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"diversifi\"\n", - "2019-01-31 00:27:16,540 : INFO : topic #32 (0.020): 0.057*\"district\" + 0.046*\"vigour\" + 0.043*\"tortur\" + 0.042*\"popolo\" + 0.029*\"area\" + 0.028*\"cotton\" + 0.025*\"regim\" + 0.024*\"multitud\" + 0.022*\"citi\" + 0.019*\"prosper\"\n", - "2019-01-31 00:27:16,541 : INFO : topic #0 (0.020): 0.068*\"statewid\" + 0.039*\"line\" + 0.039*\"arsen\" + 0.035*\"raid\" + 0.027*\"museo\" + 0.021*\"traceabl\" + 0.019*\"serv\" + 0.016*\"pain\" + 0.014*\"exhaust\" + 0.013*\"artist\"\n", - "2019-01-31 00:27:16,547 : INFO : topic diff=0.009438, rho=0.054313\n", - "2019-01-31 00:27:19,314 : INFO : -11.820 per-word bound, 3616.0 perplexity estimate based on a held-out corpus of 2000 documents with 570372 words\n", - "2019-01-31 00:27:19,315 : INFO : PROGRESS: pass 0, at document #680000/4922894\n", - "2019-01-31 00:27:20,756 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:27:21,023 : INFO : topic #33 (0.020): 0.059*\"french\" + 0.044*\"franc\" + 0.029*\"pari\" + 0.024*\"jean\" + 0.022*\"sail\" + 0.016*\"daphn\" + 0.013*\"lazi\" + 0.013*\"loui\" + 0.011*\"piec\" + 0.010*\"focal\"\n", - "2019-01-31 00:27:21,024 : INFO : topic #31 (0.020): 0.062*\"fusiform\" + 0.023*\"scientist\" + 0.023*\"player\" + 0.020*\"taxpay\" + 0.019*\"place\" + 0.012*\"clot\" + 0.012*\"folei\" + 0.012*\"leagu\" + 0.010*\"ruler\" + 0.010*\"reconstruct\"\n", - "2019-01-31 00:27:21,024 : INFO : topic #26 (0.020): 0.030*\"champion\" + 0.030*\"workplac\" + 0.029*\"woman\" + 0.025*\"olymp\" + 0.025*\"men\" + 0.023*\"medal\" + 0.021*\"event\" + 0.019*\"rainfal\" + 0.018*\"nation\" + 0.018*\"alic\"\n", - "2019-01-31 00:27:21,026 : INFO : topic #20 (0.020): 0.135*\"scholar\" + 0.039*\"struggl\" + 0.034*\"high\" + 0.029*\"educ\" + 0.021*\"collector\" + 0.017*\"yawn\" + 0.014*\"prognosi\" + 0.009*\"task\" + 0.008*\"gothic\" + 0.008*\"class\"\n", - "2019-01-31 00:27:21,027 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.020*\"walter\" + 0.019*\"armi\" + 0.016*\"com\" + 0.015*\"oper\" + 0.013*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.010*\"diversifi\"\n", - "2019-01-31 00:27:21,032 : INFO : topic diff=0.008632, rho=0.054233\n", - "2019-01-31 00:27:21,190 : INFO : PROGRESS: pass 0, at document #682000/4922894\n", - "2019-01-31 00:27:22,620 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:27:22,886 : INFO : topic #41 (0.020): 0.045*\"citi\" + 0.034*\"new\" + 0.022*\"palmer\" + 0.018*\"year\" + 0.015*\"center\" + 0.014*\"strategist\" + 0.012*\"open\" + 0.010*\"includ\" + 0.010*\"lobe\" + 0.008*\"dai\"\n", - "2019-01-31 00:27:22,887 : INFO : topic #46 (0.020): 0.020*\"stop\" + 0.018*\"sweden\" + 0.018*\"norwai\" + 0.016*\"norwegian\" + 0.015*\"swedish\" + 0.015*\"damag\" + 0.014*\"wind\" + 0.013*\"treeless\" + 0.011*\"huntsvil\" + 0.011*\"iceland\"\n", - "2019-01-31 00:27:22,888 : INFO : topic #0 (0.020): 0.070*\"statewid\" + 0.040*\"line\" + 0.039*\"arsen\" + 0.034*\"raid\" + 0.029*\"museo\" + 0.021*\"traceabl\" + 0.019*\"serv\" + 0.016*\"pain\" + 0.014*\"exhaust\" + 0.013*\"artist\"\n", - "2019-01-31 00:27:22,889 : INFO : topic #49 (0.020): 0.046*\"india\" + 0.030*\"incumb\" + 0.015*\"islam\" + 0.013*\"pakistan\" + 0.013*\"televis\" + 0.011*\"muskoge\" + 0.011*\"khalsa\" + 0.011*\"alam\" + 0.010*\"start\" + 0.010*\"anglo\"\n", - "2019-01-31 00:27:22,890 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.033*\"perceptu\" + 0.021*\"theater\" + 0.019*\"compos\" + 0.018*\"place\" + 0.017*\"damn\" + 0.014*\"orchestr\" + 0.014*\"physician\" + 0.013*\"olympo\" + 0.012*\"jack\"\n", - "2019-01-31 00:27:22,896 : INFO : topic diff=0.009671, rho=0.054153\n", - "2019-01-31 00:27:23,063 : INFO : PROGRESS: pass 0, at document #684000/4922894\n", - "2019-01-31 00:27:24,525 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:27:24,791 : INFO : topic #35 (0.020): 0.052*\"russia\" + 0.034*\"sovereignti\" + 0.031*\"rural\" + 0.026*\"reprint\" + 0.025*\"poison\" + 0.025*\"personifi\" + 0.020*\"moscow\" + 0.019*\"poland\" + 0.014*\"malaysia\" + 0.014*\"czech\"\n", - "2019-01-31 00:27:24,792 : INFO : topic #49 (0.020): 0.045*\"india\" + 0.030*\"incumb\" + 0.015*\"islam\" + 0.013*\"televis\" + 0.013*\"pakistan\" + 0.011*\"khalsa\" + 0.011*\"muskoge\" + 0.011*\"alam\" + 0.010*\"start\" + 0.010*\"anglo\"\n", - "2019-01-31 00:27:24,793 : INFO : topic #37 (0.020): 0.010*\"love\" + 0.008*\"gestur\" + 0.008*\"man\" + 0.005*\"bewild\" + 0.005*\"blue\" + 0.005*\"night\" + 0.004*\"litig\" + 0.004*\"vision\" + 0.003*\"introductori\" + 0.003*\"admit\"\n", - "2019-01-31 00:27:24,794 : INFO : topic #30 (0.020): 0.035*\"leagu\" + 0.034*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.025*\"scientist\" + 0.023*\"crete\" + 0.022*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:27:24,795 : INFO : topic #4 (0.020): 0.022*\"enfranchis\" + 0.018*\"irish\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.010*\"mode\" + 0.009*\"elabor\" + 0.008*\"produc\" + 0.008*\"veget\" + 0.008*\"encyclopedia\" + 0.007*\"candid\"\n", - "2019-01-31 00:27:24,801 : INFO : topic diff=0.012123, rho=0.054074\n", - "2019-01-31 00:27:24,957 : INFO : PROGRESS: pass 0, at document #686000/4922894\n", - "2019-01-31 00:27:26,372 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:27:26,638 : INFO : topic #36 (0.020): 0.019*\"companhia\" + 0.011*\"network\" + 0.010*\"prognosi\" + 0.010*\"serv\" + 0.009*\"develop\" + 0.009*\"manag\" + 0.009*\"pop\" + 0.008*\"softwar\" + 0.008*\"techniqu\" + 0.008*\"inform\"\n", - "2019-01-31 00:27:26,639 : INFO : topic #8 (0.020): 0.028*\"law\" + 0.025*\"cortic\" + 0.018*\"start\" + 0.017*\"act\" + 0.016*\"ricardo\" + 0.013*\"case\" + 0.011*\"polaris\" + 0.009*\"legal\" + 0.008*\"justic\" + 0.008*\"judaism\"\n", - "2019-01-31 00:27:26,640 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.006*\"sack\" + 0.006*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.005*\"man\" + 0.005*\"deal\" + 0.004*\"like\" + 0.004*\"help\"\n", - "2019-01-31 00:27:26,641 : INFO : topic #40 (0.020): 0.089*\"unit\" + 0.025*\"collector\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.019*\"requir\" + 0.017*\"professor\" + 0.017*\"student\" + 0.012*\"word\" + 0.012*\"http\" + 0.011*\"governor\"\n", - "2019-01-31 00:27:26,642 : INFO : topic #32 (0.020): 0.057*\"district\" + 0.046*\"vigour\" + 0.044*\"tortur\" + 0.042*\"popolo\" + 0.028*\"area\" + 0.027*\"cotton\" + 0.025*\"regim\" + 0.025*\"multitud\" + 0.022*\"citi\" + 0.019*\"prosper\"\n", - "2019-01-31 00:27:26,648 : INFO : topic diff=0.007781, rho=0.053995\n", - "2019-01-31 00:27:26,802 : INFO : PROGRESS: pass 0, at document #688000/4922894\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:27:28,220 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:27:28,486 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.011*\"king\" + 0.010*\"aza\" + 0.010*\"battalion\" + 0.009*\"empath\" + 0.008*\"teufel\" + 0.008*\"forc\" + 0.007*\"armi\" + 0.007*\"centuri\" + 0.007*\"till\"\n", - "2019-01-31 00:27:28,487 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.011*\"develop\" + 0.011*\"organ\" + 0.010*\"word\" + 0.010*\"commun\" + 0.009*\"cultur\" + 0.008*\"group\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.007*\"student\"\n", - "2019-01-31 00:27:28,488 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.033*\"perceptu\" + 0.021*\"theater\" + 0.019*\"compos\" + 0.018*\"place\" + 0.017*\"damn\" + 0.014*\"orchestr\" + 0.013*\"physician\" + 0.013*\"olympo\" + 0.012*\"jack\"\n", - "2019-01-31 00:27:28,489 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.034*\"publicis\" + 0.024*\"word\" + 0.016*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.013*\"storag\" + 0.012*\"nicola\" + 0.011*\"collect\" + 0.011*\"worldwid\"\n", - "2019-01-31 00:27:28,490 : INFO : topic #4 (0.020): 0.022*\"enfranchis\" + 0.017*\"irish\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.010*\"mode\" + 0.009*\"elabor\" + 0.009*\"candid\" + 0.008*\"produc\" + 0.008*\"veget\" + 0.008*\"encyclopedia\"\n", - "2019-01-31 00:27:28,496 : INFO : topic diff=0.009390, rho=0.053916\n", - "2019-01-31 00:27:28,653 : INFO : PROGRESS: pass 0, at document #690000/4922894\n", - "2019-01-31 00:27:30,065 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:27:30,332 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.033*\"perceptu\" + 0.021*\"theater\" + 0.020*\"compos\" + 0.018*\"place\" + 0.016*\"damn\" + 0.014*\"orchestr\" + 0.014*\"physician\" + 0.013*\"olympo\" + 0.012*\"jack\"\n", - "2019-01-31 00:27:30,333 : INFO : topic #46 (0.020): 0.020*\"stop\" + 0.018*\"norwai\" + 0.017*\"sweden\" + 0.017*\"damag\" + 0.016*\"norwegian\" + 0.015*\"swedish\" + 0.014*\"wind\" + 0.012*\"treeless\" + 0.011*\"huntsvil\" + 0.011*\"danish\"\n", - "2019-01-31 00:27:30,334 : INFO : topic #41 (0.020): 0.044*\"citi\" + 0.034*\"new\" + 0.023*\"palmer\" + 0.018*\"year\" + 0.015*\"center\" + 0.014*\"strategist\" + 0.012*\"open\" + 0.010*\"includ\" + 0.010*\"lobe\" + 0.009*\"hot\"\n", - "2019-01-31 00:27:30,335 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"rel\" + 0.028*\"son\" + 0.025*\"reconstruct\" + 0.023*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 00:27:30,336 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.036*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.014*\"pope\" + 0.012*\"blur\" + 0.011*\"class\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.009*\"hawaii\"\n", - "2019-01-31 00:27:30,342 : INFO : topic diff=0.010920, rho=0.053838\n", - "2019-01-31 00:27:30,499 : INFO : PROGRESS: pass 0, at document #692000/4922894\n", - "2019-01-31 00:27:31,907 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:27:32,176 : INFO : topic #0 (0.020): 0.068*\"statewid\" + 0.040*\"line\" + 0.040*\"arsen\" + 0.033*\"raid\" + 0.030*\"museo\" + 0.020*\"traceabl\" + 0.018*\"serv\" + 0.017*\"pain\" + 0.014*\"exhaust\" + 0.013*\"artist\"\n", - "2019-01-31 00:27:32,177 : INFO : topic #23 (0.020): 0.138*\"audit\" + 0.066*\"best\" + 0.035*\"yawn\" + 0.030*\"jacksonvil\" + 0.024*\"japanes\" + 0.021*\"noll\" + 0.019*\"women\" + 0.019*\"festiv\" + 0.018*\"intern\" + 0.015*\"prison\"\n", - "2019-01-31 00:27:32,178 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.009*\"media\" + 0.008*\"have\" + 0.008*\"disco\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.007*\"hormon\" + 0.006*\"proper\" + 0.006*\"acid\" + 0.006*\"effect\"\n", - "2019-01-31 00:27:32,179 : INFO : topic #39 (0.020): 0.039*\"canada\" + 0.031*\"canadian\" + 0.018*\"scientist\" + 0.018*\"hoar\" + 0.017*\"taxpay\" + 0.015*\"toronto\" + 0.015*\"basketbal\" + 0.013*\"ontario\" + 0.012*\"confer\" + 0.011*\"hydrogen\"\n", - "2019-01-31 00:27:32,180 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.011*\"king\" + 0.010*\"teufel\" + 0.010*\"aza\" + 0.010*\"battalion\" + 0.009*\"till\" + 0.008*\"empath\" + 0.008*\"forc\" + 0.007*\"armi\" + 0.007*\"centuri\"\n", - "2019-01-31 00:27:32,186 : INFO : topic diff=0.009530, rho=0.053760\n", - "2019-01-31 00:27:32,342 : INFO : PROGRESS: pass 0, at document #694000/4922894\n", - "2019-01-31 00:27:33,784 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:27:34,050 : INFO : topic #31 (0.020): 0.064*\"fusiform\" + 0.024*\"scientist\" + 0.023*\"player\" + 0.020*\"taxpay\" + 0.019*\"place\" + 0.013*\"clot\" + 0.012*\"leagu\" + 0.012*\"folei\" + 0.010*\"ruler\" + 0.009*\"reconstruct\"\n", - "2019-01-31 00:27:34,051 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.019*\"walter\" + 0.019*\"armi\" + 0.016*\"com\" + 0.015*\"oper\" + 0.013*\"unionist\" + 0.012*\"airbu\" + 0.012*\"militari\" + 0.009*\"refut\"\n", - "2019-01-31 00:27:34,052 : INFO : topic #4 (0.020): 0.022*\"enfranchis\" + 0.015*\"depress\" + 0.015*\"irish\" + 0.014*\"pour\" + 0.010*\"mode\" + 0.009*\"elabor\" + 0.009*\"candid\" + 0.008*\"produc\" + 0.008*\"veget\" + 0.008*\"encyclopedia\"\n", - "2019-01-31 00:27:34,054 : INFO : topic #20 (0.020): 0.136*\"scholar\" + 0.038*\"struggl\" + 0.033*\"high\" + 0.029*\"educ\" + 0.021*\"collector\" + 0.017*\"yawn\" + 0.014*\"prognosi\" + 0.009*\"task\" + 0.009*\"gothic\" + 0.008*\"district\"\n", - "2019-01-31 00:27:34,054 : INFO : topic #13 (0.020): 0.028*\"australia\" + 0.026*\"new\" + 0.025*\"london\" + 0.025*\"sourc\" + 0.024*\"australian\" + 0.022*\"england\" + 0.021*\"british\" + 0.020*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:27:34,060 : INFO : topic diff=0.010401, rho=0.053683\n", - "2019-01-31 00:27:34,216 : INFO : PROGRESS: pass 0, at document #696000/4922894\n", - "2019-01-31 00:27:35,651 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:27:35,917 : INFO : topic #25 (0.020): 0.030*\"ring\" + 0.019*\"warmth\" + 0.017*\"lagrang\" + 0.017*\"area\" + 0.015*\"mount\" + 0.010*\"foam\" + 0.008*\"palmer\" + 0.008*\"north\" + 0.008*\"vacant\" + 0.008*\"lobe\"\n", - "2019-01-31 00:27:35,918 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"rel\" + 0.028*\"son\" + 0.026*\"reconstruct\" + 0.023*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 00:27:35,919 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.026*\"factor\" + 0.022*\"adulthood\" + 0.017*\"feel\" + 0.015*\"male\" + 0.015*\"hostil\" + 0.011*\"plaisir\" + 0.011*\"live\" + 0.010*\"genu\" + 0.009*\"yawn\"\n", - "2019-01-31 00:27:35,920 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.036*\"shield\" + 0.017*\"narrat\" + 0.014*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.011*\"class\" + 0.010*\"coalit\" + 0.010*\"nativist\" + 0.009*\"crew\"\n", - "2019-01-31 00:27:35,921 : INFO : topic #34 (0.020): 0.074*\"start\" + 0.033*\"unionist\" + 0.030*\"cotton\" + 0.029*\"american\" + 0.022*\"new\" + 0.015*\"terri\" + 0.014*\"california\" + 0.012*\"warrior\" + 0.012*\"north\" + 0.011*\"year\"\n", - "2019-01-31 00:27:35,927 : INFO : topic diff=0.008782, rho=0.053606\n", - "2019-01-31 00:27:36,089 : INFO : PROGRESS: pass 0, at document #698000/4922894\n", - "2019-01-31 00:27:37,554 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:27:37,820 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.051*\"chilton\" + 0.025*\"hong\" + 0.025*\"kong\" + 0.022*\"korea\" + 0.019*\"korean\" + 0.016*\"leah\" + 0.016*\"sourc\" + 0.012*\"kim\" + 0.012*\"ashvil\"\n", - "2019-01-31 00:27:37,822 : INFO : topic #12 (0.020): 0.010*\"number\" + 0.008*\"frontal\" + 0.007*\"gener\" + 0.006*\"théori\" + 0.006*\"exampl\" + 0.006*\"servitud\" + 0.006*\"measur\" + 0.006*\"cytokin\" + 0.006*\"utopian\" + 0.006*\"southern\"\n", - "2019-01-31 00:27:37,823 : INFO : topic #34 (0.020): 0.074*\"start\" + 0.033*\"unionist\" + 0.029*\"cotton\" + 0.028*\"american\" + 0.022*\"new\" + 0.015*\"terri\" + 0.014*\"california\" + 0.012*\"warrior\" + 0.012*\"north\" + 0.012*\"year\"\n", - "2019-01-31 00:27:37,824 : INFO : topic #37 (0.020): 0.010*\"love\" + 0.008*\"gestur\" + 0.008*\"man\" + 0.005*\"bewild\" + 0.005*\"blue\" + 0.004*\"night\" + 0.004*\"litig\" + 0.003*\"vision\" + 0.003*\"ladi\" + 0.003*\"wither\"\n", - "2019-01-31 00:27:37,825 : INFO : topic #46 (0.020): 0.022*\"stop\" + 0.017*\"norwai\" + 0.017*\"sweden\" + 0.016*\"damag\" + 0.015*\"norwegian\" + 0.015*\"wind\" + 0.015*\"swedish\" + 0.013*\"treeless\" + 0.013*\"huntsvil\" + 0.011*\"farid\"\n", - "2019-01-31 00:27:37,831 : INFO : topic diff=0.011073, rho=0.053529\n", - "2019-01-31 00:27:40,487 : INFO : -11.839 per-word bound, 3664.7 perplexity estimate based on a held-out corpus of 2000 documents with 519573 words\n", - "2019-01-31 00:27:40,487 : INFO : PROGRESS: pass 0, at document #700000/4922894\n", - "2019-01-31 00:27:41,877 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:27:42,144 : INFO : topic #25 (0.020): 0.030*\"ring\" + 0.019*\"warmth\" + 0.017*\"area\" + 0.016*\"lagrang\" + 0.015*\"mount\" + 0.010*\"foam\" + 0.008*\"palmer\" + 0.008*\"north\" + 0.008*\"lobe\" + 0.007*\"vacant\"\n", - "2019-01-31 00:27:42,145 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.006*\"sack\" + 0.006*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.005*\"man\" + 0.004*\"deal\" + 0.004*\"like\" + 0.004*\"help\"\n", - "2019-01-31 00:27:42,146 : INFO : topic #46 (0.020): 0.021*\"stop\" + 0.020*\"sweden\" + 0.019*\"norwai\" + 0.017*\"damag\" + 0.015*\"swedish\" + 0.015*\"wind\" + 0.015*\"norwegian\" + 0.013*\"treeless\" + 0.012*\"huntsvil\" + 0.011*\"farid\"\n", - "2019-01-31 00:27:42,147 : INFO : topic #6 (0.020): 0.067*\"fewer\" + 0.024*\"septemb\" + 0.023*\"epiru\" + 0.019*\"teacher\" + 0.017*\"stake\" + 0.015*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"movi\" + 0.010*\"direct\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:27:42,149 : INFO : topic #30 (0.020): 0.034*\"cleveland\" + 0.034*\"leagu\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:27:42,155 : INFO : topic diff=0.009249, rho=0.053452\n", - "2019-01-31 00:27:42,362 : INFO : PROGRESS: pass 0, at document #702000/4922894\n", - "2019-01-31 00:27:43,791 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:27:44,058 : INFO : topic #19 (0.020): 0.015*\"languag\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.008*\"mean\" + 0.007*\"centuri\" + 0.007*\"uruguayan\" + 0.007*\"like\" + 0.007*\"english\" + 0.006*\"charact\"\n", - "2019-01-31 00:27:44,060 : INFO : topic #38 (0.020): 0.021*\"walter\" + 0.011*\"aza\" + 0.010*\"king\" + 0.010*\"teufel\" + 0.010*\"battalion\" + 0.009*\"till\" + 0.008*\"empath\" + 0.008*\"forc\" + 0.007*\"armi\" + 0.007*\"centuri\"\n", - "2019-01-31 00:27:44,061 : INFO : topic #47 (0.020): 0.062*\"muscl\" + 0.033*\"perceptu\" + 0.021*\"theater\" + 0.019*\"compos\" + 0.018*\"place\" + 0.015*\"damn\" + 0.015*\"orchestr\" + 0.014*\"physician\" + 0.013*\"olympo\" + 0.011*\"word\"\n", - "2019-01-31 00:27:44,062 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.024*\"cortic\" + 0.018*\"start\" + 0.018*\"ricardo\" + 0.017*\"act\" + 0.013*\"case\" + 0.012*\"polaris\" + 0.009*\"legal\" + 0.008*\"justic\" + 0.008*\"judaism\"\n", - "2019-01-31 00:27:44,063 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.019*\"di\" + 0.018*\"factor\" + 0.015*\"yawn\" + 0.015*\"margin\" + 0.013*\"bone\" + 0.012*\"life\" + 0.012*\"faster\" + 0.011*\"john\" + 0.011*\"daughter\"\n", - "2019-01-31 00:27:44,069 : INFO : topic diff=0.008232, rho=0.053376\n", - "2019-01-31 00:27:44,235 : INFO : PROGRESS: pass 0, at document #704000/4922894\n", - "2019-01-31 00:27:45,714 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:27:45,980 : INFO : topic #45 (0.020): 0.016*\"black\" + 0.016*\"fifteenth\" + 0.015*\"western\" + 0.013*\"jpg\" + 0.013*\"colder\" + 0.012*\"record\" + 0.011*\"illicit\" + 0.010*\"blind\" + 0.009*\"arm\" + 0.008*\"green\"\n", - "2019-01-31 00:27:45,981 : INFO : topic #26 (0.020): 0.030*\"champion\" + 0.030*\"woman\" + 0.030*\"workplac\" + 0.028*\"men\" + 0.025*\"olymp\" + 0.022*\"medal\" + 0.021*\"event\" + 0.020*\"alic\" + 0.019*\"rainfal\" + 0.018*\"atheist\"\n", - "2019-01-31 00:27:45,982 : INFO : topic #28 (0.020): 0.030*\"build\" + 0.025*\"hous\" + 0.020*\"rivièr\" + 0.016*\"buford\" + 0.013*\"histor\" + 0.012*\"briarwood\" + 0.011*\"constitut\" + 0.011*\"strategist\" + 0.009*\"rosenwald\" + 0.009*\"depress\"\n", - "2019-01-31 00:27:45,983 : INFO : topic #19 (0.020): 0.015*\"languag\" + 0.011*\"woodcut\" + 0.009*\"origin\" + 0.009*\"form\" + 0.008*\"mean\" + 0.007*\"uruguayan\" + 0.007*\"centuri\" + 0.007*\"like\" + 0.007*\"english\" + 0.006*\"charact\"\n", - "2019-01-31 00:27:45,984 : INFO : topic #29 (0.020): 0.010*\"start\" + 0.010*\"million\" + 0.009*\"govern\" + 0.009*\"yawn\" + 0.007*\"countri\" + 0.007*\"bank\" + 0.007*\"companhia\" + 0.007*\"function\" + 0.006*\"trace\" + 0.006*\"inconclus\"\n", - "2019-01-31 00:27:45,990 : INFO : topic diff=0.010897, rho=0.053300\n", - "2019-01-31 00:27:46,146 : INFO : PROGRESS: pass 0, at document #706000/4922894\n", - "2019-01-31 00:27:47,567 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:27:47,833 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.011*\"woodcut\" + 0.010*\"origin\" + 0.009*\"form\" + 0.008*\"mean\" + 0.007*\"uruguayan\" + 0.007*\"centuri\" + 0.007*\"like\" + 0.006*\"english\" + 0.006*\"charact\"\n", - "2019-01-31 00:27:47,834 : INFO : topic #43 (0.020): 0.065*\"elect\" + 0.057*\"parti\" + 0.027*\"voluntari\" + 0.025*\"democrat\" + 0.020*\"member\" + 0.019*\"republ\" + 0.017*\"polici\" + 0.014*\"bypass\" + 0.014*\"liber\" + 0.014*\"seaport\"\n", - "2019-01-31 00:27:47,835 : INFO : topic #12 (0.020): 0.010*\"number\" + 0.008*\"frontal\" + 0.007*\"gener\" + 0.006*\"théori\" + 0.006*\"measur\" + 0.006*\"exampl\" + 0.006*\"servitud\" + 0.006*\"cytokin\" + 0.006*\"method\" + 0.006*\"utopian\"\n", - "2019-01-31 00:27:47,837 : INFO : topic #23 (0.020): 0.135*\"audit\" + 0.067*\"best\" + 0.034*\"yawn\" + 0.031*\"jacksonvil\" + 0.024*\"japanes\" + 0.021*\"noll\" + 0.019*\"women\" + 0.019*\"festiv\" + 0.018*\"intern\" + 0.015*\"prison\"\n", - "2019-01-31 00:27:47,838 : INFO : topic #17 (0.020): 0.070*\"church\" + 0.021*\"cathol\" + 0.021*\"christian\" + 0.018*\"bishop\" + 0.014*\"sail\" + 0.014*\"retroflex\" + 0.011*\"centuri\" + 0.010*\"relationship\" + 0.009*\"italian\" + 0.008*\"historiographi\"\n", - "2019-01-31 00:27:47,844 : INFO : topic diff=0.009473, rho=0.053225\n", - "2019-01-31 00:27:47,996 : INFO : PROGRESS: pass 0, at document #708000/4922894\n", - "2019-01-31 00:27:49,416 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:27:49,682 : INFO : topic #35 (0.020): 0.053*\"russia\" + 0.033*\"sovereignti\" + 0.030*\"rural\" + 0.024*\"reprint\" + 0.024*\"personifi\" + 0.023*\"poison\" + 0.020*\"moscow\" + 0.018*\"poland\" + 0.015*\"malaysia\" + 0.014*\"unfortun\"\n", - "2019-01-31 00:27:49,683 : INFO : topic #40 (0.020): 0.092*\"unit\" + 0.024*\"collector\" + 0.022*\"institut\" + 0.022*\"schuster\" + 0.019*\"requir\" + 0.017*\"student\" + 0.017*\"professor\" + 0.012*\"governor\" + 0.011*\"word\" + 0.011*\"http\"\n", - "2019-01-31 00:27:49,685 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.019*\"di\" + 0.018*\"factor\" + 0.015*\"yawn\" + 0.015*\"margin\" + 0.013*\"bone\" + 0.012*\"life\" + 0.012*\"faster\" + 0.011*\"john\" + 0.011*\"daughter\"\n", - "2019-01-31 00:27:49,686 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.036*\"shield\" + 0.017*\"narrat\" + 0.014*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.011*\"coalit\" + 0.010*\"class\" + 0.010*\"nativist\" + 0.009*\"crew\"\n", - "2019-01-31 00:27:49,687 : INFO : topic #29 (0.020): 0.010*\"start\" + 0.010*\"million\" + 0.009*\"govern\" + 0.009*\"yawn\" + 0.007*\"bank\" + 0.007*\"companhia\" + 0.007*\"countri\" + 0.006*\"function\" + 0.006*\"trace\" + 0.006*\"inconclus\"\n", - "2019-01-31 00:27:49,693 : INFO : topic diff=0.009469, rho=0.053149\n", - "2019-01-31 00:27:49,851 : INFO : PROGRESS: pass 0, at document #710000/4922894\n", - "2019-01-31 00:27:51,286 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:27:51,552 : INFO : topic #39 (0.020): 0.039*\"canada\" + 0.030*\"canadian\" + 0.016*\"scientist\" + 0.016*\"toronto\" + 0.016*\"ontario\" + 0.015*\"taxpay\" + 0.015*\"hoar\" + 0.013*\"basketbal\" + 0.013*\"hydrogen\" + 0.012*\"confer\"\n", - "2019-01-31 00:27:51,553 : INFO : topic #40 (0.020): 0.092*\"unit\" + 0.025*\"collector\" + 0.022*\"institut\" + 0.022*\"schuster\" + 0.019*\"requir\" + 0.017*\"student\" + 0.017*\"professor\" + 0.012*\"governor\" + 0.011*\"word\" + 0.011*\"http\"\n", - "2019-01-31 00:27:51,554 : INFO : topic #35 (0.020): 0.053*\"russia\" + 0.033*\"sovereignti\" + 0.030*\"rural\" + 0.025*\"personifi\" + 0.024*\"reprint\" + 0.023*\"poison\" + 0.020*\"moscow\" + 0.018*\"poland\" + 0.015*\"malaysia\" + 0.014*\"turin\"\n", - "2019-01-31 00:27:51,555 : INFO : topic #1 (0.020): 0.056*\"china\" + 0.050*\"chilton\" + 0.028*\"hong\" + 0.028*\"kong\" + 0.021*\"korea\" + 0.017*\"korean\" + 0.017*\"leah\" + 0.015*\"sourc\" + 0.013*\"kim\" + 0.012*\"ashvil\"\n", - "2019-01-31 00:27:51,556 : INFO : topic #43 (0.020): 0.065*\"elect\" + 0.057*\"parti\" + 0.027*\"voluntari\" + 0.024*\"democrat\" + 0.020*\"member\" + 0.018*\"republ\" + 0.018*\"polici\" + 0.015*\"bypass\" + 0.014*\"liber\" + 0.013*\"seaport\"\n", - "2019-01-31 00:27:51,562 : INFO : topic diff=0.010727, rho=0.053074\n", - "2019-01-31 00:27:51,720 : INFO : PROGRESS: pass 0, at document #712000/4922894\n", - "2019-01-31 00:27:53,120 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:27:53,389 : INFO : topic #41 (0.020): 0.044*\"citi\" + 0.033*\"new\" + 0.024*\"palmer\" + 0.017*\"year\" + 0.015*\"center\" + 0.014*\"strategist\" + 0.012*\"open\" + 0.010*\"includ\" + 0.010*\"lobe\" + 0.009*\"dai\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:27:53,390 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.011*\"develop\" + 0.010*\"organ\" + 0.010*\"word\" + 0.010*\"commun\" + 0.009*\"cultur\" + 0.008*\"group\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.007*\"socialist\"\n", - "2019-01-31 00:27:53,391 : INFO : topic #20 (0.020): 0.134*\"scholar\" + 0.038*\"struggl\" + 0.032*\"high\" + 0.029*\"educ\" + 0.021*\"collector\" + 0.018*\"yawn\" + 0.014*\"prognosi\" + 0.009*\"task\" + 0.009*\"gothic\" + 0.008*\"campbel\"\n", - "2019-01-31 00:27:53,392 : INFO : topic #4 (0.020): 0.022*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.010*\"mode\" + 0.010*\"irish\" + 0.009*\"elabor\" + 0.009*\"candid\" + 0.008*\"produc\" + 0.008*\"veget\" + 0.007*\"encyclopedia\"\n", - "2019-01-31 00:27:53,393 : INFO : topic #27 (0.020): 0.068*\"questionnair\" + 0.018*\"taxpay\" + 0.017*\"candid\" + 0.016*\"ret\" + 0.013*\"fool\" + 0.012*\"find\" + 0.012*\"driver\" + 0.012*\"tornado\" + 0.011*\"champion\" + 0.010*\"horac\"\n", - "2019-01-31 00:27:53,399 : INFO : topic diff=0.009532, rho=0.053000\n", - "2019-01-31 00:27:53,557 : INFO : PROGRESS: pass 0, at document #714000/4922894\n", - "2019-01-31 00:27:54,989 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:27:55,255 : INFO : topic #11 (0.020): 0.028*\"john\" + 0.015*\"will\" + 0.013*\"jame\" + 0.012*\"david\" + 0.011*\"rival\" + 0.010*\"georg\" + 0.009*\"mexican–american\" + 0.009*\"rhyme\" + 0.009*\"slur\" + 0.008*\"paul\"\n", - "2019-01-31 00:27:55,256 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.026*\"factor\" + 0.022*\"adulthood\" + 0.018*\"feel\" + 0.015*\"male\" + 0.015*\"hostil\" + 0.011*\"live\" + 0.011*\"plaisir\" + 0.010*\"genu\" + 0.010*\"yawn\"\n", - "2019-01-31 00:27:55,257 : INFO : topic #3 (0.020): 0.038*\"present\" + 0.028*\"offic\" + 0.027*\"minist\" + 0.020*\"member\" + 0.020*\"gener\" + 0.019*\"seri\" + 0.017*\"govern\" + 0.016*\"nation\" + 0.015*\"chickasaw\" + 0.015*\"appeas\"\n", - "2019-01-31 00:27:55,258 : INFO : topic #0 (0.020): 0.072*\"statewid\" + 0.039*\"arsen\" + 0.037*\"line\" + 0.032*\"raid\" + 0.030*\"museo\" + 0.021*\"traceabl\" + 0.019*\"serv\" + 0.016*\"pain\" + 0.014*\"artist\" + 0.014*\"exhaust\"\n", - "2019-01-31 00:27:55,259 : INFO : topic #42 (0.020): 0.045*\"german\" + 0.029*\"germani\" + 0.014*\"vol\" + 0.014*\"jewish\" + 0.013*\"berlin\" + 0.012*\"der\" + 0.012*\"israel\" + 0.008*\"austria\" + 0.008*\"hungarian\" + 0.008*\"europ\"\n", - "2019-01-31 00:27:55,265 : INFO : topic diff=0.009276, rho=0.052926\n", - "2019-01-31 00:27:55,423 : INFO : PROGRESS: pass 0, at document #716000/4922894\n", - "2019-01-31 00:27:56,862 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:27:57,128 : INFO : topic #46 (0.020): 0.021*\"stop\" + 0.019*\"sweden\" + 0.018*\"damag\" + 0.018*\"norwai\" + 0.015*\"swedish\" + 0.015*\"norwegian\" + 0.014*\"ton\" + 0.013*\"wind\" + 0.012*\"treeless\" + 0.012*\"huntsvil\"\n", - "2019-01-31 00:27:57,129 : INFO : topic #45 (0.020): 0.016*\"black\" + 0.015*\"fifteenth\" + 0.015*\"western\" + 0.013*\"jpg\" + 0.013*\"colder\" + 0.012*\"record\" + 0.011*\"illicit\" + 0.010*\"blind\" + 0.009*\"arm\" + 0.007*\"green\"\n", - "2019-01-31 00:27:57,130 : INFO : topic #32 (0.020): 0.054*\"district\" + 0.047*\"vigour\" + 0.042*\"tortur\" + 0.042*\"popolo\" + 0.031*\"cotton\" + 0.029*\"regim\" + 0.027*\"area\" + 0.025*\"multitud\" + 0.022*\"citi\" + 0.020*\"prosper\"\n", - "2019-01-31 00:27:57,130 : INFO : topic #3 (0.020): 0.038*\"present\" + 0.028*\"offic\" + 0.026*\"minist\" + 0.020*\"member\" + 0.020*\"gener\" + 0.019*\"seri\" + 0.018*\"govern\" + 0.016*\"nation\" + 0.015*\"appeas\" + 0.015*\"chickasaw\"\n", - "2019-01-31 00:27:57,132 : INFO : topic #26 (0.020): 0.030*\"champion\" + 0.030*\"workplac\" + 0.029*\"woman\" + 0.026*\"men\" + 0.025*\"olymp\" + 0.023*\"medal\" + 0.022*\"event\" + 0.021*\"alic\" + 0.019*\"rainfal\" + 0.018*\"nation\"\n", - "2019-01-31 00:27:57,137 : INFO : topic diff=0.010792, rho=0.052852\n", - "2019-01-31 00:27:57,294 : INFO : PROGRESS: pass 0, at document #718000/4922894\n", - "2019-01-31 00:27:58,709 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:27:58,975 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.011*\"aza\" + 0.010*\"teufel\" + 0.010*\"battalion\" + 0.010*\"king\" + 0.009*\"empath\" + 0.009*\"till\" + 0.008*\"forc\" + 0.007*\"centuri\" + 0.007*\"armi\"\n", - "2019-01-31 00:27:58,976 : INFO : topic #3 (0.020): 0.038*\"present\" + 0.028*\"offic\" + 0.026*\"minist\" + 0.020*\"gener\" + 0.020*\"member\" + 0.019*\"seri\" + 0.018*\"govern\" + 0.016*\"nation\" + 0.015*\"appeas\" + 0.015*\"chickasaw\"\n", - "2019-01-31 00:27:58,977 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.055*\"parti\" + 0.027*\"voluntari\" + 0.025*\"democrat\" + 0.020*\"member\" + 0.018*\"republ\" + 0.017*\"polici\" + 0.014*\"bypass\" + 0.014*\"liber\" + 0.013*\"report\"\n", - "2019-01-31 00:27:58,978 : INFO : topic #37 (0.020): 0.010*\"love\" + 0.008*\"man\" + 0.008*\"gestur\" + 0.006*\"blue\" + 0.005*\"bewild\" + 0.004*\"night\" + 0.004*\"litig\" + 0.003*\"admit\" + 0.003*\"vision\" + 0.003*\"wither\"\n", - "2019-01-31 00:27:58,979 : INFO : topic #28 (0.020): 0.030*\"build\" + 0.025*\"hous\" + 0.020*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.011*\"briarwood\" + 0.011*\"constitut\" + 0.011*\"strategist\" + 0.009*\"depress\" + 0.009*\"rosenwald\"\n", - "2019-01-31 00:27:58,985 : INFO : topic diff=0.009099, rho=0.052778\n", - "2019-01-31 00:28:01,721 : INFO : -11.684 per-word bound, 3291.0 perplexity estimate based on a held-out corpus of 2000 documents with 546750 words\n", - "2019-01-31 00:28:01,721 : INFO : PROGRESS: pass 0, at document #720000/4922894\n", - "2019-01-31 00:28:03,144 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:28:03,411 : INFO : topic #46 (0.020): 0.020*\"stop\" + 0.018*\"sweden\" + 0.018*\"damag\" + 0.017*\"norwai\" + 0.016*\"swedish\" + 0.015*\"norwegian\" + 0.013*\"wind\" + 0.013*\"ton\" + 0.012*\"treeless\" + 0.012*\"huntsvil\"\n", - "2019-01-31 00:28:03,412 : INFO : topic #27 (0.020): 0.068*\"questionnair\" + 0.018*\"taxpay\" + 0.018*\"candid\" + 0.014*\"ret\" + 0.013*\"driver\" + 0.012*\"tornado\" + 0.012*\"find\" + 0.012*\"fool\" + 0.011*\"squatter\" + 0.011*\"champion\"\n", - "2019-01-31 00:28:03,413 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.033*\"publicis\" + 0.023*\"word\" + 0.017*\"new\" + 0.013*\"edit\" + 0.013*\"storag\" + 0.013*\"presid\" + 0.012*\"nicola\" + 0.011*\"collect\" + 0.011*\"levi\"\n", - "2019-01-31 00:28:03,414 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.028*\"final\" + 0.023*\"wife\" + 0.023*\"tourist\" + 0.018*\"champion\" + 0.017*\"taxpay\" + 0.016*\"chamber\" + 0.014*\"tiepolo\" + 0.013*\"martin\" + 0.012*\"women\"\n", - "2019-01-31 00:28:03,415 : INFO : topic #37 (0.020): 0.010*\"love\" + 0.008*\"man\" + 0.008*\"gestur\" + 0.006*\"blue\" + 0.005*\"bewild\" + 0.004*\"night\" + 0.004*\"litig\" + 0.003*\"admit\" + 0.003*\"introductori\" + 0.003*\"york\"\n", - "2019-01-31 00:28:03,421 : INFO : topic diff=0.009619, rho=0.052705\n", - "2019-01-31 00:28:03,576 : INFO : PROGRESS: pass 0, at document #722000/4922894\n", - "2019-01-31 00:28:04,986 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:28:05,252 : INFO : topic #25 (0.020): 0.031*\"ring\" + 0.017*\"warmth\" + 0.017*\"lagrang\" + 0.017*\"area\" + 0.014*\"mount\" + 0.008*\"foam\" + 0.008*\"palmer\" + 0.008*\"north\" + 0.008*\"lobe\" + 0.008*\"sourc\"\n", - "2019-01-31 00:28:05,253 : INFO : topic #29 (0.020): 0.010*\"start\" + 0.009*\"million\" + 0.009*\"govern\" + 0.009*\"yawn\" + 0.008*\"companhia\" + 0.007*\"bank\" + 0.007*\"countri\" + 0.006*\"function\" + 0.006*\"trace\" + 0.006*\"new\"\n", - "2019-01-31 00:28:05,255 : INFO : topic #39 (0.020): 0.040*\"canada\" + 0.030*\"canadian\" + 0.019*\"toronto\" + 0.016*\"ontario\" + 0.016*\"scientist\" + 0.015*\"taxpay\" + 0.015*\"hoar\" + 0.013*\"basketbal\" + 0.012*\"new\" + 0.012*\"confer\"\n", - "2019-01-31 00:28:05,256 : INFO : topic #28 (0.020): 0.030*\"build\" + 0.026*\"hous\" + 0.020*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.011*\"briarwood\" + 0.011*\"strategist\" + 0.011*\"constitut\" + 0.009*\"rosenwald\" + 0.009*\"depress\"\n", - "2019-01-31 00:28:05,257 : INFO : topic #27 (0.020): 0.069*\"questionnair\" + 0.019*\"taxpay\" + 0.018*\"candid\" + 0.014*\"ret\" + 0.013*\"driver\" + 0.012*\"tornado\" + 0.012*\"fool\" + 0.012*\"find\" + 0.011*\"squatter\" + 0.011*\"champion\"\n", - "2019-01-31 00:28:05,263 : INFO : topic diff=0.010817, rho=0.052632\n", - "2019-01-31 00:28:05,426 : INFO : PROGRESS: pass 0, at document #724000/4922894\n", - "2019-01-31 00:28:06,862 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:28:07,128 : INFO : topic #17 (0.020): 0.069*\"church\" + 0.022*\"cathol\" + 0.020*\"christian\" + 0.019*\"bishop\" + 0.014*\"sail\" + 0.013*\"retroflex\" + 0.010*\"centuri\" + 0.010*\"relationship\" + 0.009*\"poll\" + 0.008*\"italian\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:28:07,129 : INFO : topic #33 (0.020): 0.066*\"french\" + 0.044*\"franc\" + 0.030*\"pari\" + 0.024*\"sail\" + 0.021*\"jean\" + 0.016*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.010*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 00:28:07,130 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"rel\" + 0.028*\"son\" + 0.026*\"reconstruct\" + 0.022*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 00:28:07,132 : INFO : topic #16 (0.020): 0.036*\"king\" + 0.032*\"priest\" + 0.022*\"grammat\" + 0.021*\"duke\" + 0.020*\"quarterli\" + 0.017*\"rotterdam\" + 0.015*\"idiosyncrat\" + 0.015*\"brazil\" + 0.014*\"princ\" + 0.014*\"maria\"\n", - "2019-01-31 00:28:07,133 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.023*\"spain\" + 0.020*\"del\" + 0.017*\"mexico\" + 0.014*\"soviet\" + 0.012*\"juan\" + 0.011*\"santa\" + 0.011*\"carlo\" + 0.011*\"josé\" + 0.010*\"francisco\"\n", - "2019-01-31 00:28:07,138 : INFO : topic diff=0.009092, rho=0.052559\n", - "2019-01-31 00:28:07,297 : INFO : PROGRESS: pass 0, at document #726000/4922894\n", - "2019-01-31 00:28:08,748 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:28:09,015 : INFO : topic #35 (0.020): 0.050*\"russia\" + 0.034*\"sovereignti\" + 0.030*\"rural\" + 0.026*\"reprint\" + 0.023*\"personifi\" + 0.021*\"poison\" + 0.019*\"moscow\" + 0.017*\"poland\" + 0.015*\"malaysia\" + 0.014*\"czech\"\n", - "2019-01-31 00:28:09,016 : INFO : topic #17 (0.020): 0.069*\"church\" + 0.023*\"cathol\" + 0.020*\"christian\" + 0.019*\"bishop\" + 0.014*\"sail\" + 0.013*\"retroflex\" + 0.011*\"centuri\" + 0.010*\"relationship\" + 0.009*\"poll\" + 0.008*\"historiographi\"\n", - "2019-01-31 00:28:09,017 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.021*\"aggress\" + 0.020*\"walter\" + 0.019*\"armi\" + 0.016*\"com\" + 0.014*\"oper\" + 0.012*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 00:28:09,018 : INFO : topic #47 (0.020): 0.061*\"muscl\" + 0.032*\"perceptu\" + 0.021*\"theater\" + 0.019*\"compos\" + 0.018*\"place\" + 0.017*\"physician\" + 0.016*\"damn\" + 0.015*\"orchestr\" + 0.012*\"olympo\" + 0.011*\"word\"\n", - "2019-01-31 00:28:09,019 : INFO : topic #33 (0.020): 0.066*\"french\" + 0.044*\"franc\" + 0.030*\"pari\" + 0.024*\"sail\" + 0.021*\"jean\" + 0.016*\"daphn\" + 0.012*\"lazi\" + 0.012*\"loui\" + 0.010*\"piec\" + 0.009*\"focal\"\n", - "2019-01-31 00:28:09,025 : INFO : topic diff=0.011120, rho=0.052486\n", - "2019-01-31 00:28:09,178 : INFO : PROGRESS: pass 0, at document #728000/4922894\n", - "2019-01-31 00:28:10,585 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:28:10,851 : INFO : topic #20 (0.020): 0.141*\"scholar\" + 0.038*\"struggl\" + 0.033*\"high\" + 0.029*\"educ\" + 0.021*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.009*\"pseudo\" + 0.009*\"task\" + 0.009*\"gothic\"\n", - "2019-01-31 00:28:10,852 : INFO : topic #26 (0.020): 0.029*\"workplac\" + 0.029*\"champion\" + 0.029*\"woman\" + 0.026*\"men\" + 0.025*\"olymp\" + 0.023*\"medal\" + 0.022*\"event\" + 0.020*\"alic\" + 0.018*\"rainfal\" + 0.018*\"nation\"\n", - "2019-01-31 00:28:10,853 : INFO : topic #6 (0.020): 0.068*\"fewer\" + 0.024*\"septemb\" + 0.021*\"epiru\" + 0.019*\"teacher\" + 0.017*\"stake\" + 0.014*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"movi\" + 0.011*\"direct\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:28:10,854 : INFO : topic #0 (0.020): 0.072*\"statewid\" + 0.038*\"line\" + 0.038*\"arsen\" + 0.034*\"raid\" + 0.029*\"museo\" + 0.021*\"traceabl\" + 0.019*\"serv\" + 0.016*\"pain\" + 0.014*\"exhaust\" + 0.013*\"artist\"\n", - "2019-01-31 00:28:10,855 : INFO : topic #39 (0.020): 0.041*\"canada\" + 0.030*\"canadian\" + 0.018*\"toronto\" + 0.016*\"ontario\" + 0.016*\"scientist\" + 0.015*\"hoar\" + 0.015*\"taxpay\" + 0.013*\"basketbal\" + 0.013*\"confer\" + 0.012*\"new\"\n", - "2019-01-31 00:28:10,861 : INFO : topic diff=0.009583, rho=0.052414\n", - "2019-01-31 00:28:11,022 : INFO : PROGRESS: pass 0, at document #730000/4922894\n", - "2019-01-31 00:28:12,478 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:28:12,744 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.032*\"perceptu\" + 0.020*\"theater\" + 0.018*\"compos\" + 0.018*\"place\" + 0.017*\"physician\" + 0.016*\"damn\" + 0.015*\"orchestr\" + 0.013*\"olympo\" + 0.012*\"word\"\n", - "2019-01-31 00:28:12,745 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.021*\"aggress\" + 0.020*\"walter\" + 0.019*\"armi\" + 0.016*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.012*\"airbu\" + 0.012*\"militari\" + 0.011*\"diversifi\"\n", - "2019-01-31 00:28:12,746 : INFO : topic #13 (0.020): 0.026*\"new\" + 0.026*\"australia\" + 0.025*\"sourc\" + 0.024*\"london\" + 0.021*\"australian\" + 0.021*\"british\" + 0.021*\"england\" + 0.020*\"ireland\" + 0.016*\"youth\" + 0.015*\"wale\"\n", - "2019-01-31 00:28:12,747 : INFO : topic #36 (0.020): 0.018*\"companhia\" + 0.011*\"network\" + 0.010*\"serv\" + 0.010*\"develop\" + 0.010*\"prognosi\" + 0.009*\"pop\" + 0.008*\"base\" + 0.007*\"manag\" + 0.007*\"includ\" + 0.007*\"oper\"\n", - "2019-01-31 00:28:12,748 : INFO : topic #27 (0.020): 0.070*\"questionnair\" + 0.018*\"taxpay\" + 0.017*\"candid\" + 0.013*\"driver\" + 0.012*\"find\" + 0.011*\"tornado\" + 0.011*\"ret\" + 0.011*\"squatter\" + 0.011*\"landslid\" + 0.010*\"fool\"\n", - "2019-01-31 00:28:12,754 : INFO : topic diff=0.012185, rho=0.052342\n", - "2019-01-31 00:28:12,914 : INFO : PROGRESS: pass 0, at document #732000/4922894\n", - "2019-01-31 00:28:14,325 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:28:14,594 : INFO : topic #20 (0.020): 0.141*\"scholar\" + 0.037*\"struggl\" + 0.033*\"high\" + 0.029*\"educ\" + 0.021*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.009*\"pseudo\" + 0.009*\"task\" + 0.008*\"class\"\n", - "2019-01-31 00:28:14,595 : INFO : topic #43 (0.020): 0.065*\"elect\" + 0.056*\"parti\" + 0.026*\"voluntari\" + 0.025*\"democrat\" + 0.020*\"member\" + 0.018*\"polici\" + 0.017*\"republ\" + 0.014*\"liber\" + 0.014*\"bypass\" + 0.013*\"report\"\n", - "2019-01-31 00:28:14,597 : INFO : topic #41 (0.020): 0.043*\"citi\" + 0.033*\"new\" + 0.024*\"palmer\" + 0.017*\"year\" + 0.015*\"center\" + 0.014*\"strategist\" + 0.012*\"open\" + 0.010*\"includ\" + 0.010*\"lobe\" + 0.009*\"dai\"\n", - "2019-01-31 00:28:14,598 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.027*\"final\" + 0.023*\"wife\" + 0.023*\"tourist\" + 0.019*\"champion\" + 0.017*\"taxpay\" + 0.016*\"chamber\" + 0.016*\"martin\" + 0.014*\"tiepolo\" + 0.012*\"women\"\n", - "2019-01-31 00:28:14,599 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"rel\" + 0.028*\"son\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.015*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 00:28:14,605 : INFO : topic diff=0.009083, rho=0.052271\n", - "2019-01-31 00:28:14,764 : INFO : PROGRESS: pass 0, at document #734000/4922894\n", - "2019-01-31 00:28:16,210 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:28:16,476 : INFO : topic #48 (0.020): 0.081*\"march\" + 0.078*\"sens\" + 0.074*\"octob\" + 0.072*\"januari\" + 0.069*\"juli\" + 0.068*\"august\" + 0.067*\"notion\" + 0.065*\"april\" + 0.065*\"decatur\" + 0.064*\"judici\"\n", - "2019-01-31 00:28:16,477 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.011*\"develop\" + 0.011*\"organ\" + 0.010*\"word\" + 0.009*\"commun\" + 0.009*\"cultur\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.008*\"human\" + 0.007*\"student\"\n", - "2019-01-31 00:28:16,478 : INFO : topic #24 (0.020): 0.040*\"book\" + 0.034*\"publicis\" + 0.024*\"word\" + 0.017*\"new\" + 0.013*\"edit\" + 0.013*\"storag\" + 0.012*\"presid\" + 0.012*\"nicola\" + 0.011*\"worldwid\" + 0.011*\"collect\"\n", - "2019-01-31 00:28:16,479 : INFO : topic #11 (0.020): 0.028*\"john\" + 0.015*\"will\" + 0.013*\"jame\" + 0.012*\"david\" + 0.012*\"rival\" + 0.010*\"georg\" + 0.010*\"mexican–american\" + 0.009*\"rhyme\" + 0.009*\"slur\" + 0.008*\"paul\"\n", - "2019-01-31 00:28:16,481 : INFO : topic #37 (0.020): 0.010*\"love\" + 0.008*\"gestur\" + 0.008*\"man\" + 0.006*\"blue\" + 0.005*\"night\" + 0.005*\"bewild\" + 0.004*\"litig\" + 0.003*\"ladi\" + 0.003*\"introductori\" + 0.003*\"vision\"\n", - "2019-01-31 00:28:16,486 : INFO : topic diff=0.010534, rho=0.052200\n", - "2019-01-31 00:28:16,700 : INFO : PROGRESS: pass 0, at document #736000/4922894\n", - "2019-01-31 00:28:18,086 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:28:18,352 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.024*\"cortic\" + 0.022*\"act\" + 0.019*\"start\" + 0.016*\"ricardo\" + 0.014*\"case\" + 0.012*\"polaris\" + 0.009*\"legal\" + 0.008*\"judaism\" + 0.007*\"replac\"\n", - "2019-01-31 00:28:18,353 : INFO : topic #17 (0.020): 0.070*\"church\" + 0.023*\"cathol\" + 0.021*\"christian\" + 0.019*\"bishop\" + 0.014*\"sail\" + 0.013*\"retroflex\" + 0.011*\"centuri\" + 0.010*\"relationship\" + 0.009*\"cathedr\" + 0.009*\"poll\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:28:18,355 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.046*\"chilton\" + 0.029*\"hong\" + 0.026*\"kong\" + 0.021*\"korea\" + 0.016*\"korean\" + 0.015*\"sourc\" + 0.015*\"min\" + 0.015*\"leah\" + 0.013*\"kim\"\n", - "2019-01-31 00:28:18,356 : INFO : topic #37 (0.020): 0.010*\"love\" + 0.008*\"gestur\" + 0.008*\"man\" + 0.006*\"blue\" + 0.005*\"night\" + 0.005*\"bewild\" + 0.004*\"litig\" + 0.003*\"vision\" + 0.003*\"ladi\" + 0.003*\"introductori\"\n", - "2019-01-31 00:28:18,357 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.005*\"man\" + 0.004*\"like\" + 0.004*\"deal\" + 0.004*\"help\"\n", - "2019-01-31 00:28:18,363 : INFO : topic diff=0.010058, rho=0.052129\n", - "2019-01-31 00:28:18,522 : INFO : PROGRESS: pass 0, at document #738000/4922894\n", - "2019-01-31 00:28:19,963 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:28:20,230 : INFO : topic #27 (0.020): 0.073*\"questionnair\" + 0.019*\"taxpay\" + 0.018*\"candid\" + 0.014*\"driver\" + 0.013*\"find\" + 0.011*\"ret\" + 0.011*\"tornado\" + 0.011*\"landslid\" + 0.011*\"fool\" + 0.010*\"champion\"\n", - "2019-01-31 00:28:20,231 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.032*\"perceptu\" + 0.021*\"theater\" + 0.019*\"compos\" + 0.018*\"place\" + 0.016*\"physician\" + 0.016*\"damn\" + 0.015*\"orchestr\" + 0.014*\"olympo\" + 0.012*\"word\"\n", - "2019-01-31 00:28:20,232 : INFO : topic #41 (0.020): 0.043*\"citi\" + 0.033*\"new\" + 0.024*\"palmer\" + 0.017*\"year\" + 0.015*\"center\" + 0.014*\"strategist\" + 0.012*\"open\" + 0.010*\"includ\" + 0.010*\"lobe\" + 0.009*\"dai\"\n", - "2019-01-31 00:28:20,233 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.011*\"develop\" + 0.011*\"organ\" + 0.010*\"word\" + 0.009*\"commun\" + 0.009*\"cultur\" + 0.008*\"group\" + 0.008*\"peopl\" + 0.008*\"human\" + 0.007*\"student\"\n", - "2019-01-31 00:28:20,234 : INFO : topic #39 (0.020): 0.042*\"canada\" + 0.031*\"canadian\" + 0.018*\"toronto\" + 0.015*\"ontario\" + 0.015*\"scientist\" + 0.015*\"hoar\" + 0.014*\"taxpay\" + 0.013*\"basketbal\" + 0.012*\"new\" + 0.012*\"confer\"\n", - "2019-01-31 00:28:20,241 : INFO : topic diff=0.010591, rho=0.052058\n", - "2019-01-31 00:28:23,019 : INFO : -11.716 per-word bound, 3364.1 perplexity estimate based on a held-out corpus of 2000 documents with 572016 words\n", - "2019-01-31 00:28:23,019 : INFO : PROGRESS: pass 0, at document #740000/4922894\n", - "2019-01-31 00:28:24,463 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:28:24,729 : INFO : topic #19 (0.020): 0.014*\"languag\" + 0.010*\"woodcut\" + 0.010*\"origin\" + 0.010*\"form\" + 0.008*\"mean\" + 0.008*\"centuri\" + 0.007*\"uruguayan\" + 0.007*\"like\" + 0.006*\"charact\" + 0.006*\"english\"\n", - "2019-01-31 00:28:24,730 : INFO : topic #44 (0.020): 0.032*\"rooftop\" + 0.027*\"final\" + 0.023*\"tourist\" + 0.022*\"wife\" + 0.019*\"champion\" + 0.016*\"taxpay\" + 0.015*\"martin\" + 0.015*\"chamber\" + 0.014*\"tiepolo\" + 0.012*\"women\"\n", - "2019-01-31 00:28:24,731 : INFO : topic #35 (0.020): 0.050*\"russia\" + 0.034*\"sovereignti\" + 0.030*\"rural\" + 0.025*\"reprint\" + 0.025*\"personifi\" + 0.021*\"poison\" + 0.020*\"moscow\" + 0.017*\"poland\" + 0.014*\"turin\" + 0.014*\"czech\"\n", - "2019-01-31 00:28:24,732 : INFO : topic #4 (0.020): 0.022*\"enfranchis\" + 0.015*\"pour\" + 0.015*\"depress\" + 0.010*\"mode\" + 0.009*\"elabor\" + 0.008*\"produc\" + 0.008*\"candid\" + 0.008*\"veget\" + 0.007*\"encyclopedia\" + 0.007*\"proclaim\"\n", - "2019-01-31 00:28:24,733 : INFO : topic #16 (0.020): 0.037*\"king\" + 0.033*\"priest\" + 0.024*\"quarterli\" + 0.021*\"grammat\" + 0.021*\"duke\" + 0.018*\"rotterdam\" + 0.015*\"idiosyncrat\" + 0.015*\"princ\" + 0.015*\"maria\" + 0.013*\"brazil\"\n", - "2019-01-31 00:28:24,739 : INFO : topic diff=0.009036, rho=0.051988\n", - "2019-01-31 00:28:24,893 : INFO : PROGRESS: pass 0, at document #742000/4922894\n", - "2019-01-31 00:28:26,275 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:28:26,544 : INFO : topic #19 (0.020): 0.014*\"languag\" + 0.010*\"origin\" + 0.010*\"woodcut\" + 0.010*\"form\" + 0.008*\"centuri\" + 0.008*\"mean\" + 0.007*\"uruguayan\" + 0.007*\"like\" + 0.006*\"god\" + 0.006*\"charact\"\n", - "2019-01-31 00:28:26,545 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.047*\"chilton\" + 0.027*\"hong\" + 0.025*\"kong\" + 0.021*\"korea\" + 0.016*\"korean\" + 0.015*\"sourc\" + 0.014*\"leah\" + 0.014*\"min\" + 0.013*\"kim\"\n", - "2019-01-31 00:28:26,546 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.016*\"lagrang\" + 0.016*\"area\" + 0.015*\"warmth\" + 0.015*\"mount\" + 0.011*\"palmer\" + 0.009*\"north\" + 0.008*\"vacant\" + 0.008*\"foam\" + 0.008*\"land\"\n", - "2019-01-31 00:28:26,547 : INFO : topic #20 (0.020): 0.141*\"scholar\" + 0.038*\"struggl\" + 0.032*\"high\" + 0.029*\"educ\" + 0.020*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.009*\"class\" + 0.009*\"pseudo\" + 0.009*\"gothic\"\n", - "2019-01-31 00:28:26,548 : INFO : topic #41 (0.020): 0.043*\"citi\" + 0.033*\"new\" + 0.024*\"palmer\" + 0.017*\"year\" + 0.015*\"center\" + 0.014*\"strategist\" + 0.012*\"open\" + 0.010*\"includ\" + 0.010*\"lobe\" + 0.009*\"dai\"\n", - "2019-01-31 00:28:26,554 : INFO : topic diff=0.009144, rho=0.051917\n", - "2019-01-31 00:28:26,709 : INFO : PROGRESS: pass 0, at document #744000/4922894\n", - "2019-01-31 00:28:28,108 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:28:28,374 : INFO : topic #48 (0.020): 0.080*\"march\" + 0.076*\"sens\" + 0.076*\"octob\" + 0.072*\"januari\" + 0.069*\"juli\" + 0.068*\"notion\" + 0.067*\"august\" + 0.067*\"decatur\" + 0.065*\"april\" + 0.064*\"judici\"\n", - "2019-01-31 00:28:28,375 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.005*\"man\" + 0.004*\"like\" + 0.004*\"deal\" + 0.004*\"help\"\n", - "2019-01-31 00:28:28,376 : INFO : topic #29 (0.020): 0.010*\"start\" + 0.009*\"million\" + 0.009*\"govern\" + 0.009*\"yawn\" + 0.008*\"companhia\" + 0.008*\"bank\" + 0.007*\"countri\" + 0.007*\"function\" + 0.006*\"trace\" + 0.006*\"new\"\n", - "2019-01-31 00:28:28,377 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.043*\"franc\" + 0.030*\"pari\" + 0.023*\"sail\" + 0.022*\"jean\" + 0.015*\"daphn\" + 0.012*\"lazi\" + 0.012*\"loui\" + 0.010*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 00:28:28,378 : INFO : topic #42 (0.020): 0.044*\"german\" + 0.030*\"germani\" + 0.014*\"vol\" + 0.014*\"berlin\" + 0.013*\"der\" + 0.012*\"jewish\" + 0.011*\"israel\" + 0.009*\"austria\" + 0.008*\"itali\" + 0.008*\"hungarian\"\n", - "2019-01-31 00:28:28,384 : INFO : topic diff=0.009368, rho=0.051848\n", - "2019-01-31 00:28:28,539 : INFO : PROGRESS: pass 0, at document #746000/4922894\n", - "2019-01-31 00:28:29,956 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:28:30,222 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.039*\"arsen\" + 0.038*\"line\" + 0.032*\"raid\" + 0.028*\"museo\" + 0.020*\"traceabl\" + 0.019*\"pain\" + 0.018*\"serv\" + 0.014*\"artist\" + 0.014*\"exhaust\"\n", - "2019-01-31 00:28:30,223 : INFO : topic #13 (0.020): 0.026*\"sourc\" + 0.026*\"australia\" + 0.025*\"new\" + 0.022*\"london\" + 0.022*\"australian\" + 0.022*\"ireland\" + 0.022*\"england\" + 0.020*\"british\" + 0.016*\"wale\" + 0.015*\"youth\"\n", - "2019-01-31 00:28:30,224 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.033*\"perceptu\" + 0.020*\"theater\" + 0.019*\"compos\" + 0.017*\"place\" + 0.015*\"damn\" + 0.015*\"olympo\" + 0.015*\"physician\" + 0.014*\"orchestr\" + 0.012*\"word\"\n", - "2019-01-31 00:28:30,226 : INFO : topic #35 (0.020): 0.051*\"russia\" + 0.034*\"sovereignti\" + 0.031*\"rural\" + 0.025*\"reprint\" + 0.024*\"personifi\" + 0.022*\"poison\" + 0.020*\"moscow\" + 0.016*\"poland\" + 0.014*\"turin\" + 0.014*\"czech\"\n", - "2019-01-31 00:28:30,227 : INFO : topic #45 (0.020): 0.016*\"black\" + 0.015*\"fifteenth\" + 0.015*\"jpg\" + 0.014*\"western\" + 0.014*\"colder\" + 0.013*\"illicit\" + 0.011*\"record\" + 0.009*\"blind\" + 0.007*\"arm\" + 0.007*\"green\"\n", - "2019-01-31 00:28:30,233 : INFO : topic diff=0.008913, rho=0.051778\n", - "2019-01-31 00:28:30,391 : INFO : PROGRESS: pass 0, at document #748000/4922894\n", - "2019-01-31 00:28:31,834 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:28:32,100 : INFO : topic #13 (0.020): 0.026*\"australia\" + 0.026*\"sourc\" + 0.025*\"new\" + 0.022*\"london\" + 0.022*\"australian\" + 0.022*\"england\" + 0.021*\"ireland\" + 0.020*\"british\" + 0.016*\"wale\" + 0.015*\"youth\"\n", - "2019-01-31 00:28:32,101 : INFO : topic #27 (0.020): 0.071*\"questionnair\" + 0.018*\"taxpay\" + 0.017*\"candid\" + 0.014*\"driver\" + 0.014*\"horac\" + 0.013*\"find\" + 0.012*\"tornado\" + 0.012*\"ret\" + 0.011*\"squatter\" + 0.010*\"landslid\"\n", - "2019-01-31 00:28:32,102 : INFO : topic #42 (0.020): 0.045*\"german\" + 0.031*\"germani\" + 0.014*\"vol\" + 0.014*\"berlin\" + 0.013*\"der\" + 0.012*\"jewish\" + 0.011*\"israel\" + 0.008*\"austria\" + 0.008*\"itali\" + 0.008*\"europ\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:28:32,104 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.024*\"cortic\" + 0.021*\"act\" + 0.019*\"start\" + 0.016*\"ricardo\" + 0.014*\"case\" + 0.012*\"polaris\" + 0.009*\"legal\" + 0.008*\"judaism\" + 0.008*\"replac\"\n", - "2019-01-31 00:28:32,105 : INFO : topic #1 (0.020): 0.056*\"china\" + 0.048*\"chilton\" + 0.028*\"hong\" + 0.025*\"kong\" + 0.022*\"korea\" + 0.015*\"sourc\" + 0.015*\"korean\" + 0.014*\"leah\" + 0.013*\"kim\" + 0.013*\"min\"\n", - "2019-01-31 00:28:32,110 : INFO : topic diff=0.008882, rho=0.051709\n", - "2019-01-31 00:28:32,264 : INFO : PROGRESS: pass 0, at document #750000/4922894\n", - "2019-01-31 00:28:33,669 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:28:33,935 : INFO : topic #35 (0.020): 0.053*\"russia\" + 0.035*\"sovereignti\" + 0.031*\"rural\" + 0.025*\"reprint\" + 0.023*\"personifi\" + 0.022*\"poison\" + 0.020*\"moscow\" + 0.016*\"poland\" + 0.015*\"unfortun\" + 0.014*\"czech\"\n", - "2019-01-31 00:28:33,936 : INFO : topic #9 (0.020): 0.069*\"bone\" + 0.037*\"american\" + 0.028*\"valour\" + 0.020*\"dutch\" + 0.018*\"folei\" + 0.016*\"english\" + 0.016*\"polit\" + 0.015*\"player\" + 0.011*\"simpler\" + 0.011*\"acrimoni\"\n", - "2019-01-31 00:28:33,937 : INFO : topic #34 (0.020): 0.070*\"start\" + 0.039*\"cotton\" + 0.030*\"unionist\" + 0.027*\"american\" + 0.022*\"new\" + 0.014*\"california\" + 0.013*\"terri\" + 0.013*\"warrior\" + 0.012*\"year\" + 0.011*\"north\"\n", - "2019-01-31 00:28:33,938 : INFO : topic #32 (0.020): 0.057*\"district\" + 0.045*\"vigour\" + 0.041*\"tortur\" + 0.041*\"popolo\" + 0.039*\"area\" + 0.030*\"cotton\" + 0.027*\"regim\" + 0.023*\"multitud\" + 0.022*\"citi\" + 0.018*\"commun\"\n", - "2019-01-31 00:28:33,940 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.021*\"aggress\" + 0.021*\"walter\" + 0.020*\"armi\" + 0.016*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.010*\"refut\"\n", - "2019-01-31 00:28:33,945 : INFO : topic diff=0.008682, rho=0.051640\n", - "2019-01-31 00:28:34,106 : INFO : PROGRESS: pass 0, at document #752000/4922894\n", - "2019-01-31 00:28:35,528 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:28:35,794 : INFO : topic #41 (0.020): 0.042*\"citi\" + 0.033*\"new\" + 0.023*\"palmer\" + 0.017*\"year\" + 0.015*\"center\" + 0.014*\"strategist\" + 0.012*\"open\" + 0.011*\"lobe\" + 0.010*\"includ\" + 0.008*\"highli\"\n", - "2019-01-31 00:28:35,795 : INFO : topic #32 (0.020): 0.058*\"district\" + 0.045*\"vigour\" + 0.041*\"tortur\" + 0.041*\"popolo\" + 0.039*\"area\" + 0.029*\"cotton\" + 0.027*\"regim\" + 0.023*\"multitud\" + 0.021*\"citi\" + 0.019*\"commun\"\n", - "2019-01-31 00:28:35,797 : INFO : topic #31 (0.020): 0.066*\"fusiform\" + 0.025*\"player\" + 0.023*\"scientist\" + 0.021*\"taxpay\" + 0.020*\"place\" + 0.013*\"leagu\" + 0.012*\"clot\" + 0.011*\"folei\" + 0.009*\"barber\" + 0.009*\"ruler\"\n", - "2019-01-31 00:28:35,798 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"southern\" + 0.007*\"exampl\" + 0.007*\"gener\" + 0.006*\"servitud\" + 0.006*\"théori\" + 0.006*\"poet\" + 0.006*\"measur\" + 0.006*\"method\"\n", - "2019-01-31 00:28:35,799 : INFO : topic #40 (0.020): 0.088*\"unit\" + 0.024*\"collector\" + 0.023*\"schuster\" + 0.021*\"institut\" + 0.018*\"requir\" + 0.018*\"student\" + 0.016*\"professor\" + 0.012*\"governor\" + 0.011*\"word\" + 0.010*\"http\"\n", - "2019-01-31 00:28:35,805 : INFO : topic diff=0.010350, rho=0.051571\n", - "2019-01-31 00:28:35,959 : INFO : PROGRESS: pass 0, at document #754000/4922894\n", - "2019-01-31 00:28:37,373 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:28:37,639 : INFO : topic #46 (0.020): 0.018*\"damag\" + 0.018*\"stop\" + 0.018*\"sweden\" + 0.016*\"norwai\" + 0.015*\"swedish\" + 0.014*\"norwegian\" + 0.014*\"wind\" + 0.013*\"unjust\" + 0.012*\"treeless\" + 0.011*\"ton\"\n", - "2019-01-31 00:28:37,640 : INFO : topic #32 (0.020): 0.058*\"district\" + 0.045*\"vigour\" + 0.041*\"tortur\" + 0.041*\"popolo\" + 0.038*\"area\" + 0.029*\"cotton\" + 0.026*\"regim\" + 0.023*\"multitud\" + 0.022*\"citi\" + 0.019*\"commun\"\n", - "2019-01-31 00:28:37,641 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.024*\"spain\" + 0.019*\"del\" + 0.018*\"mexico\" + 0.015*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"carlo\" + 0.011*\"francisco\" + 0.011*\"lizard\"\n", - "2019-01-31 00:28:37,642 : INFO : topic #35 (0.020): 0.053*\"russia\" + 0.036*\"sovereignti\" + 0.031*\"rural\" + 0.025*\"reprint\" + 0.023*\"personifi\" + 0.022*\"poison\" + 0.020*\"moscow\" + 0.016*\"poland\" + 0.015*\"czech\" + 0.015*\"unfortun\"\n", - "2019-01-31 00:28:37,643 : INFO : topic #29 (0.020): 0.010*\"start\" + 0.009*\"govern\" + 0.009*\"million\" + 0.009*\"companhia\" + 0.009*\"yawn\" + 0.008*\"bank\" + 0.007*\"countri\" + 0.006*\"function\" + 0.006*\"trace\" + 0.006*\"new\"\n", - "2019-01-31 00:28:37,649 : INFO : topic diff=0.008350, rho=0.051503\n", - "2019-01-31 00:28:37,804 : INFO : PROGRESS: pass 0, at document #756000/4922894\n", - "2019-01-31 00:28:39,213 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:28:39,479 : INFO : topic #31 (0.020): 0.065*\"fusiform\" + 0.025*\"player\" + 0.024*\"scientist\" + 0.021*\"taxpay\" + 0.021*\"place\" + 0.013*\"leagu\" + 0.012*\"clot\" + 0.011*\"folei\" + 0.009*\"barber\" + 0.009*\"ruler\"\n", - "2019-01-31 00:28:39,480 : INFO : topic #6 (0.020): 0.068*\"fewer\" + 0.025*\"septemb\" + 0.022*\"epiru\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.013*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:28:39,481 : INFO : topic #1 (0.020): 0.056*\"china\" + 0.047*\"chilton\" + 0.027*\"hong\" + 0.025*\"kong\" + 0.022*\"korea\" + 0.016*\"leah\" + 0.015*\"korean\" + 0.015*\"sourc\" + 0.014*\"min\" + 0.014*\"kim\"\n", - "2019-01-31 00:28:39,482 : INFO : topic #40 (0.020): 0.088*\"unit\" + 0.024*\"collector\" + 0.024*\"schuster\" + 0.021*\"institut\" + 0.019*\"requir\" + 0.018*\"student\" + 0.016*\"professor\" + 0.012*\"governor\" + 0.011*\"word\" + 0.010*\"http\"\n", - "2019-01-31 00:28:39,483 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.032*\"perceptu\" + 0.021*\"theater\" + 0.018*\"compos\" + 0.017*\"place\" + 0.015*\"olympo\" + 0.015*\"damn\" + 0.015*\"physician\" + 0.014*\"orchestr\" + 0.012*\"word\"\n", - "2019-01-31 00:28:39,490 : INFO : topic diff=0.009668, rho=0.051434\n", - "2019-01-31 00:28:39,647 : INFO : PROGRESS: pass 0, at document #758000/4922894\n", - "2019-01-31 00:28:41,157 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:28:41,423 : INFO : topic #0 (0.020): 0.071*\"statewid\" + 0.040*\"arsen\" + 0.038*\"line\" + 0.032*\"raid\" + 0.030*\"museo\" + 0.020*\"traceabl\" + 0.018*\"pain\" + 0.017*\"serv\" + 0.014*\"artist\" + 0.014*\"exhaust\"\n", - "2019-01-31 00:28:41,425 : INFO : topic #31 (0.020): 0.065*\"fusiform\" + 0.025*\"player\" + 0.024*\"scientist\" + 0.021*\"taxpay\" + 0.021*\"place\" + 0.013*\"leagu\" + 0.012*\"clot\" + 0.012*\"folei\" + 0.010*\"barber\" + 0.009*\"ruler\"\n", - "2019-01-31 00:28:41,426 : INFO : topic #40 (0.020): 0.088*\"unit\" + 0.024*\"collector\" + 0.024*\"schuster\" + 0.020*\"institut\" + 0.019*\"requir\" + 0.018*\"student\" + 0.016*\"professor\" + 0.012*\"governor\" + 0.011*\"word\" + 0.011*\"http\"\n", - "2019-01-31 00:28:41,427 : INFO : topic #1 (0.020): 0.056*\"china\" + 0.046*\"chilton\" + 0.027*\"hong\" + 0.025*\"kong\" + 0.022*\"korea\" + 0.016*\"leah\" + 0.015*\"korean\" + 0.015*\"sourc\" + 0.014*\"min\" + 0.014*\"kim\"\n", - "2019-01-31 00:28:41,428 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.043*\"franc\" + 0.031*\"pari\" + 0.024*\"sail\" + 0.021*\"jean\" + 0.015*\"daphn\" + 0.012*\"lazi\" + 0.012*\"loui\" + 0.010*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 00:28:41,434 : INFO : topic diff=0.008459, rho=0.051367\n", - "2019-01-31 00:28:44,196 : INFO : -11.812 per-word bound, 3594.4 perplexity estimate based on a held-out corpus of 2000 documents with 586166 words\n", - "2019-01-31 00:28:44,196 : INFO : PROGRESS: pass 0, at document #760000/4922894\n", - "2019-01-31 00:28:45,624 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:28:45,890 : INFO : topic #20 (0.020): 0.137*\"scholar\" + 0.037*\"struggl\" + 0.033*\"high\" + 0.029*\"educ\" + 0.021*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.009*\"task\" + 0.009*\"class\" + 0.009*\"gothic\"\n", - "2019-01-31 00:28:45,891 : INFO : topic #46 (0.020): 0.022*\"damag\" + 0.018*\"sweden\" + 0.017*\"stop\" + 0.016*\"norwai\" + 0.015*\"swedish\" + 0.013*\"norwegian\" + 0.013*\"ton\" + 0.013*\"wind\" + 0.012*\"unjust\" + 0.011*\"treeless\"\n", - "2019-01-31 00:28:45,893 : INFO : topic #11 (0.020): 0.028*\"john\" + 0.017*\"will\" + 0.013*\"jame\" + 0.012*\"david\" + 0.012*\"rival\" + 0.010*\"georg\" + 0.010*\"mexican–american\" + 0.009*\"wilson\" + 0.009*\"rhyme\" + 0.008*\"slur\"\n", - "2019-01-31 00:28:45,894 : INFO : topic #45 (0.020): 0.016*\"black\" + 0.016*\"fifteenth\" + 0.015*\"illicit\" + 0.015*\"jpg\" + 0.014*\"western\" + 0.013*\"colder\" + 0.011*\"record\" + 0.009*\"blind\" + 0.007*\"light\" + 0.007*\"green\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:28:45,895 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.018*\"di\" + 0.017*\"factor\" + 0.015*\"yawn\" + 0.014*\"margin\" + 0.013*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.011*\"daughter\" + 0.011*\"deal\"\n", - "2019-01-31 00:28:45,901 : INFO : topic diff=0.008575, rho=0.051299\n", - "2019-01-31 00:28:46,059 : INFO : PROGRESS: pass 0, at document #762000/4922894\n", - "2019-01-31 00:28:47,490 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:28:47,759 : INFO : topic #33 (0.020): 0.060*\"french\" + 0.044*\"franc\" + 0.031*\"pari\" + 0.024*\"sail\" + 0.022*\"jean\" + 0.016*\"daphn\" + 0.012*\"lazi\" + 0.012*\"loui\" + 0.010*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 00:28:47,760 : INFO : topic #21 (0.020): 0.035*\"samford\" + 0.023*\"spain\" + 0.019*\"mexico\" + 0.018*\"del\" + 0.015*\"soviet\" + 0.012*\"santa\" + 0.011*\"carlo\" + 0.011*\"juan\" + 0.011*\"francisco\" + 0.010*\"lizard\"\n", - "2019-01-31 00:28:47,761 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"southern\" + 0.007*\"exampl\" + 0.007*\"servitud\" + 0.006*\"gener\" + 0.006*\"théori\" + 0.006*\"poet\" + 0.006*\"measur\" + 0.005*\"method\"\n", - "2019-01-31 00:28:47,762 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.035*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.022*\"crete\" + 0.022*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.011*\"schmitz\"\n", - "2019-01-31 00:28:47,764 : INFO : topic #40 (0.020): 0.090*\"unit\" + 0.024*\"collector\" + 0.023*\"schuster\" + 0.021*\"institut\" + 0.018*\"requir\" + 0.018*\"student\" + 0.016*\"professor\" + 0.012*\"governor\" + 0.011*\"word\" + 0.011*\"http\"\n", - "2019-01-31 00:28:47,769 : INFO : topic diff=0.008768, rho=0.051232\n", - "2019-01-31 00:28:47,923 : INFO : PROGRESS: pass 0, at document #764000/4922894\n", - "2019-01-31 00:28:49,323 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:28:49,588 : INFO : topic #13 (0.020): 0.026*\"sourc\" + 0.025*\"new\" + 0.025*\"australia\" + 0.024*\"london\" + 0.022*\"england\" + 0.022*\"australian\" + 0.021*\"ireland\" + 0.021*\"british\" + 0.015*\"youth\" + 0.015*\"wale\"\n", - "2019-01-31 00:28:49,589 : INFO : topic #36 (0.020): 0.017*\"companhia\" + 0.011*\"network\" + 0.011*\"pop\" + 0.009*\"serv\" + 0.009*\"develop\" + 0.009*\"prognosi\" + 0.008*\"base\" + 0.008*\"user\" + 0.008*\"includ\" + 0.007*\"manag\"\n", - "2019-01-31 00:28:49,590 : INFO : topic #45 (0.020): 0.016*\"black\" + 0.016*\"fifteenth\" + 0.015*\"jpg\" + 0.014*\"western\" + 0.014*\"illicit\" + 0.013*\"colder\" + 0.011*\"record\" + 0.009*\"blind\" + 0.007*\"green\" + 0.007*\"light\"\n", - "2019-01-31 00:28:49,592 : INFO : topic #42 (0.020): 0.045*\"german\" + 0.030*\"germani\" + 0.014*\"vol\" + 0.013*\"berlin\" + 0.012*\"jewish\" + 0.012*\"israel\" + 0.012*\"der\" + 0.009*\"itali\" + 0.009*\"europ\" + 0.008*\"austria\"\n", - "2019-01-31 00:28:49,593 : INFO : topic #28 (0.020): 0.030*\"build\" + 0.024*\"hous\" + 0.021*\"rivièr\" + 0.017*\"buford\" + 0.012*\"histor\" + 0.012*\"briarwood\" + 0.011*\"linear\" + 0.011*\"constitut\" + 0.010*\"strategist\" + 0.010*\"rosenwald\"\n", - "2019-01-31 00:28:49,599 : INFO : topic diff=0.008894, rho=0.051164\n", - "2019-01-31 00:28:49,816 : INFO : PROGRESS: pass 0, at document #766000/4922894\n", - "2019-01-31 00:28:51,246 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:28:51,512 : INFO : topic #42 (0.020): 0.045*\"german\" + 0.030*\"germani\" + 0.014*\"vol\" + 0.013*\"berlin\" + 0.013*\"israel\" + 0.012*\"jewish\" + 0.012*\"der\" + 0.009*\"itali\" + 0.008*\"europ\" + 0.008*\"austria\"\n", - "2019-01-31 00:28:51,513 : INFO : topic #48 (0.020): 0.085*\"march\" + 0.079*\"octob\" + 0.078*\"sens\" + 0.074*\"januari\" + 0.072*\"notion\" + 0.071*\"juli\" + 0.070*\"august\" + 0.069*\"decatur\" + 0.069*\"april\" + 0.068*\"judici\"\n", - "2019-01-31 00:28:51,514 : INFO : topic #34 (0.020): 0.071*\"start\" + 0.040*\"cotton\" + 0.031*\"unionist\" + 0.028*\"american\" + 0.023*\"new\" + 0.015*\"california\" + 0.014*\"terri\" + 0.013*\"warrior\" + 0.012*\"year\" + 0.011*\"north\"\n", - "2019-01-31 00:28:51,515 : INFO : topic #49 (0.020): 0.046*\"india\" + 0.032*\"incumb\" + 0.013*\"islam\" + 0.012*\"televis\" + 0.012*\"pakistan\" + 0.011*\"anglo\" + 0.011*\"muskoge\" + 0.010*\"start\" + 0.010*\"singh\" + 0.009*\"alam\"\n", - "2019-01-31 00:28:51,516 : INFO : topic #2 (0.020): 0.046*\"isl\" + 0.036*\"shield\" + 0.020*\"narrat\" + 0.013*\"scot\" + 0.013*\"pope\" + 0.013*\"coalit\" + 0.011*\"blur\" + 0.011*\"nativist\" + 0.011*\"class\" + 0.010*\"bahá\"\n", - "2019-01-31 00:28:51,522 : INFO : topic diff=0.008444, rho=0.051098\n", - "2019-01-31 00:28:51,688 : INFO : PROGRESS: pass 0, at document #768000/4922894\n", - "2019-01-31 00:28:53,120 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:28:53,386 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.026*\"factor\" + 0.021*\"adulthood\" + 0.016*\"feel\" + 0.015*\"hostil\" + 0.015*\"male\" + 0.012*\"plaisir\" + 0.011*\"live\" + 0.010*\"genu\" + 0.009*\"yawn\"\n", - "2019-01-31 00:28:53,387 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.056*\"parti\" + 0.027*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.018*\"polici\" + 0.015*\"republ\" + 0.014*\"liber\" + 0.014*\"bypass\" + 0.013*\"selma\"\n", - "2019-01-31 00:28:53,388 : INFO : topic #37 (0.020): 0.010*\"love\" + 0.008*\"gestur\" + 0.008*\"man\" + 0.006*\"blue\" + 0.005*\"litig\" + 0.005*\"bewild\" + 0.005*\"night\" + 0.003*\"vision\" + 0.003*\"ladi\" + 0.003*\"healthcar\"\n", - "2019-01-31 00:28:53,389 : INFO : topic #39 (0.020): 0.039*\"canada\" + 0.031*\"canadian\" + 0.017*\"toronto\" + 0.016*\"hoar\" + 0.015*\"ontario\" + 0.015*\"basketbal\" + 0.014*\"taxpay\" + 0.014*\"scientist\" + 0.012*\"new\" + 0.012*\"confer\"\n", - "2019-01-31 00:28:53,390 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.034*\"publicis\" + 0.023*\"word\" + 0.017*\"new\" + 0.014*\"edit\" + 0.013*\"storag\" + 0.013*\"nicola\" + 0.012*\"presid\" + 0.012*\"collect\" + 0.011*\"worldwid\"\n", - "2019-01-31 00:28:53,396 : INFO : topic diff=0.009250, rho=0.051031\n", - "2019-01-31 00:28:53,553 : INFO : PROGRESS: pass 0, at document #770000/4922894\n", - "2019-01-31 00:28:54,959 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:28:55,228 : INFO : topic #6 (0.020): 0.069*\"fewer\" + 0.024*\"septemb\" + 0.022*\"epiru\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.013*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"movi\" + 0.011*\"direct\" + 0.011*\"acrimoni\"\n", - "2019-01-31 00:28:55,229 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"southern\" + 0.007*\"théori\" + 0.006*\"exampl\" + 0.006*\"gener\" + 0.006*\"servitud\" + 0.006*\"poet\" + 0.005*\"measur\" + 0.005*\"utopian\"\n", - "2019-01-31 00:28:55,230 : INFO : topic #1 (0.020): 0.057*\"china\" + 0.046*\"chilton\" + 0.029*\"hong\" + 0.027*\"kong\" + 0.023*\"korea\" + 0.020*\"korean\" + 0.016*\"sourc\" + 0.016*\"leah\" + 0.014*\"kim\" + 0.012*\"min\"\n", - "2019-01-31 00:28:55,232 : INFO : topic #20 (0.020): 0.139*\"scholar\" + 0.037*\"struggl\" + 0.033*\"high\" + 0.030*\"educ\" + 0.020*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.009*\"gothic\" + 0.009*\"task\" + 0.009*\"district\"\n", - "2019-01-31 00:28:55,233 : INFO : topic #41 (0.020): 0.044*\"citi\" + 0.033*\"new\" + 0.022*\"palmer\" + 0.016*\"year\" + 0.014*\"strategist\" + 0.014*\"center\" + 0.011*\"open\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.008*\"highli\"\n", - "2019-01-31 00:28:55,239 : INFO : topic diff=0.008915, rho=0.050965\n", - "2019-01-31 00:28:55,401 : INFO : PROGRESS: pass 0, at document #772000/4922894\n", - "2019-01-31 00:28:56,856 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:28:57,122 : INFO : topic #32 (0.020): 0.056*\"district\" + 0.045*\"vigour\" + 0.043*\"popolo\" + 0.041*\"tortur\" + 0.037*\"area\" + 0.028*\"cotton\" + 0.026*\"regim\" + 0.024*\"multitud\" + 0.022*\"citi\" + 0.019*\"commun\"\n", - "2019-01-31 00:28:57,123 : INFO : topic #29 (0.020): 0.010*\"million\" + 0.010*\"start\" + 0.010*\"govern\" + 0.009*\"companhia\" + 0.009*\"yawn\" + 0.008*\"bank\" + 0.007*\"countri\" + 0.007*\"function\" + 0.006*\"trace\" + 0.006*\"market\"\n", - "2019-01-31 00:28:57,124 : INFO : topic #36 (0.020): 0.016*\"companhia\" + 0.011*\"network\" + 0.010*\"pop\" + 0.009*\"develop\" + 0.009*\"prognosi\" + 0.009*\"serv\" + 0.008*\"base\" + 0.008*\"includ\" + 0.007*\"user\" + 0.007*\"manag\"\n", - "2019-01-31 00:28:57,126 : INFO : topic #39 (0.020): 0.039*\"canada\" + 0.031*\"canadian\" + 0.017*\"hoar\" + 0.017*\"toronto\" + 0.015*\"ontario\" + 0.014*\"basketbal\" + 0.014*\"taxpay\" + 0.014*\"scientist\" + 0.012*\"new\" + 0.012*\"confer\"\n", - "2019-01-31 00:28:57,127 : INFO : topic #46 (0.020): 0.019*\"damag\" + 0.018*\"sweden\" + 0.017*\"stop\" + 0.016*\"norwai\" + 0.016*\"swedish\" + 0.014*\"wind\" + 0.014*\"norwegian\" + 0.011*\"treeless\" + 0.010*\"farid\" + 0.010*\"unjust\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:28:57,133 : INFO : topic diff=0.010324, rho=0.050899\n", - "2019-01-31 00:28:57,292 : INFO : PROGRESS: pass 0, at document #774000/4922894\n", - "2019-01-31 00:28:58,722 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:28:58,988 : INFO : topic #33 (0.020): 0.058*\"french\" + 0.044*\"franc\" + 0.031*\"pari\" + 0.025*\"sail\" + 0.021*\"jean\" + 0.016*\"daphn\" + 0.014*\"loui\" + 0.012*\"lazi\" + 0.010*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 00:28:58,990 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.018*\"di\" + 0.017*\"factor\" + 0.015*\"yawn\" + 0.014*\"margin\" + 0.013*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.011*\"daughter\" + 0.011*\"deal\"\n", - "2019-01-31 00:28:58,991 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.028*\"final\" + 0.024*\"wife\" + 0.021*\"tourist\" + 0.018*\"champion\" + 0.018*\"taxpay\" + 0.016*\"martin\" + 0.014*\"tiepolo\" + 0.014*\"chamber\" + 0.013*\"women\"\n", - "2019-01-31 00:28:58,992 : INFO : topic #9 (0.020): 0.073*\"bone\" + 0.042*\"american\" + 0.026*\"valour\" + 0.020*\"folei\" + 0.018*\"english\" + 0.018*\"dutch\" + 0.018*\"player\" + 0.017*\"polit\" + 0.011*\"simpler\" + 0.011*\"acrimoni\"\n", - "2019-01-31 00:28:58,993 : INFO : topic #37 (0.020): 0.010*\"love\" + 0.009*\"gestur\" + 0.008*\"man\" + 0.006*\"blue\" + 0.005*\"bewild\" + 0.005*\"litig\" + 0.004*\"night\" + 0.003*\"vision\" + 0.003*\"ladi\" + 0.003*\"madison\"\n", - "2019-01-31 00:28:58,999 : INFO : topic diff=0.009207, rho=0.050833\n", - "2019-01-31 00:28:59,154 : INFO : PROGRESS: pass 0, at document #776000/4922894\n", - "2019-01-31 00:29:00,578 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:29:00,844 : INFO : topic #31 (0.020): 0.065*\"fusiform\" + 0.025*\"player\" + 0.024*\"scientist\" + 0.021*\"taxpay\" + 0.020*\"place\" + 0.013*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"barber\" + 0.009*\"ruler\"\n", - "2019-01-31 00:29:00,846 : INFO : topic #16 (0.020): 0.037*\"king\" + 0.034*\"priest\" + 0.021*\"duke\" + 0.021*\"grammat\" + 0.020*\"quarterli\" + 0.017*\"rotterdam\" + 0.015*\"idiosyncrat\" + 0.014*\"maria\" + 0.014*\"princ\" + 0.013*\"brazil\"\n", - "2019-01-31 00:29:00,847 : INFO : topic #29 (0.020): 0.010*\"govern\" + 0.010*\"start\" + 0.009*\"million\" + 0.009*\"companhia\" + 0.009*\"yawn\" + 0.008*\"bank\" + 0.007*\"countri\" + 0.007*\"function\" + 0.006*\"trace\" + 0.006*\"market\"\n", - "2019-01-31 00:29:00,848 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.027*\"factor\" + 0.021*\"adulthood\" + 0.016*\"feel\" + 0.015*\"hostil\" + 0.014*\"male\" + 0.012*\"plaisir\" + 0.011*\"live\" + 0.009*\"yawn\" + 0.009*\"genu\"\n", - "2019-01-31 00:29:00,849 : INFO : topic #10 (0.020): 0.010*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"pathwai\" + 0.007*\"have\" + 0.006*\"proper\" + 0.006*\"caus\" + 0.006*\"treat\" + 0.006*\"hormon\" + 0.006*\"effect\"\n", - "2019-01-31 00:29:00,855 : INFO : topic diff=0.008623, rho=0.050767\n", - "2019-01-31 00:29:01,012 : INFO : PROGRESS: pass 0, at document #778000/4922894\n", - "2019-01-31 00:29:02,440 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:29:02,707 : INFO : topic #4 (0.020): 0.024*\"enfranchis\" + 0.016*\"depress\" + 0.014*\"pour\" + 0.010*\"mode\" + 0.009*\"candid\" + 0.009*\"produc\" + 0.008*\"elabor\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.007*\"encyclopedia\"\n", - "2019-01-31 00:29:02,708 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.008*\"southern\" + 0.007*\"théori\" + 0.006*\"gener\" + 0.006*\"exampl\" + 0.006*\"servitud\" + 0.006*\"poet\" + 0.006*\"measur\" + 0.005*\"utopian\"\n", - "2019-01-31 00:29:02,709 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.024*\"cortic\" + 0.019*\"act\" + 0.019*\"start\" + 0.015*\"ricardo\" + 0.013*\"case\" + 0.013*\"polaris\" + 0.009*\"legal\" + 0.009*\"judaism\" + 0.008*\"justic\"\n", - "2019-01-31 00:29:02,710 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.017*\"warmth\" + 0.016*\"lagrang\" + 0.015*\"area\" + 0.015*\"mount\" + 0.010*\"palmer\" + 0.009*\"north\" + 0.009*\"vacant\" + 0.008*\"foam\" + 0.008*\"sourc\"\n", - "2019-01-31 00:29:02,712 : INFO : topic #32 (0.020): 0.057*\"district\" + 0.046*\"vigour\" + 0.042*\"popolo\" + 0.040*\"tortur\" + 0.036*\"area\" + 0.028*\"cotton\" + 0.026*\"regim\" + 0.024*\"multitud\" + 0.022*\"citi\" + 0.020*\"commun\"\n", - "2019-01-31 00:29:02,717 : INFO : topic diff=0.008873, rho=0.050702\n", - "2019-01-31 00:29:05,364 : INFO : -11.571 per-word bound, 3042.2 perplexity estimate based on a held-out corpus of 2000 documents with 517534 words\n", - "2019-01-31 00:29:05,365 : INFO : PROGRESS: pass 0, at document #780000/4922894\n", - "2019-01-31 00:29:06,750 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:29:07,016 : INFO : topic #3 (0.020): 0.036*\"present\" + 0.030*\"serv\" + 0.028*\"offic\" + 0.025*\"minist\" + 0.020*\"member\" + 0.017*\"govern\" + 0.017*\"seri\" + 0.017*\"nation\" + 0.017*\"gener\" + 0.015*\"chickasaw\"\n", - "2019-01-31 00:29:07,018 : INFO : topic #29 (0.020): 0.010*\"govern\" + 0.009*\"start\" + 0.009*\"million\" + 0.009*\"companhia\" + 0.009*\"yawn\" + 0.008*\"bank\" + 0.007*\"countri\" + 0.007*\"function\" + 0.006*\"trace\" + 0.006*\"market\"\n", - "2019-01-31 00:29:07,019 : INFO : topic #33 (0.020): 0.060*\"french\" + 0.043*\"franc\" + 0.030*\"pari\" + 0.025*\"sail\" + 0.021*\"jean\" + 0.016*\"daphn\" + 0.013*\"loui\" + 0.013*\"lazi\" + 0.010*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 00:29:07,020 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.011*\"develop\" + 0.011*\"organ\" + 0.010*\"word\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"cultur\" + 0.008*\"peopl\" + 0.007*\"student\" + 0.007*\"human\"\n", - "2019-01-31 00:29:07,021 : INFO : topic #38 (0.020): 0.021*\"walter\" + 0.010*\"aza\" + 0.010*\"king\" + 0.010*\"battalion\" + 0.009*\"empath\" + 0.009*\"centuri\" + 0.008*\"teufel\" + 0.008*\"forc\" + 0.007*\"armi\" + 0.007*\"embassi\"\n", - "2019-01-31 00:29:07,027 : INFO : topic diff=0.008137, rho=0.050637\n", - "2019-01-31 00:29:07,182 : INFO : PROGRESS: pass 0, at document #782000/4922894\n", - "2019-01-31 00:29:08,595 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:29:08,862 : INFO : topic #38 (0.020): 0.021*\"walter\" + 0.010*\"aza\" + 0.010*\"king\" + 0.010*\"battalion\" + 0.009*\"empath\" + 0.009*\"centuri\" + 0.008*\"teufel\" + 0.008*\"forc\" + 0.007*\"embassi\" + 0.007*\"armi\"\n", - "2019-01-31 00:29:08,863 : INFO : topic #25 (0.020): 0.031*\"ring\" + 0.017*\"warmth\" + 0.016*\"lagrang\" + 0.015*\"area\" + 0.015*\"mount\" + 0.011*\"palmer\" + 0.009*\"north\" + 0.008*\"vacant\" + 0.008*\"foam\" + 0.008*\"sourc\"\n", - "2019-01-31 00:29:08,865 : INFO : topic #17 (0.020): 0.074*\"church\" + 0.022*\"christian\" + 0.021*\"cathol\" + 0.019*\"bishop\" + 0.015*\"sail\" + 0.014*\"retroflex\" + 0.010*\"centuri\" + 0.009*\"historiographi\" + 0.009*\"relationship\" + 0.009*\"poll\"\n", - "2019-01-31 00:29:08,866 : INFO : topic #34 (0.020): 0.070*\"start\" + 0.039*\"cotton\" + 0.030*\"unionist\" + 0.027*\"american\" + 0.023*\"new\" + 0.015*\"california\" + 0.014*\"terri\" + 0.013*\"warrior\" + 0.012*\"year\" + 0.011*\"north\"\n", - "2019-01-31 00:29:08,867 : INFO : topic #37 (0.020): 0.010*\"love\" + 0.009*\"gestur\" + 0.008*\"man\" + 0.006*\"blue\" + 0.005*\"bewild\" + 0.004*\"litig\" + 0.004*\"night\" + 0.003*\"vision\" + 0.003*\"york\" + 0.003*\"ladi\"\n", - "2019-01-31 00:29:08,873 : INFO : topic diff=0.008638, rho=0.050572\n", - "2019-01-31 00:29:09,028 : INFO : PROGRESS: pass 0, at document #784000/4922894\n", - "2019-01-31 00:29:10,431 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:29:10,697 : INFO : topic #25 (0.020): 0.031*\"ring\" + 0.016*\"warmth\" + 0.016*\"lagrang\" + 0.015*\"mount\" + 0.015*\"area\" + 0.010*\"palmer\" + 0.009*\"north\" + 0.008*\"vacant\" + 0.008*\"foam\" + 0.008*\"sourc\"\n", - "2019-01-31 00:29:10,699 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.011*\"develop\" + 0.011*\"organ\" + 0.010*\"word\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"cultur\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.007*\"student\"\n", - "2019-01-31 00:29:10,700 : INFO : topic #5 (0.020): 0.040*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.017*\"simultan\" + 0.015*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 00:29:10,701 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.034*\"publicis\" + 0.023*\"word\" + 0.017*\"new\" + 0.014*\"edit\" + 0.013*\"nicola\" + 0.012*\"storag\" + 0.012*\"presid\" + 0.011*\"collect\" + 0.011*\"worldwid\"\n", - "2019-01-31 00:29:10,702 : INFO : topic #29 (0.020): 0.009*\"govern\" + 0.009*\"million\" + 0.009*\"start\" + 0.009*\"companhia\" + 0.009*\"yawn\" + 0.008*\"bank\" + 0.007*\"countri\" + 0.007*\"function\" + 0.006*\"market\" + 0.006*\"trace\"\n", - "2019-01-31 00:29:10,708 : INFO : topic diff=0.008466, rho=0.050508\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:29:10,871 : INFO : PROGRESS: pass 0, at document #786000/4922894\n", - "2019-01-31 00:29:12,334 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:29:12,601 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.034*\"publicis\" + 0.023*\"word\" + 0.017*\"new\" + 0.014*\"edit\" + 0.013*\"nicola\" + 0.013*\"storag\" + 0.012*\"presid\" + 0.011*\"collect\" + 0.011*\"worldwid\"\n", - "2019-01-31 00:29:12,602 : INFO : topic #13 (0.020): 0.025*\"australia\" + 0.025*\"sourc\" + 0.025*\"new\" + 0.024*\"london\" + 0.021*\"england\" + 0.021*\"australian\" + 0.020*\"ireland\" + 0.020*\"british\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:29:12,603 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"southern\" + 0.007*\"théori\" + 0.006*\"exampl\" + 0.006*\"gener\" + 0.006*\"servitud\" + 0.006*\"poet\" + 0.006*\"utopian\" + 0.005*\"measur\"\n", - "2019-01-31 00:29:12,604 : INFO : topic #23 (0.020): 0.130*\"audit\" + 0.067*\"best\" + 0.035*\"yawn\" + 0.030*\"jacksonvil\" + 0.023*\"japanes\" + 0.022*\"noll\" + 0.019*\"women\" + 0.018*\"festiv\" + 0.018*\"intern\" + 0.014*\"winner\"\n", - "2019-01-31 00:29:12,605 : INFO : topic #0 (0.020): 0.069*\"statewid\" + 0.042*\"arsen\" + 0.036*\"line\" + 0.034*\"museo\" + 0.034*\"raid\" + 0.019*\"traceabl\" + 0.018*\"pain\" + 0.017*\"serv\" + 0.015*\"exhaust\" + 0.014*\"artist\"\n", - "2019-01-31 00:29:12,611 : INFO : topic diff=0.008958, rho=0.050443\n", - "2019-01-31 00:29:12,770 : INFO : PROGRESS: pass 0, at document #788000/4922894\n", - "2019-01-31 00:29:14,200 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:29:14,466 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"southern\" + 0.007*\"théori\" + 0.006*\"gener\" + 0.006*\"exampl\" + 0.006*\"servitud\" + 0.006*\"measur\" + 0.006*\"poet\" + 0.006*\"utopian\"\n", - "2019-01-31 00:29:14,468 : INFO : topic #31 (0.020): 0.065*\"fusiform\" + 0.025*\"scientist\" + 0.024*\"player\" + 0.021*\"taxpay\" + 0.021*\"place\" + 0.013*\"clot\" + 0.012*\"leagu\" + 0.011*\"folei\" + 0.009*\"ruler\" + 0.009*\"barber\"\n", - "2019-01-31 00:29:14,469 : INFO : topic #9 (0.020): 0.070*\"bone\" + 0.042*\"american\" + 0.026*\"valour\" + 0.020*\"folei\" + 0.018*\"english\" + 0.017*\"dutch\" + 0.017*\"player\" + 0.015*\"polit\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 00:29:14,470 : INFO : topic #28 (0.020): 0.029*\"build\" + 0.025*\"hous\" + 0.020*\"rivièr\" + 0.017*\"buford\" + 0.014*\"histor\" + 0.011*\"constitut\" + 0.011*\"briarwood\" + 0.010*\"linear\" + 0.010*\"strategist\" + 0.009*\"silicon\"\n", - "2019-01-31 00:29:14,471 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.027*\"factor\" + 0.022*\"adulthood\" + 0.016*\"feel\" + 0.015*\"hostil\" + 0.014*\"male\" + 0.011*\"live\" + 0.011*\"plaisir\" + 0.010*\"biom\" + 0.010*\"yawn\"\n", - "2019-01-31 00:29:14,477 : INFO : topic diff=0.008537, rho=0.050379\n", - "2019-01-31 00:29:14,641 : INFO : PROGRESS: pass 0, at document #790000/4922894\n", - "2019-01-31 00:29:16,050 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:29:16,316 : INFO : topic #9 (0.020): 0.070*\"bone\" + 0.042*\"american\" + 0.026*\"valour\" + 0.021*\"dutch\" + 0.019*\"folei\" + 0.018*\"english\" + 0.017*\"player\" + 0.015*\"polit\" + 0.011*\"simpler\" + 0.011*\"acrimoni\"\n", - "2019-01-31 00:29:16,318 : INFO : topic #38 (0.020): 0.021*\"walter\" + 0.010*\"aza\" + 0.010*\"king\" + 0.010*\"battalion\" + 0.009*\"centuri\" + 0.009*\"empath\" + 0.008*\"forc\" + 0.008*\"teufel\" + 0.007*\"armi\" + 0.007*\"embassi\"\n", - "2019-01-31 00:29:16,319 : INFO : topic #37 (0.020): 0.010*\"love\" + 0.008*\"gestur\" + 0.008*\"man\" + 0.006*\"blue\" + 0.005*\"bewild\" + 0.004*\"litig\" + 0.004*\"night\" + 0.004*\"vision\" + 0.003*\"york\" + 0.003*\"ladi\"\n", - "2019-01-31 00:29:16,320 : INFO : topic #26 (0.020): 0.031*\"workplac\" + 0.031*\"woman\" + 0.030*\"champion\" + 0.026*\"olymp\" + 0.025*\"men\" + 0.022*\"medal\" + 0.021*\"event\" + 0.020*\"nation\" + 0.019*\"rainfal\" + 0.018*\"taxpay\"\n", - "2019-01-31 00:29:16,321 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.036*\"leagu\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.024*\"crete\" + 0.023*\"folei\" + 0.016*\"goal\" + 0.014*\"martin\" + 0.011*\"diversifi\"\n", - "2019-01-31 00:29:16,327 : INFO : topic diff=0.007219, rho=0.050315\n", - "2019-01-31 00:29:16,478 : INFO : PROGRESS: pass 0, at document #792000/4922894\n", - "2019-01-31 00:29:17,856 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:29:18,123 : INFO : topic #36 (0.020): 0.015*\"companhia\" + 0.011*\"network\" + 0.010*\"pop\" + 0.009*\"prognosi\" + 0.009*\"develop\" + 0.009*\"serv\" + 0.007*\"includ\" + 0.007*\"base\" + 0.007*\"user\" + 0.007*\"diggin\"\n", - "2019-01-31 00:29:18,124 : INFO : topic #47 (0.020): 0.066*\"muscl\" + 0.033*\"perceptu\" + 0.020*\"theater\" + 0.018*\"compos\" + 0.018*\"place\" + 0.017*\"damn\" + 0.015*\"olympo\" + 0.015*\"physician\" + 0.014*\"orchestr\" + 0.012*\"word\"\n", - "2019-01-31 00:29:18,125 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.028*\"final\" + 0.023*\"wife\" + 0.022*\"tourist\" + 0.019*\"champion\" + 0.018*\"taxpay\" + 0.016*\"martin\" + 0.015*\"tiepolo\" + 0.014*\"chamber\" + 0.013*\"women\"\n", - "2019-01-31 00:29:18,127 : INFO : topic #9 (0.020): 0.069*\"bone\" + 0.042*\"american\" + 0.026*\"valour\" + 0.021*\"dutch\" + 0.019*\"folei\" + 0.018*\"english\" + 0.017*\"player\" + 0.015*\"polit\" + 0.011*\"simpler\" + 0.011*\"acrimoni\"\n", - "2019-01-31 00:29:18,128 : INFO : topic #24 (0.020): 0.040*\"book\" + 0.034*\"publicis\" + 0.023*\"word\" + 0.017*\"new\" + 0.014*\"edit\" + 0.013*\"nicola\" + 0.012*\"presid\" + 0.012*\"storag\" + 0.011*\"collect\" + 0.011*\"worldwid\"\n", - "2019-01-31 00:29:18,133 : INFO : topic diff=0.009157, rho=0.050252\n", - "2019-01-31 00:29:18,289 : INFO : PROGRESS: pass 0, at document #794000/4922894\n", - "2019-01-31 00:29:19,709 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:29:19,976 : INFO : topic #35 (0.020): 0.053*\"russia\" + 0.034*\"rural\" + 0.034*\"sovereignti\" + 0.026*\"reprint\" + 0.024*\"personifi\" + 0.024*\"poison\" + 0.021*\"moscow\" + 0.017*\"poland\" + 0.015*\"unfortun\" + 0.014*\"czech\"\n", - "2019-01-31 00:29:19,977 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.019*\"di\" + 0.018*\"factor\" + 0.015*\"yawn\" + 0.015*\"margin\" + 0.013*\"bone\" + 0.013*\"faster\" + 0.012*\"life\" + 0.011*\"daughter\" + 0.011*\"deal\"\n", - "2019-01-31 00:29:19,978 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"media\" + 0.008*\"have\" + 0.008*\"disco\" + 0.007*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 00:29:19,979 : INFO : topic #2 (0.020): 0.050*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.014*\"pope\" + 0.013*\"scot\" + 0.012*\"coalit\" + 0.011*\"blur\" + 0.010*\"nativist\" + 0.010*\"class\" + 0.009*\"bahá\"\n", - "2019-01-31 00:29:19,980 : INFO : topic #32 (0.020): 0.055*\"district\" + 0.047*\"vigour\" + 0.043*\"popolo\" + 0.041*\"tortur\" + 0.034*\"area\" + 0.028*\"cotton\" + 0.026*\"regim\" + 0.024*\"multitud\" + 0.022*\"citi\" + 0.021*\"commun\"\n", - "2019-01-31 00:29:19,986 : INFO : topic diff=0.007998, rho=0.050189\n", - "2019-01-31 00:29:20,145 : INFO : PROGRESS: pass 0, at document #796000/4922894\n", - "2019-01-31 00:29:21,576 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:29:21,842 : INFO : topic #26 (0.020): 0.031*\"workplac\" + 0.030*\"champion\" + 0.030*\"woman\" + 0.027*\"olymp\" + 0.024*\"men\" + 0.022*\"medal\" + 0.021*\"event\" + 0.020*\"nation\" + 0.019*\"rainfal\" + 0.018*\"atheist\"\n", - "2019-01-31 00:29:21,843 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.025*\"septemb\" + 0.022*\"epiru\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.012*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"direct\" + 0.011*\"acrimoni\" + 0.011*\"movi\"\n", - "2019-01-31 00:29:21,844 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.028*\"final\" + 0.022*\"wife\" + 0.022*\"tourist\" + 0.019*\"champion\" + 0.018*\"taxpay\" + 0.017*\"martin\" + 0.015*\"tiepolo\" + 0.014*\"chamber\" + 0.013*\"women\"\n", - "2019-01-31 00:29:21,845 : INFO : topic #37 (0.020): 0.010*\"love\" + 0.008*\"gestur\" + 0.008*\"man\" + 0.006*\"blue\" + 0.005*\"bewild\" + 0.005*\"night\" + 0.004*\"litig\" + 0.004*\"vision\" + 0.003*\"york\" + 0.003*\"ladi\"\n", - "2019-01-31 00:29:21,846 : INFO : topic #32 (0.020): 0.055*\"district\" + 0.047*\"vigour\" + 0.043*\"popolo\" + 0.041*\"tortur\" + 0.034*\"area\" + 0.028*\"cotton\" + 0.025*\"regim\" + 0.024*\"multitud\" + 0.022*\"citi\" + 0.021*\"commun\"\n", - "2019-01-31 00:29:21,852 : INFO : topic diff=0.009112, rho=0.050125\n", - "2019-01-31 00:29:22,056 : INFO : PROGRESS: pass 0, at document #798000/4922894\n", - "2019-01-31 00:29:23,448 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:29:23,714 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.024*\"septemb\" + 0.022*\"epiru\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.012*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"direct\" + 0.011*\"acrimoni\" + 0.011*\"movi\"\n", - "2019-01-31 00:29:23,715 : INFO : topic #3 (0.020): 0.037*\"present\" + 0.028*\"minist\" + 0.027*\"offic\" + 0.026*\"serv\" + 0.020*\"member\" + 0.018*\"gener\" + 0.017*\"seri\" + 0.017*\"govern\" + 0.017*\"nation\" + 0.015*\"chickasaw\"\n", - "2019-01-31 00:29:23,716 : INFO : topic #1 (0.020): 0.056*\"china\" + 0.046*\"chilton\" + 0.026*\"hong\" + 0.025*\"kong\" + 0.021*\"korea\" + 0.017*\"leah\" + 0.017*\"korean\" + 0.017*\"sourc\" + 0.014*\"wang\" + 0.014*\"kim\"\n", - "2019-01-31 00:29:23,717 : INFO : topic #40 (0.020): 0.089*\"unit\" + 0.025*\"collector\" + 0.024*\"schuster\" + 0.021*\"institut\" + 0.019*\"requir\" + 0.017*\"student\" + 0.016*\"professor\" + 0.011*\"governor\" + 0.011*\"word\" + 0.011*\"degre\"\n", - "2019-01-31 00:29:23,719 : INFO : topic #26 (0.020): 0.030*\"workplac\" + 0.030*\"champion\" + 0.029*\"woman\" + 0.027*\"olymp\" + 0.024*\"men\" + 0.022*\"medal\" + 0.021*\"event\" + 0.021*\"nation\" + 0.019*\"rainfal\" + 0.018*\"atheist\"\n", - "2019-01-31 00:29:23,724 : INFO : topic diff=0.009841, rho=0.050063\n", - "2019-01-31 00:29:26,478 : INFO : -11.794 per-word bound, 3552.0 perplexity estimate based on a held-out corpus of 2000 documents with 569599 words\n", - "2019-01-31 00:29:26,479 : INFO : PROGRESS: pass 0, at document #800000/4922894\n", - "2019-01-31 00:29:27,903 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:29:28,170 : INFO : topic #30 (0.020): 0.038*\"leagu\" + 0.037*\"cleveland\" + 0.029*\"place\" + 0.026*\"taxpay\" + 0.024*\"scientist\" + 0.024*\"crete\" + 0.023*\"folei\" + 0.017*\"goal\" + 0.014*\"martin\" + 0.013*\"diversifi\"\n", - "2019-01-31 00:29:28,171 : INFO : topic #40 (0.020): 0.089*\"unit\" + 0.025*\"collector\" + 0.024*\"schuster\" + 0.021*\"institut\" + 0.019*\"requir\" + 0.017*\"student\" + 0.016*\"professor\" + 0.012*\"governor\" + 0.011*\"word\" + 0.011*\"degre\"\n", - "2019-01-31 00:29:28,172 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"southern\" + 0.006*\"théori\" + 0.006*\"exampl\" + 0.006*\"gener\" + 0.006*\"measur\" + 0.006*\"poet\" + 0.006*\"servitud\" + 0.005*\"utopian\"\n", - "2019-01-31 00:29:28,173 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.011*\"develop\" + 0.011*\"organ\" + 0.010*\"word\" + 0.009*\"group\" + 0.008*\"commun\" + 0.008*\"cultur\" + 0.008*\"peopl\" + 0.007*\"student\" + 0.007*\"human\"\n", - "2019-01-31 00:29:28,174 : INFO : topic #44 (0.020): 0.029*\"rooftop\" + 0.028*\"final\" + 0.022*\"tourist\" + 0.022*\"wife\" + 0.019*\"champion\" + 0.018*\"taxpay\" + 0.016*\"martin\" + 0.015*\"tiepolo\" + 0.014*\"chamber\" + 0.013*\"women\"\n", - "2019-01-31 00:29:28,180 : INFO : topic diff=0.008847, rho=0.050000\n", - "2019-01-31 00:29:28,341 : INFO : PROGRESS: pass 0, at document #802000/4922894\n", - "2019-01-31 00:29:29,781 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:29:30,048 : INFO : topic #23 (0.020): 0.134*\"audit\" + 0.067*\"best\" + 0.035*\"yawn\" + 0.031*\"jacksonvil\" + 0.024*\"japanes\" + 0.022*\"noll\" + 0.020*\"festiv\" + 0.019*\"women\" + 0.018*\"intern\" + 0.014*\"winner\"\n", - "2019-01-31 00:29:30,049 : INFO : topic #25 (0.020): 0.031*\"ring\" + 0.016*\"warmth\" + 0.016*\"lagrang\" + 0.016*\"area\" + 0.015*\"mount\" + 0.010*\"palmer\" + 0.009*\"north\" + 0.008*\"foam\" + 0.008*\"vacant\" + 0.008*\"land\"\n", - "2019-01-31 00:29:30,050 : INFO : topic #38 (0.020): 0.020*\"walter\" + 0.010*\"aza\" + 0.010*\"king\" + 0.009*\"battalion\" + 0.009*\"centuri\" + 0.008*\"empath\" + 0.008*\"forc\" + 0.007*\"teufel\" + 0.007*\"embassi\" + 0.007*\"armi\"\n", - "2019-01-31 00:29:30,051 : INFO : topic #17 (0.020): 0.075*\"church\" + 0.022*\"christian\" + 0.022*\"cathol\" + 0.018*\"bishop\" + 0.015*\"sail\" + 0.014*\"retroflex\" + 0.010*\"centuri\" + 0.010*\"relationship\" + 0.009*\"historiographi\" + 0.008*\"cathedr\"\n", - "2019-01-31 00:29:30,052 : INFO : topic #34 (0.020): 0.077*\"start\" + 0.036*\"cotton\" + 0.032*\"unionist\" + 0.027*\"american\" + 0.024*\"new\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.013*\"terri\" + 0.012*\"year\" + 0.012*\"north\"\n", - "2019-01-31 00:29:30,058 : INFO : topic diff=0.008455, rho=0.049938\n", - "2019-01-31 00:29:30,215 : INFO : PROGRESS: pass 0, at document #804000/4922894\n", - "2019-01-31 00:29:31,651 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:29:31,917 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.026*\"factor\" + 0.022*\"adulthood\" + 0.016*\"feel\" + 0.016*\"hostil\" + 0.014*\"male\" + 0.011*\"live\" + 0.011*\"plaisir\" + 0.010*\"yawn\" + 0.009*\"genu\"\n", - "2019-01-31 00:29:31,918 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.028*\"final\" + 0.023*\"tourist\" + 0.022*\"wife\" + 0.019*\"taxpay\" + 0.019*\"champion\" + 0.016*\"martin\" + 0.015*\"tiepolo\" + 0.014*\"chamber\" + 0.013*\"women\"\n", - "2019-01-31 00:29:31,919 : INFO : topic #30 (0.020): 0.038*\"leagu\" + 0.037*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.024*\"crete\" + 0.023*\"folei\" + 0.017*\"goal\" + 0.014*\"martin\" + 0.013*\"diversifi\"\n", - "2019-01-31 00:29:31,921 : INFO : topic #46 (0.020): 0.022*\"sweden\" + 0.019*\"norwai\" + 0.018*\"swedish\" + 0.016*\"stop\" + 0.015*\"damag\" + 0.015*\"norwegian\" + 0.014*\"turkish\" + 0.014*\"wind\" + 0.012*\"denmark\" + 0.011*\"danish\"\n", - "2019-01-31 00:29:31,922 : INFO : topic #23 (0.020): 0.134*\"audit\" + 0.067*\"best\" + 0.035*\"yawn\" + 0.031*\"jacksonvil\" + 0.024*\"japanes\" + 0.021*\"noll\" + 0.020*\"festiv\" + 0.019*\"women\" + 0.018*\"intern\" + 0.014*\"winner\"\n", - "2019-01-31 00:29:31,928 : INFO : topic diff=0.007734, rho=0.049875\n", - "2019-01-31 00:29:32,086 : INFO : PROGRESS: pass 0, at document #806000/4922894\n", - "2019-01-31 00:29:33,477 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:29:33,743 : INFO : topic #16 (0.020): 0.041*\"king\" + 0.033*\"priest\" + 0.021*\"grammat\" + 0.020*\"quarterli\" + 0.020*\"duke\" + 0.017*\"rotterdam\" + 0.016*\"idiosyncrat\" + 0.014*\"maria\" + 0.013*\"order\" + 0.012*\"count\"\n", - "2019-01-31 00:29:33,745 : INFO : topic #45 (0.020): 0.017*\"fifteenth\" + 0.017*\"jpg\" + 0.016*\"black\" + 0.015*\"western\" + 0.015*\"illicit\" + 0.015*\"colder\" + 0.014*\"record\" + 0.009*\"blind\" + 0.007*\"green\" + 0.007*\"light\"\n", - "2019-01-31 00:29:33,746 : INFO : topic #34 (0.020): 0.077*\"start\" + 0.036*\"cotton\" + 0.032*\"unionist\" + 0.027*\"american\" + 0.024*\"new\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.013*\"terri\" + 0.012*\"year\" + 0.012*\"north\"\n", - "2019-01-31 00:29:33,747 : INFO : topic #26 (0.020): 0.031*\"workplac\" + 0.030*\"champion\" + 0.029*\"woman\" + 0.027*\"olymp\" + 0.023*\"men\" + 0.023*\"medal\" + 0.020*\"nation\" + 0.020*\"event\" + 0.019*\"rainfal\" + 0.019*\"atheist\"\n", - "2019-01-31 00:29:33,749 : INFO : topic #14 (0.020): 0.023*\"forc\" + 0.021*\"walter\" + 0.021*\"armi\" + 0.019*\"aggress\" + 0.017*\"com\" + 0.016*\"oper\" + 0.014*\"unionist\" + 0.013*\"militari\" + 0.011*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 00:29:33,754 : INFO : topic diff=0.009141, rho=0.049814\n", - "2019-01-31 00:29:33,910 : INFO : PROGRESS: pass 0, at document #808000/4922894\n", - "2019-01-31 00:29:35,334 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:29:35,599 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.024*\"cortic\" + 0.019*\"start\" + 0.019*\"act\" + 0.015*\"ricardo\" + 0.014*\"case\" + 0.012*\"polaris\" + 0.009*\"legal\" + 0.008*\"judaism\" + 0.008*\"replac\"\n", - "2019-01-31 00:29:35,600 : INFO : topic #48 (0.020): 0.084*\"march\" + 0.080*\"octob\" + 0.078*\"sens\" + 0.076*\"januari\" + 0.072*\"notion\" + 0.072*\"juli\" + 0.071*\"april\" + 0.071*\"decatur\" + 0.070*\"august\" + 0.069*\"judici\"\n", - "2019-01-31 00:29:35,602 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.027*\"final\" + 0.022*\"tourist\" + 0.022*\"wife\" + 0.019*\"champion\" + 0.019*\"taxpay\" + 0.016*\"martin\" + 0.015*\"tiepolo\" + 0.014*\"chamber\" + 0.012*\"poet\"\n", - "2019-01-31 00:29:35,603 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.017*\"warmth\" + 0.017*\"lagrang\" + 0.016*\"area\" + 0.015*\"mount\" + 0.010*\"palmer\" + 0.009*\"north\" + 0.009*\"foam\" + 0.008*\"vacant\" + 0.008*\"sourc\"\n", - "2019-01-31 00:29:35,604 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.026*\"factor\" + 0.022*\"adulthood\" + 0.016*\"feel\" + 0.016*\"hostil\" + 0.015*\"male\" + 0.011*\"plaisir\" + 0.011*\"live\" + 0.010*\"yawn\" + 0.009*\"genu\"\n", - "2019-01-31 00:29:35,610 : INFO : topic diff=0.008247, rho=0.049752\n", - "2019-01-31 00:29:35,766 : INFO : PROGRESS: pass 0, at document #810000/4922894\n", - "2019-01-31 00:29:37,199 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:29:37,465 : INFO : topic #46 (0.020): 0.021*\"sweden\" + 0.019*\"norwai\" + 0.017*\"swedish\" + 0.017*\"turkish\" + 0.015*\"stop\" + 0.015*\"norwegian\" + 0.015*\"damag\" + 0.013*\"wind\" + 0.012*\"denmark\" + 0.011*\"turkei\"\n", - "2019-01-31 00:29:37,466 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.047*\"franc\" + 0.029*\"pari\" + 0.024*\"sail\" + 0.021*\"jean\" + 0.016*\"daphn\" + 0.013*\"loui\" + 0.013*\"lazi\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 00:29:37,467 : INFO : topic #28 (0.020): 0.030*\"build\" + 0.024*\"hous\" + 0.022*\"rivièr\" + 0.018*\"buford\" + 0.013*\"histor\" + 0.011*\"briarwood\" + 0.011*\"constitut\" + 0.010*\"strategist\" + 0.010*\"linear\" + 0.010*\"rosenwald\"\n", - "2019-01-31 00:29:37,468 : INFO : topic #13 (0.020): 0.026*\"sourc\" + 0.026*\"australia\" + 0.025*\"london\" + 0.024*\"new\" + 0.023*\"australian\" + 0.021*\"england\" + 0.020*\"british\" + 0.019*\"ireland\" + 0.015*\"wale\" + 0.014*\"youth\"\n", - "2019-01-31 00:29:37,469 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.026*\"factor\" + 0.022*\"adulthood\" + 0.016*\"feel\" + 0.015*\"hostil\" + 0.014*\"male\" + 0.011*\"plaisir\" + 0.011*\"live\" + 0.009*\"yawn\" + 0.009*\"genu\"\n", - "2019-01-31 00:29:37,475 : INFO : topic diff=0.007096, rho=0.049690\n", - "2019-01-31 00:29:37,635 : INFO : PROGRESS: pass 0, at document #812000/4922894\n", - "2019-01-31 00:29:39,084 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:29:39,350 : INFO : topic #8 (0.020): 0.028*\"law\" + 0.025*\"cortic\" + 0.019*\"start\" + 0.018*\"act\" + 0.015*\"ricardo\" + 0.014*\"case\" + 0.012*\"polaris\" + 0.009*\"legal\" + 0.009*\"judaism\" + 0.008*\"replac\"\n", - "2019-01-31 00:29:39,351 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.037*\"shield\" + 0.017*\"narrat\" + 0.013*\"class\" + 0.013*\"pope\" + 0.013*\"scot\" + 0.012*\"blur\" + 0.012*\"coalit\" + 0.011*\"nativist\" + 0.009*\"bahá\"\n", - "2019-01-31 00:29:39,353 : INFO : topic #35 (0.020): 0.053*\"russia\" + 0.034*\"sovereignti\" + 0.032*\"rural\" + 0.027*\"poison\" + 0.026*\"reprint\" + 0.024*\"personifi\" + 0.020*\"moscow\" + 0.017*\"poland\" + 0.015*\"czech\" + 0.015*\"unfortun\"\n", - "2019-01-31 00:29:39,354 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.027*\"final\" + 0.022*\"tourist\" + 0.021*\"wife\" + 0.019*\"taxpay\" + 0.019*\"champion\" + 0.017*\"martin\" + 0.014*\"tiepolo\" + 0.014*\"chamber\" + 0.012*\"women\"\n", - "2019-01-31 00:29:39,355 : INFO : topic #40 (0.020): 0.091*\"unit\" + 0.025*\"collector\" + 0.023*\"schuster\" + 0.021*\"institut\" + 0.019*\"requir\" + 0.017*\"student\" + 0.015*\"professor\" + 0.012*\"governor\" + 0.012*\"word\" + 0.011*\"degre\"\n", - "2019-01-31 00:29:39,361 : INFO : topic diff=0.009155, rho=0.049629\n", - "2019-01-31 00:29:39,517 : INFO : PROGRESS: pass 0, at document #814000/4922894\n", - "2019-01-31 00:29:40,923 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:29:41,189 : INFO : topic #23 (0.020): 0.133*\"audit\" + 0.066*\"best\" + 0.038*\"yawn\" + 0.030*\"jacksonvil\" + 0.024*\"japanes\" + 0.022*\"noll\" + 0.019*\"festiv\" + 0.019*\"women\" + 0.017*\"intern\" + 0.013*\"winner\"\n", - "2019-01-31 00:29:41,191 : INFO : topic #10 (0.020): 0.013*\"cdd\" + 0.008*\"media\" + 0.008*\"have\" + 0.008*\"pathwai\" + 0.008*\"disco\" + 0.007*\"caus\" + 0.006*\"hormon\" + 0.006*\"effect\" + 0.006*\"proper\" + 0.006*\"activ\"\n", - "2019-01-31 00:29:41,192 : INFO : topic #20 (0.020): 0.135*\"scholar\" + 0.038*\"struggl\" + 0.031*\"high\" + 0.029*\"educ\" + 0.020*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.009*\"gothic\" + 0.009*\"district\" + 0.009*\"class\"\n", - "2019-01-31 00:29:41,193 : INFO : topic #36 (0.020): 0.015*\"companhia\" + 0.011*\"pop\" + 0.011*\"network\" + 0.010*\"prognosi\" + 0.009*\"develop\" + 0.009*\"serv\" + 0.007*\"diggin\" + 0.007*\"includ\" + 0.007*\"base\" + 0.007*\"brio\"\n", - "2019-01-31 00:29:41,194 : INFO : topic #39 (0.020): 0.040*\"canada\" + 0.035*\"canadian\" + 0.018*\"toronto\" + 0.017*\"hoar\" + 0.016*\"ontario\" + 0.014*\"taxpay\" + 0.013*\"new\" + 0.013*\"scientist\" + 0.012*\"basketbal\" + 0.011*\"hydrogen\"\n", - "2019-01-31 00:29:41,200 : INFO : topic diff=0.008637, rho=0.049568\n", - "2019-01-31 00:29:41,356 : INFO : PROGRESS: pass 0, at document #816000/4922894\n", - "2019-01-31 00:29:42,786 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:29:43,052 : INFO : topic #32 (0.020): 0.056*\"district\" + 0.046*\"vigour\" + 0.044*\"popolo\" + 0.041*\"tortur\" + 0.033*\"area\" + 0.027*\"cotton\" + 0.025*\"regim\" + 0.024*\"multitud\" + 0.021*\"citi\" + 0.021*\"commun\"\n", - "2019-01-31 00:29:43,053 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.020*\"di\" + 0.017*\"factor\" + 0.015*\"yawn\" + 0.015*\"margin\" + 0.013*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.011*\"daughter\" + 0.011*\"john\"\n", - "2019-01-31 00:29:43,055 : INFO : topic #8 (0.020): 0.029*\"law\" + 0.025*\"cortic\" + 0.019*\"start\" + 0.018*\"act\" + 0.015*\"ricardo\" + 0.014*\"case\" + 0.011*\"polaris\" + 0.009*\"legal\" + 0.009*\"judaism\" + 0.008*\"replac\"\n", - "2019-01-31 00:29:43,056 : INFO : topic #39 (0.020): 0.039*\"canada\" + 0.033*\"canadian\" + 0.018*\"toronto\" + 0.017*\"hoar\" + 0.015*\"ontario\" + 0.014*\"taxpay\" + 0.013*\"new\" + 0.013*\"scientist\" + 0.012*\"basketbal\" + 0.011*\"novotná\"\n", - "2019-01-31 00:29:43,057 : INFO : topic #29 (0.020): 0.010*\"companhia\" + 0.010*\"million\" + 0.009*\"govern\" + 0.009*\"start\" + 0.009*\"yawn\" + 0.008*\"bank\" + 0.007*\"function\" + 0.007*\"countri\" + 0.006*\"market\" + 0.006*\"inconclus\"\n", - "2019-01-31 00:29:43,063 : INFO : topic diff=0.008697, rho=0.049507\n", - "2019-01-31 00:29:43,219 : INFO : PROGRESS: pass 0, at document #818000/4922894\n", - "2019-01-31 00:29:44,654 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:29:44,921 : INFO : topic #14 (0.020): 0.023*\"forc\" + 0.021*\"armi\" + 0.021*\"walter\" + 0.020*\"aggress\" + 0.017*\"com\" + 0.015*\"oper\" + 0.014*\"unionist\" + 0.012*\"militari\" + 0.011*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 00:29:44,922 : INFO : topic #18 (0.020): 0.009*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.005*\"dai\" + 0.005*\"retrospect\" + 0.005*\"man\" + 0.005*\"like\" + 0.004*\"end\" + 0.004*\"call\"\n", - "2019-01-31 00:29:44,923 : INFO : topic #9 (0.020): 0.068*\"bone\" + 0.042*\"american\" + 0.028*\"valour\" + 0.020*\"dutch\" + 0.019*\"folei\" + 0.018*\"english\" + 0.017*\"player\" + 0.016*\"polit\" + 0.012*\"simpler\" + 0.011*\"acrimoni\"\n", - "2019-01-31 00:29:44,925 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.033*\"perceptu\" + 0.021*\"theater\" + 0.018*\"place\" + 0.018*\"damn\" + 0.018*\"compos\" + 0.014*\"olympo\" + 0.014*\"orchestr\" + 0.014*\"physician\" + 0.013*\"jack\"\n", - "2019-01-31 00:29:44,926 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.017*\"simultan\" + 0.015*\"charcoal\" + 0.014*\"toyota\" + 0.009*\"myspac\"\n", - "2019-01-31 00:29:44,932 : INFO : topic diff=0.009332, rho=0.049447\n", - "2019-01-31 00:29:47,647 : INFO : -11.485 per-word bound, 2866.5 perplexity estimate based on a held-out corpus of 2000 documents with 539358 words\n", - "2019-01-31 00:29:47,648 : INFO : PROGRESS: pass 0, at document #820000/4922894\n", - "2019-01-31 00:29:49,063 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:29:49,329 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.005*\"dai\" + 0.005*\"retrospect\" + 0.005*\"man\" + 0.005*\"like\" + 0.004*\"end\" + 0.004*\"call\"\n", - "2019-01-31 00:29:49,330 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.006*\"exampl\" + 0.006*\"southern\" + 0.006*\"method\" + 0.006*\"gener\" + 0.006*\"théori\" + 0.006*\"poet\" + 0.006*\"measur\" + 0.006*\"utopian\"\n", - "2019-01-31 00:29:49,331 : INFO : topic #0 (0.020): 0.068*\"statewid\" + 0.039*\"line\" + 0.038*\"arsen\" + 0.033*\"raid\" + 0.030*\"museo\" + 0.021*\"traceabl\" + 0.018*\"serv\" + 0.016*\"pain\" + 0.015*\"exhaust\" + 0.014*\"artist\"\n", - "2019-01-31 00:29:49,332 : INFO : topic #16 (0.020): 0.040*\"king\" + 0.032*\"priest\" + 0.021*\"grammat\" + 0.019*\"duke\" + 0.019*\"quarterli\" + 0.016*\"rotterdam\" + 0.016*\"idiosyncrat\" + 0.014*\"maria\" + 0.013*\"order\" + 0.012*\"portugues\"\n", - "2019-01-31 00:29:49,333 : INFO : topic #23 (0.020): 0.131*\"audit\" + 0.066*\"best\" + 0.036*\"yawn\" + 0.029*\"jacksonvil\" + 0.024*\"festiv\" + 0.023*\"japanes\" + 0.022*\"intern\" + 0.022*\"noll\" + 0.019*\"women\" + 0.013*\"prison\"\n", - "2019-01-31 00:29:49,339 : INFO : topic diff=0.007250, rho=0.049386\n", - "2019-01-31 00:29:49,490 : INFO : PROGRESS: pass 0, at document #822000/4922894\n", - "2019-01-31 00:29:50,887 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:29:51,153 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.026*\"factor\" + 0.023*\"adulthood\" + 0.016*\"feel\" + 0.015*\"hostil\" + 0.014*\"male\" + 0.012*\"plaisir\" + 0.011*\"live\" + 0.010*\"genu\" + 0.010*\"yawn\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:29:51,154 : INFO : topic #3 (0.020): 0.036*\"present\" + 0.028*\"offic\" + 0.026*\"minist\" + 0.024*\"serv\" + 0.020*\"member\" + 0.019*\"gener\" + 0.018*\"seri\" + 0.018*\"nation\" + 0.017*\"govern\" + 0.016*\"chickasaw\"\n", - "2019-01-31 00:29:51,155 : INFO : topic #31 (0.020): 0.063*\"fusiform\" + 0.024*\"scientist\" + 0.023*\"player\" + 0.021*\"taxpay\" + 0.020*\"place\" + 0.013*\"clot\" + 0.012*\"leagu\" + 0.012*\"yard\" + 0.011*\"folei\" + 0.009*\"barber\"\n", - "2019-01-31 00:29:51,157 : INFO : topic #38 (0.020): 0.021*\"walter\" + 0.010*\"battalion\" + 0.010*\"king\" + 0.010*\"aza\" + 0.008*\"forc\" + 0.008*\"empath\" + 0.008*\"centuri\" + 0.007*\"armi\" + 0.007*\"embassi\" + 0.007*\"teufel\"\n", - "2019-01-31 00:29:51,158 : INFO : topic #33 (0.020): 0.063*\"french\" + 0.048*\"franc\" + 0.031*\"pari\" + 0.023*\"sail\" + 0.023*\"jean\" + 0.017*\"daphn\" + 0.015*\"lazi\" + 0.013*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 00:29:51,164 : INFO : topic diff=0.008012, rho=0.049326\n", - "2019-01-31 00:29:51,322 : INFO : PROGRESS: pass 0, at document #824000/4922894\n", - "2019-01-31 00:29:52,753 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:29:53,019 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.020*\"di\" + 0.017*\"factor\" + 0.015*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.011*\"daughter\" + 0.011*\"deal\"\n", - "2019-01-31 00:29:53,020 : INFO : topic #3 (0.020): 0.036*\"present\" + 0.028*\"offic\" + 0.026*\"minist\" + 0.023*\"serv\" + 0.020*\"member\" + 0.018*\"gener\" + 0.018*\"seri\" + 0.018*\"nation\" + 0.017*\"govern\" + 0.016*\"chickasaw\"\n", - "2019-01-31 00:29:53,022 : INFO : topic #27 (0.020): 0.069*\"questionnair\" + 0.018*\"taxpay\" + 0.017*\"candid\" + 0.016*\"ret\" + 0.013*\"driver\" + 0.012*\"fool\" + 0.012*\"find\" + 0.011*\"tornado\" + 0.011*\"landslid\" + 0.011*\"théori\"\n", - "2019-01-31 00:29:53,023 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.054*\"parti\" + 0.024*\"voluntari\" + 0.022*\"democrat\" + 0.022*\"member\" + 0.018*\"polici\" + 0.015*\"liber\" + 0.014*\"report\" + 0.014*\"conserv\" + 0.014*\"republ\"\n", - "2019-01-31 00:29:53,024 : INFO : topic #34 (0.020): 0.076*\"start\" + 0.034*\"cotton\" + 0.032*\"unionist\" + 0.026*\"american\" + 0.024*\"new\" + 0.015*\"california\" + 0.013*\"terri\" + 0.013*\"warrior\" + 0.012*\"year\" + 0.012*\"north\"\n", - "2019-01-31 00:29:53,030 : INFO : topic diff=0.008492, rho=0.049266\n", - "2019-01-31 00:29:53,189 : INFO : PROGRESS: pass 0, at document #826000/4922894\n", - "2019-01-31 00:29:54,622 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:29:54,888 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.038*\"shield\" + 0.017*\"narrat\" + 0.013*\"scot\" + 0.013*\"blur\" + 0.012*\"pope\" + 0.012*\"coalit\" + 0.012*\"class\" + 0.011*\"nativist\" + 0.009*\"fleet\"\n", - "2019-01-31 00:29:54,889 : INFO : topic #28 (0.020): 0.030*\"build\" + 0.025*\"hous\" + 0.022*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.011*\"briarwood\" + 0.011*\"constitut\" + 0.011*\"strategist\" + 0.010*\"rosenwald\" + 0.010*\"linear\"\n", - "2019-01-31 00:29:54,890 : INFO : topic #43 (0.020): 0.065*\"elect\" + 0.056*\"parti\" + 0.024*\"voluntari\" + 0.022*\"democrat\" + 0.021*\"member\" + 0.018*\"polici\" + 0.015*\"liber\" + 0.014*\"conserv\" + 0.014*\"report\" + 0.014*\"republ\"\n", - "2019-01-31 00:29:54,891 : INFO : topic #19 (0.020): 0.013*\"languag\" + 0.010*\"woodcut\" + 0.010*\"origin\" + 0.009*\"form\" + 0.008*\"mean\" + 0.008*\"centuri\" + 0.007*\"uruguayan\" + 0.007*\"charact\" + 0.007*\"like\" + 0.007*\"english\"\n", - "2019-01-31 00:29:54,892 : INFO : topic #8 (0.020): 0.029*\"law\" + 0.025*\"cortic\" + 0.019*\"start\" + 0.018*\"act\" + 0.015*\"ricardo\" + 0.014*\"case\" + 0.012*\"polaris\" + 0.009*\"legal\" + 0.008*\"judaism\" + 0.008*\"replac\"\n", - "2019-01-31 00:29:54,898 : INFO : topic diff=0.006894, rho=0.049207\n", - "2019-01-31 00:29:55,054 : INFO : PROGRESS: pass 0, at document #828000/4922894\n", - "2019-01-31 00:29:56,457 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:29:56,723 : INFO : topic #6 (0.020): 0.072*\"fewer\" + 0.025*\"septemb\" + 0.023*\"epiru\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.012*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:29:56,724 : INFO : topic #3 (0.020): 0.036*\"present\" + 0.028*\"offic\" + 0.026*\"minist\" + 0.023*\"serv\" + 0.020*\"member\" + 0.018*\"gener\" + 0.018*\"seri\" + 0.018*\"nation\" + 0.017*\"govern\" + 0.016*\"chickasaw\"\n", - "2019-01-31 00:29:56,725 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.033*\"perceptu\" + 0.021*\"theater\" + 0.018*\"compos\" + 0.018*\"place\" + 0.017*\"damn\" + 0.016*\"physician\" + 0.014*\"olympo\" + 0.014*\"orchestr\" + 0.012*\"word\"\n", - "2019-01-31 00:29:56,726 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.011*\"develop\" + 0.011*\"organ\" + 0.010*\"word\" + 0.009*\"commun\" + 0.009*\"cultur\" + 0.008*\"group\" + 0.008*\"peopl\" + 0.007*\"student\" + 0.007*\"human\"\n", - "2019-01-31 00:29:56,727 : INFO : topic #20 (0.020): 0.135*\"scholar\" + 0.038*\"struggl\" + 0.032*\"high\" + 0.029*\"educ\" + 0.021*\"collector\" + 0.018*\"yawn\" + 0.014*\"prognosi\" + 0.009*\"gothic\" + 0.009*\"task\" + 0.009*\"class\"\n", - "2019-01-31 00:29:56,733 : INFO : topic diff=0.010578, rho=0.049147\n", - "2019-01-31 00:29:56,886 : INFO : PROGRESS: pass 0, at document #830000/4922894\n", - "2019-01-31 00:29:58,289 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:29:58,556 : INFO : topic #3 (0.020): 0.036*\"present\" + 0.028*\"offic\" + 0.027*\"minist\" + 0.023*\"serv\" + 0.020*\"member\" + 0.018*\"gener\" + 0.018*\"seri\" + 0.018*\"nation\" + 0.018*\"govern\" + 0.016*\"chickasaw\"\n", - "2019-01-31 00:29:58,557 : INFO : topic #46 (0.020): 0.020*\"sweden\" + 0.017*\"norwai\" + 0.017*\"swedish\" + 0.017*\"turkish\" + 0.017*\"stop\" + 0.015*\"damag\" + 0.014*\"norwegian\" + 0.012*\"wind\" + 0.012*\"turkei\" + 0.012*\"denmark\"\n", - "2019-01-31 00:29:58,558 : INFO : topic #26 (0.020): 0.031*\"woman\" + 0.030*\"champion\" + 0.029*\"workplac\" + 0.026*\"men\" + 0.025*\"olymp\" + 0.022*\"medal\" + 0.021*\"event\" + 0.020*\"rainfal\" + 0.019*\"atheist\" + 0.019*\"nation\"\n", - "2019-01-31 00:29:58,559 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.010*\"mode\" + 0.009*\"elabor\" + 0.009*\"produc\" + 0.008*\"candid\" + 0.008*\"veget\" + 0.007*\"encyclopedia\" + 0.007*\"uruguayan\"\n", - "2019-01-31 00:29:58,560 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.023*\"spain\" + 0.021*\"mexico\" + 0.019*\"del\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.012*\"francisco\" + 0.011*\"lizard\" + 0.011*\"juan\" + 0.011*\"mexican\"\n", - "2019-01-31 00:29:58,566 : INFO : topic diff=0.007455, rho=0.049088\n", - "2019-01-31 00:29:58,785 : INFO : PROGRESS: pass 0, at document #832000/4922894\n", - "2019-01-31 00:30:00,196 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:30:00,462 : INFO : topic #25 (0.020): 0.030*\"ring\" + 0.019*\"lagrang\" + 0.016*\"warmth\" + 0.016*\"area\" + 0.014*\"mount\" + 0.009*\"palmer\" + 0.009*\"north\" + 0.009*\"foam\" + 0.008*\"sourc\" + 0.008*\"land\"\n", - "2019-01-31 00:30:00,464 : INFO : topic #10 (0.020): 0.013*\"cdd\" + 0.008*\"media\" + 0.008*\"have\" + 0.008*\"pathwai\" + 0.008*\"disco\" + 0.007*\"caus\" + 0.007*\"hormon\" + 0.006*\"effect\" + 0.006*\"treat\" + 0.006*\"proper\"\n", - "2019-01-31 00:30:00,465 : INFO : topic #42 (0.020): 0.042*\"german\" + 0.029*\"germani\" + 0.014*\"jewish\" + 0.014*\"vol\" + 0.013*\"der\" + 0.013*\"israel\" + 0.013*\"berlin\" + 0.010*\"itali\" + 0.009*\"austria\" + 0.009*\"europ\"\n", - "2019-01-31 00:30:00,466 : INFO : topic #20 (0.020): 0.135*\"scholar\" + 0.038*\"struggl\" + 0.032*\"high\" + 0.030*\"educ\" + 0.022*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.009*\"task\" + 0.009*\"gothic\" + 0.009*\"class\"\n", - "2019-01-31 00:30:00,467 : INFO : topic #39 (0.020): 0.039*\"canada\" + 0.033*\"canadian\" + 0.017*\"toronto\" + 0.017*\"hoar\" + 0.015*\"ontario\" + 0.014*\"taxpay\" + 0.013*\"new\" + 0.013*\"scientist\" + 0.012*\"basketbal\" + 0.011*\"misericordia\"\n", - "2019-01-31 00:30:00,473 : INFO : topic diff=0.008851, rho=0.049029\n", - "2019-01-31 00:30:00,625 : INFO : PROGRESS: pass 0, at document #834000/4922894\n", - "2019-01-31 00:30:02,008 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:30:02,275 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.020*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.015*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 00:30:02,276 : INFO : topic #40 (0.020): 0.089*\"unit\" + 0.024*\"collector\" + 0.023*\"schuster\" + 0.021*\"institut\" + 0.019*\"requir\" + 0.017*\"student\" + 0.015*\"professor\" + 0.012*\"governor\" + 0.012*\"word\" + 0.011*\"http\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:30:02,277 : INFO : topic #11 (0.020): 0.028*\"john\" + 0.015*\"will\" + 0.013*\"jame\" + 0.012*\"david\" + 0.011*\"rival\" + 0.010*\"georg\" + 0.009*\"rhyme\" + 0.009*\"mexican–american\" + 0.009*\"slur\" + 0.008*\"paul\"\n", - "2019-01-31 00:30:02,278 : INFO : topic #45 (0.020): 0.018*\"fifteenth\" + 0.018*\"jpg\" + 0.015*\"black\" + 0.015*\"western\" + 0.014*\"colder\" + 0.014*\"illicit\" + 0.013*\"record\" + 0.009*\"blind\" + 0.008*\"green\" + 0.007*\"light\"\n", - "2019-01-31 00:30:02,280 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.020*\"di\" + 0.017*\"factor\" + 0.015*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.011*\"deal\" + 0.011*\"daughter\"\n", - "2019-01-31 00:30:02,285 : INFO : topic diff=0.007856, rho=0.048970\n", - "2019-01-31 00:30:02,443 : INFO : PROGRESS: pass 0, at document #836000/4922894\n", - "2019-01-31 00:30:03,873 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:30:04,140 : INFO : topic #29 (0.020): 0.010*\"companhia\" + 0.010*\"million\" + 0.009*\"govern\" + 0.009*\"yawn\" + 0.009*\"start\" + 0.008*\"bank\" + 0.007*\"function\" + 0.007*\"countri\" + 0.006*\"market\" + 0.006*\"industri\"\n", - "2019-01-31 00:30:04,141 : INFO : topic #46 (0.020): 0.019*\"sweden\" + 0.018*\"stop\" + 0.017*\"norwai\" + 0.017*\"swedish\" + 0.015*\"turkish\" + 0.015*\"wind\" + 0.014*\"damag\" + 0.013*\"norwegian\" + 0.013*\"treeless\" + 0.012*\"huntsvil\"\n", - "2019-01-31 00:30:04,142 : INFO : topic #26 (0.020): 0.031*\"woman\" + 0.029*\"champion\" + 0.028*\"workplac\" + 0.026*\"men\" + 0.026*\"olymp\" + 0.022*\"medal\" + 0.021*\"event\" + 0.020*\"rainfal\" + 0.020*\"atheist\" + 0.020*\"nation\"\n", - "2019-01-31 00:30:04,143 : INFO : topic #35 (0.020): 0.054*\"russia\" + 0.035*\"sovereignti\" + 0.032*\"rural\" + 0.027*\"reprint\" + 0.023*\"poison\" + 0.023*\"personifi\" + 0.020*\"moscow\" + 0.018*\"turin\" + 0.015*\"poland\" + 0.014*\"malaysia\"\n", - "2019-01-31 00:30:04,145 : INFO : topic #18 (0.020): 0.009*\"théori\" + 0.007*\"later\" + 0.007*\"kill\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.005*\"man\" + 0.005*\"like\" + 0.004*\"end\" + 0.004*\"deal\"\n", - "2019-01-31 00:30:04,150 : INFO : topic diff=0.007664, rho=0.048912\n", - "2019-01-31 00:30:04,305 : INFO : PROGRESS: pass 0, at document #838000/4922894\n", - "2019-01-31 00:30:05,698 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:30:05,964 : INFO : topic #2 (0.020): 0.050*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.012*\"blur\" + 0.012*\"pope\" + 0.012*\"coalit\" + 0.011*\"nativist\" + 0.011*\"class\" + 0.009*\"fleet\"\n", - "2019-01-31 00:30:05,965 : INFO : topic #29 (0.020): 0.011*\"companhia\" + 0.010*\"million\" + 0.009*\"govern\" + 0.009*\"yawn\" + 0.009*\"start\" + 0.008*\"bank\" + 0.007*\"function\" + 0.007*\"countri\" + 0.006*\"market\" + 0.006*\"industri\"\n", - "2019-01-31 00:30:05,966 : INFO : topic #0 (0.020): 0.065*\"statewid\" + 0.040*\"line\" + 0.037*\"raid\" + 0.036*\"arsen\" + 0.028*\"museo\" + 0.020*\"traceabl\" + 0.018*\"serv\" + 0.014*\"pain\" + 0.014*\"exhaust\" + 0.013*\"artist\"\n", - "2019-01-31 00:30:05,967 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.025*\"factor\" + 0.023*\"adulthood\" + 0.017*\"feel\" + 0.015*\"hostil\" + 0.015*\"male\" + 0.012*\"plaisir\" + 0.011*\"live\" + 0.010*\"genu\" + 0.010*\"yawn\"\n", - "2019-01-31 00:30:05,969 : INFO : topic #41 (0.020): 0.045*\"citi\" + 0.031*\"new\" + 0.022*\"palmer\" + 0.016*\"year\" + 0.015*\"center\" + 0.015*\"strategist\" + 0.012*\"open\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.008*\"hot\"\n", - "2019-01-31 00:30:05,974 : INFO : topic diff=0.008260, rho=0.048853\n", - "2019-01-31 00:30:08,653 : INFO : -11.748 per-word bound, 3439.5 perplexity estimate based on a held-out corpus of 2000 documents with 526338 words\n", - "2019-01-31 00:30:08,653 : INFO : PROGRESS: pass 0, at document #840000/4922894\n", - "2019-01-31 00:30:10,046 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:30:10,312 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"media\" + 0.008*\"pathwai\" + 0.008*\"disco\" + 0.008*\"have\" + 0.007*\"hormon\" + 0.006*\"caus\" + 0.006*\"treat\" + 0.006*\"effect\" + 0.006*\"proper\"\n", - "2019-01-31 00:30:10,313 : INFO : topic #5 (0.020): 0.040*\"abroad\" + 0.028*\"son\" + 0.028*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.015*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:30:10,314 : INFO : topic #20 (0.020): 0.136*\"scholar\" + 0.038*\"struggl\" + 0.032*\"high\" + 0.029*\"educ\" + 0.022*\"collector\" + 0.018*\"yawn\" + 0.014*\"prognosi\" + 0.009*\"gothic\" + 0.009*\"task\" + 0.009*\"class\"\n", - "2019-01-31 00:30:10,315 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.024*\"septemb\" + 0.023*\"epiru\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"movi\" + 0.011*\"direct\" + 0.011*\"acrimoni\"\n", - "2019-01-31 00:30:10,317 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.033*\"perceptu\" + 0.021*\"theater\" + 0.019*\"compos\" + 0.018*\"place\" + 0.016*\"damn\" + 0.016*\"physician\" + 0.014*\"orchestr\" + 0.014*\"olympo\" + 0.012*\"word\"\n", - "2019-01-31 00:30:10,322 : INFO : topic diff=0.008498, rho=0.048795\n", - "2019-01-31 00:30:10,477 : INFO : PROGRESS: pass 0, at document #842000/4922894\n", - "2019-01-31 00:30:11,889 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:30:12,155 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.008*\"pathwai\" + 0.008*\"have\" + 0.007*\"hormon\" + 0.006*\"caus\" + 0.006*\"treat\" + 0.006*\"effect\" + 0.006*\"proper\"\n", - "2019-01-31 00:30:12,156 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.032*\"perceptu\" + 0.021*\"theater\" + 0.019*\"compos\" + 0.018*\"place\" + 0.016*\"damn\" + 0.016*\"physician\" + 0.014*\"orchestr\" + 0.014*\"olympo\" + 0.013*\"word\"\n", - "2019-01-31 00:30:12,157 : INFO : topic #18 (0.020): 0.009*\"théori\" + 0.007*\"later\" + 0.007*\"kill\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.005*\"man\" + 0.005*\"like\" + 0.004*\"help\" + 0.004*\"deal\"\n", - "2019-01-31 00:30:12,158 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.024*\"septemb\" + 0.023*\"epiru\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"movi\" + 0.011*\"direct\" + 0.011*\"acrimoni\"\n", - "2019-01-31 00:30:12,159 : INFO : topic #16 (0.020): 0.040*\"king\" + 0.035*\"priest\" + 0.021*\"quarterli\" + 0.019*\"duke\" + 0.019*\"grammat\" + 0.017*\"idiosyncrat\" + 0.016*\"rotterdam\" + 0.014*\"maria\" + 0.013*\"princ\" + 0.012*\"brazil\"\n", - "2019-01-31 00:30:12,165 : INFO : topic diff=0.008895, rho=0.048737\n", - "2019-01-31 00:30:12,319 : INFO : PROGRESS: pass 0, at document #844000/4922894\n", - "2019-01-31 00:30:13,676 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:30:13,945 : INFO : topic #35 (0.020): 0.054*\"russia\" + 0.034*\"sovereignti\" + 0.032*\"rural\" + 0.026*\"reprint\" + 0.026*\"poison\" + 0.024*\"personifi\" + 0.021*\"moscow\" + 0.017*\"turin\" + 0.016*\"poland\" + 0.014*\"malaysia\"\n", - "2019-01-31 00:30:13,946 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.011*\"develop\" + 0.011*\"organ\" + 0.010*\"word\" + 0.009*\"commun\" + 0.009*\"cultur\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.007*\"student\" + 0.007*\"socialist\"\n", - "2019-01-31 00:30:13,947 : INFO : topic #43 (0.020): 0.067*\"elect\" + 0.055*\"parti\" + 0.024*\"voluntari\" + 0.024*\"democrat\" + 0.020*\"member\" + 0.017*\"polici\" + 0.017*\"seaport\" + 0.016*\"republ\" + 0.015*\"liber\" + 0.014*\"bypass\"\n", - "2019-01-31 00:30:13,948 : INFO : topic #16 (0.020): 0.040*\"king\" + 0.035*\"priest\" + 0.021*\"quarterli\" + 0.019*\"duke\" + 0.019*\"grammat\" + 0.018*\"idiosyncrat\" + 0.016*\"rotterdam\" + 0.014*\"maria\" + 0.013*\"princ\" + 0.012*\"brazil\"\n", - "2019-01-31 00:30:13,949 : INFO : topic #47 (0.020): 0.066*\"muscl\" + 0.032*\"perceptu\" + 0.020*\"theater\" + 0.019*\"compos\" + 0.017*\"place\" + 0.017*\"damn\" + 0.016*\"physician\" + 0.014*\"orchestr\" + 0.014*\"olympo\" + 0.013*\"word\"\n", - "2019-01-31 00:30:13,955 : INFO : topic diff=0.008711, rho=0.048679\n", - "2019-01-31 00:30:14,109 : INFO : PROGRESS: pass 0, at document #846000/4922894\n", - "2019-01-31 00:30:15,509 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:30:15,775 : INFO : topic #21 (0.020): 0.035*\"samford\" + 0.023*\"spain\" + 0.020*\"mexico\" + 0.018*\"del\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.011*\"francisco\" + 0.011*\"mexican\" + 0.011*\"carlo\" + 0.011*\"juan\"\n", - "2019-01-31 00:30:15,776 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.017*\"factor\" + 0.015*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"daughter\" + 0.011*\"deal\"\n", - "2019-01-31 00:30:15,777 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"depress\" + 0.015*\"pour\" + 0.010*\"mode\" + 0.009*\"elabor\" + 0.009*\"produc\" + 0.008*\"candid\" + 0.008*\"veget\" + 0.007*\"encyclopedia\" + 0.007*\"uruguayan\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:30:15,778 : INFO : topic #0 (0.020): 0.066*\"statewid\" + 0.039*\"line\" + 0.038*\"arsen\" + 0.037*\"raid\" + 0.028*\"museo\" + 0.020*\"traceabl\" + 0.018*\"serv\" + 0.015*\"pain\" + 0.014*\"exhaust\" + 0.013*\"artist\"\n", - "2019-01-31 00:30:15,779 : INFO : topic #29 (0.020): 0.011*\"companhia\" + 0.010*\"million\" + 0.009*\"govern\" + 0.009*\"yawn\" + 0.009*\"start\" + 0.008*\"bank\" + 0.007*\"countri\" + 0.007*\"function\" + 0.006*\"market\" + 0.006*\"industri\"\n", - "2019-01-31 00:30:15,785 : INFO : topic diff=0.008453, rho=0.048622\n", - "2019-01-31 00:30:15,940 : INFO : PROGRESS: pass 0, at document #848000/4922894\n", - "2019-01-31 00:30:17,370 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:30:17,636 : INFO : topic #35 (0.020): 0.054*\"russia\" + 0.036*\"sovereignti\" + 0.032*\"rural\" + 0.026*\"reprint\" + 0.026*\"personifi\" + 0.025*\"poison\" + 0.020*\"moscow\" + 0.016*\"turin\" + 0.015*\"poland\" + 0.014*\"unfortun\"\n", - "2019-01-31 00:30:17,637 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.008*\"have\" + 0.008*\"pathwai\" + 0.007*\"caus\" + 0.006*\"hormon\" + 0.006*\"treat\" + 0.006*\"effect\" + 0.006*\"proper\"\n", - "2019-01-31 00:30:17,638 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.017*\"factor\" + 0.015*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"daughter\" + 0.011*\"deal\"\n", - "2019-01-31 00:30:17,640 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.016*\"depress\" + 0.015*\"pour\" + 0.010*\"mode\" + 0.010*\"elabor\" + 0.009*\"produc\" + 0.008*\"candid\" + 0.008*\"veget\" + 0.007*\"encyclopedia\" + 0.007*\"uruguayan\"\n", - "2019-01-31 00:30:17,641 : INFO : topic #31 (0.020): 0.062*\"fusiform\" + 0.024*\"scientist\" + 0.023*\"player\" + 0.021*\"taxpay\" + 0.020*\"place\" + 0.012*\"clot\" + 0.012*\"leagu\" + 0.011*\"yard\" + 0.011*\"folei\" + 0.009*\"yawn\"\n", - "2019-01-31 00:30:17,647 : INFO : topic diff=0.007210, rho=0.048564\n", - "2019-01-31 00:30:17,803 : INFO : PROGRESS: pass 0, at document #850000/4922894\n", - "2019-01-31 00:30:19,205 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:30:19,472 : INFO : topic #32 (0.020): 0.054*\"district\" + 0.046*\"vigour\" + 0.044*\"popolo\" + 0.040*\"tortur\" + 0.031*\"area\" + 0.026*\"regim\" + 0.025*\"cotton\" + 0.025*\"multitud\" + 0.022*\"citi\" + 0.021*\"commun\"\n", - "2019-01-31 00:30:19,473 : INFO : topic #23 (0.020): 0.134*\"audit\" + 0.067*\"best\" + 0.036*\"yawn\" + 0.027*\"jacksonvil\" + 0.023*\"japanes\" + 0.022*\"noll\" + 0.022*\"festiv\" + 0.022*\"intern\" + 0.019*\"women\" + 0.015*\"prison\"\n", - "2019-01-31 00:30:19,474 : INFO : topic #37 (0.020): 0.009*\"love\" + 0.008*\"gestur\" + 0.008*\"man\" + 0.006*\"blue\" + 0.005*\"bewild\" + 0.004*\"night\" + 0.004*\"litig\" + 0.004*\"vision\" + 0.003*\"amphora\" + 0.003*\"black\"\n", - "2019-01-31 00:30:19,475 : INFO : topic #2 (0.020): 0.051*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.013*\"blur\" + 0.012*\"pope\" + 0.011*\"class\" + 0.011*\"nativist\" + 0.011*\"coalit\" + 0.008*\"fleet\"\n", - "2019-01-31 00:30:19,476 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"rel\" + 0.028*\"son\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.015*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:30:19,482 : INFO : topic diff=0.013095, rho=0.048507\n", - "2019-01-31 00:30:19,630 : INFO : PROGRESS: pass 0, at document #852000/4922894\n", - "2019-01-31 00:30:21,009 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:30:21,276 : INFO : topic #8 (0.020): 0.028*\"law\" + 0.025*\"cortic\" + 0.019*\"start\" + 0.017*\"act\" + 0.014*\"ricardo\" + 0.014*\"case\" + 0.010*\"polaris\" + 0.009*\"legal\" + 0.008*\"replac\" + 0.008*\"princess\"\n", - "2019-01-31 00:30:21,277 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.011*\"develop\" + 0.011*\"organ\" + 0.010*\"word\" + 0.009*\"commun\" + 0.009*\"cultur\" + 0.008*\"group\" + 0.008*\"peopl\" + 0.007*\"student\" + 0.007*\"human\"\n", - "2019-01-31 00:30:21,278 : INFO : topic #13 (0.020): 0.027*\"sourc\" + 0.026*\"australia\" + 0.024*\"australian\" + 0.024*\"new\" + 0.024*\"london\" + 0.020*\"england\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.014*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:30:21,279 : INFO : topic #45 (0.020): 0.020*\"jpg\" + 0.019*\"fifteenth\" + 0.015*\"black\" + 0.014*\"illicit\" + 0.014*\"western\" + 0.014*\"colder\" + 0.012*\"record\" + 0.009*\"blind\" + 0.008*\"green\" + 0.007*\"light\"\n", - "2019-01-31 00:30:21,280 : INFO : topic #0 (0.020): 0.065*\"statewid\" + 0.039*\"line\" + 0.039*\"arsen\" + 0.036*\"raid\" + 0.028*\"museo\" + 0.020*\"traceabl\" + 0.018*\"serv\" + 0.015*\"pain\" + 0.014*\"exhaust\" + 0.013*\"artist\"\n", - "2019-01-31 00:30:21,286 : INFO : topic diff=0.008795, rho=0.048450\n", - "2019-01-31 00:30:21,445 : INFO : PROGRESS: pass 0, at document #854000/4922894\n", - "2019-01-31 00:30:22,849 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:30:23,116 : INFO : topic #13 (0.020): 0.027*\"sourc\" + 0.027*\"australia\" + 0.024*\"london\" + 0.024*\"new\" + 0.024*\"australian\" + 0.020*\"england\" + 0.020*\"british\" + 0.018*\"ireland\" + 0.014*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:30:23,117 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.019*\"di\" + 0.017*\"factor\" + 0.015*\"yawn\" + 0.015*\"margin\" + 0.013*\"bone\" + 0.012*\"life\" + 0.012*\"faster\" + 0.012*\"daughter\" + 0.011*\"deal\"\n", - "2019-01-31 00:30:23,118 : INFO : topic #35 (0.020): 0.054*\"russia\" + 0.036*\"sovereignti\" + 0.033*\"rural\" + 0.026*\"poison\" + 0.025*\"reprint\" + 0.025*\"personifi\" + 0.022*\"moscow\" + 0.016*\"turin\" + 0.016*\"poland\" + 0.014*\"unfortun\"\n", - "2019-01-31 00:30:23,119 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.032*\"incumb\" + 0.013*\"televis\" + 0.013*\"pakistan\" + 0.012*\"islam\" + 0.011*\"khalsa\" + 0.011*\"anglo\" + 0.010*\"muskoge\" + 0.010*\"start\" + 0.009*\"alam\"\n", - "2019-01-31 00:30:23,120 : INFO : topic #0 (0.020): 0.066*\"statewid\" + 0.039*\"arsen\" + 0.039*\"line\" + 0.036*\"raid\" + 0.029*\"museo\" + 0.020*\"traceabl\" + 0.018*\"serv\" + 0.015*\"pain\" + 0.014*\"exhaust\" + 0.014*\"artist\"\n", - "2019-01-31 00:30:23,126 : INFO : topic diff=0.007686, rho=0.048393\n", - "2019-01-31 00:30:23,283 : INFO : PROGRESS: pass 0, at document #856000/4922894\n", - "2019-01-31 00:30:24,709 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:30:24,975 : INFO : topic #9 (0.020): 0.072*\"bone\" + 0.042*\"american\" + 0.028*\"valour\" + 0.019*\"dutch\" + 0.019*\"folei\" + 0.018*\"player\" + 0.017*\"english\" + 0.016*\"polit\" + 0.012*\"simpler\" + 0.012*\"acrimoni\"\n", - "2019-01-31 00:30:24,976 : INFO : topic #1 (0.020): 0.053*\"china\" + 0.046*\"chilton\" + 0.025*\"kong\" + 0.025*\"hong\" + 0.021*\"korea\" + 0.019*\"korean\" + 0.017*\"leah\" + 0.017*\"sourc\" + 0.013*\"kim\" + 0.012*\"taiwan\"\n", - "2019-01-31 00:30:24,977 : INFO : topic #2 (0.020): 0.052*\"isl\" + 0.037*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.011*\"class\" + 0.011*\"coalit\" + 0.011*\"nativist\" + 0.009*\"fleet\"\n", - "2019-01-31 00:30:24,978 : INFO : topic #40 (0.020): 0.090*\"unit\" + 0.023*\"collector\" + 0.022*\"schuster\" + 0.020*\"institut\" + 0.019*\"requir\" + 0.018*\"student\" + 0.016*\"professor\" + 0.012*\"governor\" + 0.012*\"word\" + 0.011*\"degre\"\n", - "2019-01-31 00:30:24,979 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.048*\"franc\" + 0.033*\"pari\" + 0.026*\"sail\" + 0.022*\"jean\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 00:30:24,985 : INFO : topic diff=0.007652, rho=0.048337\n", - "2019-01-31 00:30:25,140 : INFO : PROGRESS: pass 0, at document #858000/4922894\n", - "2019-01-31 00:30:26,534 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:30:26,800 : INFO : topic #46 (0.020): 0.020*\"sweden\" + 0.018*\"stop\" + 0.018*\"norwai\" + 0.018*\"swedish\" + 0.015*\"norwegian\" + 0.015*\"wind\" + 0.014*\"turkish\" + 0.013*\"damag\" + 0.012*\"denmark\" + 0.012*\"huntsvil\"\n", - "2019-01-31 00:30:26,802 : INFO : topic #42 (0.020): 0.041*\"german\" + 0.029*\"germani\" + 0.013*\"israel\" + 0.013*\"jewish\" + 0.013*\"vol\" + 0.013*\"der\" + 0.013*\"berlin\" + 0.010*\"austria\" + 0.009*\"itali\" + 0.008*\"european\"\n", - "2019-01-31 00:30:26,803 : INFO : topic #39 (0.020): 0.038*\"canada\" + 0.035*\"canadian\" + 0.019*\"toronto\" + 0.017*\"hoar\" + 0.015*\"ontario\" + 0.013*\"new\" + 0.013*\"taxpay\" + 0.013*\"scientist\" + 0.012*\"basketbal\" + 0.011*\"hydrogen\"\n", - "2019-01-31 00:30:26,804 : INFO : topic #19 (0.020): 0.013*\"languag\" + 0.010*\"origin\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.008*\"mean\" + 0.008*\"centuri\" + 0.007*\"charact\" + 0.007*\"uruguayan\" + 0.007*\"like\" + 0.007*\"god\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:30:26,805 : INFO : topic #2 (0.020): 0.052*\"isl\" + 0.037*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.012*\"blur\" + 0.012*\"pope\" + 0.011*\"class\" + 0.011*\"coalit\" + 0.011*\"nativist\" + 0.008*\"fleet\"\n", - "2019-01-31 00:30:26,811 : INFO : topic diff=0.007951, rho=0.048280\n", - "2019-01-31 00:30:29,563 : INFO : -11.691 per-word bound, 3306.6 perplexity estimate based on a held-out corpus of 2000 documents with 552096 words\n", - "2019-01-31 00:30:29,563 : INFO : PROGRESS: pass 0, at document #860000/4922894\n", - "2019-01-31 00:30:31,144 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:30:31,411 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"battalion\" + 0.009*\"king\" + 0.009*\"aza\" + 0.008*\"forc\" + 0.008*\"empath\" + 0.008*\"centuri\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.006*\"embassi\"\n", - "2019-01-31 00:30:31,412 : INFO : topic #36 (0.020): 0.013*\"companhia\" + 0.011*\"pop\" + 0.010*\"network\" + 0.010*\"prognosi\" + 0.009*\"develop\" + 0.009*\"serv\" + 0.008*\"base\" + 0.008*\"includ\" + 0.007*\"brio\" + 0.007*\"diggin\"\n", - "2019-01-31 00:30:31,414 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.011*\"develop\" + 0.011*\"organ\" + 0.010*\"word\" + 0.009*\"commun\" + 0.008*\"cultur\" + 0.008*\"group\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.007*\"student\"\n", - "2019-01-31 00:30:31,415 : INFO : topic #46 (0.020): 0.020*\"sweden\" + 0.018*\"stop\" + 0.018*\"norwai\" + 0.017*\"swedish\" + 0.015*\"norwegian\" + 0.015*\"wind\" + 0.014*\"turkish\" + 0.013*\"damag\" + 0.012*\"denmark\" + 0.012*\"huntsvil\"\n", - "2019-01-31 00:30:31,416 : INFO : topic #20 (0.020): 0.136*\"scholar\" + 0.039*\"struggl\" + 0.032*\"high\" + 0.029*\"educ\" + 0.023*\"collector\" + 0.018*\"yawn\" + 0.014*\"prognosi\" + 0.009*\"task\" + 0.009*\"class\" + 0.009*\"gothic\"\n", - "2019-01-31 00:30:31,422 : INFO : topic diff=0.007213, rho=0.048224\n", - "2019-01-31 00:30:31,633 : INFO : PROGRESS: pass 0, at document #862000/4922894\n", - "2019-01-31 00:30:33,042 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:30:33,309 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.025*\"septemb\" + 0.023*\"epiru\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.011*\"acrimoni\"\n", - "2019-01-31 00:30:33,310 : INFO : topic #26 (0.020): 0.030*\"woman\" + 0.030*\"workplac\" + 0.029*\"champion\" + 0.028*\"men\" + 0.025*\"olymp\" + 0.022*\"medal\" + 0.021*\"alic\" + 0.020*\"event\" + 0.019*\"rainfal\" + 0.019*\"atheist\"\n", - "2019-01-31 00:30:33,312 : INFO : topic #8 (0.020): 0.028*\"law\" + 0.024*\"cortic\" + 0.019*\"start\" + 0.017*\"act\" + 0.014*\"ricardo\" + 0.014*\"case\" + 0.011*\"polaris\" + 0.009*\"legal\" + 0.009*\"replac\" + 0.008*\"judaism\"\n", - "2019-01-31 00:30:33,313 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.026*\"factor\" + 0.023*\"adulthood\" + 0.017*\"feel\" + 0.015*\"hostil\" + 0.015*\"male\" + 0.012*\"plaisir\" + 0.011*\"live\" + 0.011*\"genu\" + 0.010*\"yawn\"\n", - "2019-01-31 00:30:33,314 : INFO : topic #3 (0.020): 0.036*\"present\" + 0.030*\"offic\" + 0.025*\"minist\" + 0.021*\"serv\" + 0.019*\"member\" + 0.018*\"gener\" + 0.017*\"govern\" + 0.017*\"seri\" + 0.017*\"nation\" + 0.016*\"chickasaw\"\n", - "2019-01-31 00:30:33,320 : INFO : topic diff=0.008605, rho=0.048168\n", - "2019-01-31 00:30:33,477 : INFO : PROGRESS: pass 0, at document #864000/4922894\n", - "2019-01-31 00:30:34,844 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:30:35,114 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"media\" + 0.008*\"hormon\" + 0.008*\"pathwai\" + 0.008*\"disco\" + 0.007*\"have\" + 0.007*\"caus\" + 0.006*\"treat\" + 0.006*\"proper\" + 0.006*\"effect\"\n", - "2019-01-31 00:30:35,115 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.015*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:30:35,116 : INFO : topic #13 (0.020): 0.028*\"australia\" + 0.027*\"sourc\" + 0.024*\"australian\" + 0.024*\"new\" + 0.024*\"london\" + 0.020*\"british\" + 0.020*\"england\" + 0.017*\"ireland\" + 0.014*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 00:30:35,117 : INFO : topic #41 (0.020): 0.044*\"citi\" + 0.032*\"new\" + 0.021*\"palmer\" + 0.016*\"year\" + 0.015*\"strategist\" + 0.014*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"highli\"\n", - "2019-01-31 00:30:35,118 : INFO : topic #30 (0.020): 0.037*\"leagu\" + 0.036*\"cleveland\" + 0.030*\"place\" + 0.028*\"taxpay\" + 0.025*\"scientist\" + 0.024*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"diversifi\"\n", - "2019-01-31 00:30:35,124 : INFO : topic diff=0.008393, rho=0.048113\n", - "2019-01-31 00:30:35,281 : INFO : PROGRESS: pass 0, at document #866000/4922894\n", - "2019-01-31 00:30:36,699 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:30:36,965 : INFO : topic #30 (0.020): 0.037*\"leagu\" + 0.036*\"cleveland\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.025*\"scientist\" + 0.025*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.013*\"diversifi\"\n", - "2019-01-31 00:30:36,966 : INFO : topic #11 (0.020): 0.028*\"john\" + 0.015*\"will\" + 0.013*\"jame\" + 0.012*\"david\" + 0.011*\"rival\" + 0.010*\"georg\" + 0.009*\"mexican–american\" + 0.009*\"slur\" + 0.009*\"rhyme\" + 0.008*\"paul\"\n", - "2019-01-31 00:30:36,968 : INFO : topic #27 (0.020): 0.069*\"questionnair\" + 0.018*\"taxpay\" + 0.017*\"candid\" + 0.013*\"fool\" + 0.013*\"driver\" + 0.012*\"ret\" + 0.012*\"find\" + 0.011*\"tornado\" + 0.011*\"landslid\" + 0.011*\"théori\"\n", - "2019-01-31 00:30:36,969 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.011*\"develop\" + 0.011*\"organ\" + 0.010*\"word\" + 0.009*\"commun\" + 0.008*\"group\" + 0.008*\"cultur\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.007*\"student\"\n", - "2019-01-31 00:30:36,970 : INFO : topic #41 (0.020): 0.044*\"citi\" + 0.031*\"new\" + 0.021*\"palmer\" + 0.016*\"year\" + 0.015*\"strategist\" + 0.014*\"center\" + 0.012*\"open\" + 0.010*\"includ\" + 0.010*\"lobe\" + 0.009*\"highli\"\n", - "2019-01-31 00:30:36,976 : INFO : topic diff=0.008114, rho=0.048057\n", - "2019-01-31 00:30:37,130 : INFO : PROGRESS: pass 0, at document #868000/4922894\n", - "2019-01-31 00:30:38,542 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:30:38,808 : INFO : topic #11 (0.020): 0.028*\"john\" + 0.015*\"will\" + 0.013*\"jame\" + 0.012*\"david\" + 0.011*\"rival\" + 0.010*\"georg\" + 0.009*\"mexican–american\" + 0.009*\"slur\" + 0.009*\"rhyme\" + 0.008*\"paul\"\n", - "2019-01-31 00:30:38,809 : INFO : topic #39 (0.020): 0.039*\"canada\" + 0.036*\"canadian\" + 0.019*\"hoar\" + 0.018*\"toronto\" + 0.015*\"ontario\" + 0.013*\"new\" + 0.013*\"taxpay\" + 0.012*\"scientist\" + 0.012*\"hydrogen\" + 0.012*\"basketbal\"\n", - "2019-01-31 00:30:38,810 : INFO : topic #36 (0.020): 0.013*\"companhia\" + 0.011*\"pop\" + 0.011*\"prognosi\" + 0.010*\"network\" + 0.010*\"develop\" + 0.008*\"serv\" + 0.008*\"base\" + 0.008*\"includ\" + 0.007*\"user\" + 0.007*\"brio\"\n", - "2019-01-31 00:30:38,812 : INFO : topic #25 (0.020): 0.030*\"ring\" + 0.018*\"lagrang\" + 0.017*\"warmth\" + 0.016*\"area\" + 0.014*\"mount\" + 0.009*\"palmer\" + 0.009*\"north\" + 0.009*\"foam\" + 0.008*\"land\" + 0.008*\"vacant\"\n", - "2019-01-31 00:30:38,813 : INFO : topic #23 (0.020): 0.134*\"audit\" + 0.068*\"best\" + 0.036*\"yawn\" + 0.028*\"jacksonvil\" + 0.024*\"japanes\" + 0.023*\"festiv\" + 0.022*\"noll\" + 0.020*\"intern\" + 0.019*\"women\" + 0.014*\"prison\"\n", - "2019-01-31 00:30:38,819 : INFO : topic diff=0.007517, rho=0.048002\n", - "2019-01-31 00:30:38,978 : INFO : PROGRESS: pass 0, at document #870000/4922894\n", - "2019-01-31 00:30:40,407 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:30:40,673 : INFO : topic #1 (0.020): 0.053*\"china\" + 0.046*\"chilton\" + 0.028*\"kong\" + 0.027*\"hong\" + 0.020*\"korea\" + 0.018*\"korean\" + 0.018*\"leah\" + 0.016*\"sourc\" + 0.013*\"kim\" + 0.011*\"taiwan\"\n", - "2019-01-31 00:30:40,674 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.009*\"battalion\" + 0.009*\"aza\" + 0.009*\"king\" + 0.009*\"forc\" + 0.008*\"empath\" + 0.008*\"centuri\" + 0.008*\"teufel\" + 0.007*\"armi\" + 0.006*\"till\"\n", - "2019-01-31 00:30:40,675 : INFO : topic #31 (0.020): 0.063*\"fusiform\" + 0.025*\"scientist\" + 0.023*\"player\" + 0.021*\"taxpay\" + 0.020*\"place\" + 0.012*\"clot\" + 0.012*\"leagu\" + 0.011*\"yard\" + 0.010*\"folei\" + 0.010*\"ruler\"\n", - "2019-01-31 00:30:40,677 : INFO : topic #39 (0.020): 0.039*\"canada\" + 0.036*\"canadian\" + 0.020*\"hoar\" + 0.018*\"toronto\" + 0.014*\"ontario\" + 0.013*\"taxpay\" + 0.013*\"new\" + 0.012*\"hydrogen\" + 0.012*\"scientist\" + 0.012*\"basketbal\"\n", - "2019-01-31 00:30:40,678 : INFO : topic #25 (0.020): 0.030*\"ring\" + 0.018*\"lagrang\" + 0.017*\"warmth\" + 0.016*\"area\" + 0.014*\"mount\" + 0.009*\"palmer\" + 0.009*\"north\" + 0.009*\"foam\" + 0.008*\"land\" + 0.008*\"vacant\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:30:40,684 : INFO : topic diff=0.008654, rho=0.047946\n", - "2019-01-31 00:30:40,843 : INFO : PROGRESS: pass 0, at document #872000/4922894\n", - "2019-01-31 00:30:42,276 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:30:42,546 : INFO : topic #18 (0.020): 0.009*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.007*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.004*\"man\" + 0.004*\"deal\" + 0.004*\"end\"\n", - "2019-01-31 00:30:42,547 : INFO : topic #26 (0.020): 0.030*\"alic\" + 0.029*\"workplac\" + 0.029*\"woman\" + 0.029*\"champion\" + 0.027*\"men\" + 0.025*\"olymp\" + 0.023*\"medal\" + 0.022*\"left\" + 0.020*\"event\" + 0.018*\"rainfal\"\n", - "2019-01-31 00:30:42,548 : INFO : topic #1 (0.020): 0.053*\"china\" + 0.046*\"chilton\" + 0.027*\"kong\" + 0.026*\"hong\" + 0.020*\"korea\" + 0.018*\"korean\" + 0.018*\"leah\" + 0.016*\"sourc\" + 0.013*\"kim\" + 0.011*\"taiwan\"\n", - "2019-01-31 00:30:42,549 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.020*\"band\" + 0.018*\"muscl\" + 0.016*\"simultan\" + 0.015*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:30:42,551 : INFO : topic #37 (0.020): 0.009*\"love\" + 0.008*\"gestur\" + 0.008*\"man\" + 0.006*\"blue\" + 0.005*\"litig\" + 0.005*\"bewild\" + 0.004*\"night\" + 0.004*\"vision\" + 0.004*\"black\" + 0.003*\"admit\"\n", - "2019-01-31 00:30:42,557 : INFO : topic diff=0.008624, rho=0.047891\n", - "2019-01-31 00:30:42,714 : INFO : PROGRESS: pass 0, at document #874000/4922894\n", - "2019-01-31 00:30:44,116 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:30:44,383 : INFO : topic #29 (0.020): 0.012*\"companhia\" + 0.010*\"million\" + 0.009*\"yawn\" + 0.008*\"govern\" + 0.008*\"start\" + 0.008*\"bank\" + 0.007*\"countri\" + 0.007*\"function\" + 0.007*\"market\" + 0.006*\"busi\"\n", - "2019-01-31 00:30:44,384 : INFO : topic #42 (0.020): 0.043*\"german\" + 0.029*\"germani\" + 0.014*\"vol\" + 0.013*\"jewish\" + 0.013*\"der\" + 0.013*\"israel\" + 0.012*\"berlin\" + 0.010*\"austria\" + 0.009*\"itali\" + 0.008*\"europ\"\n", - "2019-01-31 00:30:44,386 : INFO : topic #44 (0.020): 0.029*\"rooftop\" + 0.028*\"final\" + 0.024*\"tourist\" + 0.020*\"wife\" + 0.020*\"champion\" + 0.018*\"taxpay\" + 0.015*\"martin\" + 0.014*\"tiepolo\" + 0.013*\"chamber\" + 0.013*\"women\"\n", - "2019-01-31 00:30:44,387 : INFO : topic #10 (0.020): 0.010*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"have\" + 0.007*\"caus\" + 0.006*\"treat\" + 0.006*\"proper\" + 0.006*\"effect\"\n", - "2019-01-31 00:30:44,388 : INFO : topic #11 (0.020): 0.029*\"john\" + 0.016*\"will\" + 0.014*\"jame\" + 0.011*\"david\" + 0.011*\"rival\" + 0.010*\"georg\" + 0.009*\"slur\" + 0.009*\"mexican–american\" + 0.009*\"rhyme\" + 0.008*\"paul\"\n", - "2019-01-31 00:30:44,394 : INFO : topic diff=0.008442, rho=0.047836\n", - "2019-01-31 00:30:44,547 : INFO : PROGRESS: pass 0, at document #876000/4922894\n", - "2019-01-31 00:30:45,948 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:30:46,214 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.057*\"parti\" + 0.024*\"voluntari\" + 0.024*\"democrat\" + 0.020*\"member\" + 0.018*\"polici\" + 0.015*\"seaport\" + 0.015*\"republ\" + 0.014*\"liber\" + 0.013*\"report\"\n", - "2019-01-31 00:30:46,216 : INFO : topic #25 (0.020): 0.030*\"ring\" + 0.018*\"warmth\" + 0.018*\"lagrang\" + 0.016*\"area\" + 0.014*\"mount\" + 0.009*\"palmer\" + 0.009*\"north\" + 0.008*\"land\" + 0.008*\"foam\" + 0.008*\"vacant\"\n", - "2019-01-31 00:30:46,217 : INFO : topic #40 (0.020): 0.089*\"unit\" + 0.023*\"collector\" + 0.022*\"schuster\" + 0.021*\"institut\" + 0.019*\"requir\" + 0.018*\"student\" + 0.017*\"professor\" + 0.012*\"governor\" + 0.012*\"word\" + 0.011*\"http\"\n", - "2019-01-31 00:30:46,219 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.050*\"franc\" + 0.032*\"pari\" + 0.027*\"sail\" + 0.022*\"jean\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 00:30:46,220 : INFO : topic #3 (0.020): 0.038*\"present\" + 0.028*\"offic\" + 0.025*\"minist\" + 0.020*\"member\" + 0.019*\"serv\" + 0.018*\"gener\" + 0.018*\"govern\" + 0.017*\"seri\" + 0.017*\"nation\" + 0.016*\"chickasaw\"\n", - "2019-01-31 00:30:46,226 : INFO : topic diff=0.008555, rho=0.047782\n", - "2019-01-31 00:30:46,390 : INFO : PROGRESS: pass 0, at document #878000/4922894\n", - "2019-01-31 00:30:47,802 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:30:48,068 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.025*\"septemb\" + 0.023*\"epiru\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.014*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"movi\" + 0.011*\"direct\" + 0.011*\"acrimoni\"\n", - "2019-01-31 00:30:48,069 : INFO : topic #26 (0.020): 0.030*\"workplac\" + 0.029*\"champion\" + 0.028*\"alic\" + 0.028*\"woman\" + 0.027*\"men\" + 0.025*\"olymp\" + 0.023*\"medal\" + 0.021*\"left\" + 0.020*\"event\" + 0.018*\"atheist\"\n", - "2019-01-31 00:30:48,071 : INFO : topic #9 (0.020): 0.069*\"bone\" + 0.047*\"american\" + 0.025*\"valour\" + 0.019*\"folei\" + 0.018*\"dutch\" + 0.018*\"player\" + 0.016*\"polit\" + 0.015*\"english\" + 0.013*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 00:30:48,072 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"théori\" + 0.007*\"exampl\" + 0.006*\"gener\" + 0.006*\"southern\" + 0.006*\"measur\" + 0.006*\"method\" + 0.006*\"poet\" + 0.006*\"differ\"\n", - "2019-01-31 00:30:48,074 : INFO : topic #41 (0.020): 0.044*\"citi\" + 0.031*\"new\" + 0.022*\"palmer\" + 0.015*\"year\" + 0.015*\"center\" + 0.015*\"strategist\" + 0.012*\"open\" + 0.010*\"includ\" + 0.010*\"lobe\" + 0.008*\"highli\"\n", - "2019-01-31 00:30:48,079 : INFO : topic diff=0.007568, rho=0.047727\n", - "2019-01-31 00:30:50,743 : INFO : -11.666 per-word bound, 3249.4 perplexity estimate based on a held-out corpus of 2000 documents with 523385 words\n", - "2019-01-31 00:30:50,743 : INFO : PROGRESS: pass 0, at document #880000/4922894\n", - "2019-01-31 00:30:52,132 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:30:52,398 : INFO : topic #49 (0.020): 0.042*\"india\" + 0.032*\"incumb\" + 0.013*\"pakistan\" + 0.013*\"islam\" + 0.012*\"televis\" + 0.011*\"khalsa\" + 0.011*\"anglo\" + 0.010*\"muskoge\" + 0.010*\"start\" + 0.010*\"affection\"\n", - "2019-01-31 00:30:52,399 : INFO : topic #32 (0.020): 0.053*\"district\" + 0.046*\"vigour\" + 0.044*\"popolo\" + 0.040*\"tortur\" + 0.030*\"area\" + 0.026*\"regim\" + 0.025*\"cotton\" + 0.024*\"multitud\" + 0.022*\"citi\" + 0.020*\"commun\"\n", - "2019-01-31 00:30:52,400 : INFO : topic #28 (0.020): 0.030*\"build\" + 0.025*\"hous\" + 0.020*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.011*\"briarwood\" + 0.011*\"constitut\" + 0.011*\"strategist\" + 0.010*\"linear\" + 0.009*\"depress\"\n", - "2019-01-31 00:30:52,401 : INFO : topic #42 (0.020): 0.044*\"german\" + 0.029*\"germani\" + 0.014*\"vol\" + 0.013*\"jewish\" + 0.013*\"der\" + 0.012*\"berlin\" + 0.012*\"israel\" + 0.010*\"austria\" + 0.009*\"itali\" + 0.009*\"europ\"\n", - "2019-01-31 00:30:52,403 : INFO : topic #41 (0.020): 0.045*\"citi\" + 0.031*\"new\" + 0.022*\"palmer\" + 0.015*\"year\" + 0.015*\"center\" + 0.015*\"strategist\" + 0.012*\"open\" + 0.010*\"includ\" + 0.010*\"lobe\" + 0.008*\"highli\"\n", - "2019-01-31 00:30:52,409 : INFO : topic diff=0.007326, rho=0.047673\n", - "2019-01-31 00:30:52,565 : INFO : PROGRESS: pass 0, at document #882000/4922894\n", - "2019-01-31 00:30:53,987 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:30:54,254 : INFO : topic #27 (0.020): 0.068*\"questionnair\" + 0.018*\"candid\" + 0.018*\"taxpay\" + 0.013*\"tornado\" + 0.013*\"find\" + 0.013*\"driver\" + 0.012*\"fool\" + 0.011*\"landslid\" + 0.011*\"théori\" + 0.010*\"ret\"\n", - "2019-01-31 00:30:54,255 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.024*\"factor\" + 0.022*\"adulthood\" + 0.016*\"feel\" + 0.014*\"hostil\" + 0.014*\"male\" + 0.012*\"plaisir\" + 0.011*\"live\" + 0.010*\"genu\" + 0.009*\"yawn\"\n", - "2019-01-31 00:30:54,257 : INFO : topic #4 (0.020): 0.022*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.009*\"produc\" + 0.009*\"mode\" + 0.009*\"elabor\" + 0.008*\"veget\" + 0.007*\"candid\" + 0.007*\"encyclopedia\" + 0.007*\"uruguayan\"\n", - "2019-01-31 00:30:54,258 : INFO : topic #42 (0.020): 0.044*\"german\" + 0.029*\"germani\" + 0.014*\"vol\" + 0.014*\"jewish\" + 0.013*\"der\" + 0.013*\"berlin\" + 0.012*\"israel\" + 0.010*\"austria\" + 0.009*\"itali\" + 0.009*\"europ\"\n", - "2019-01-31 00:30:54,259 : INFO : topic #19 (0.020): 0.013*\"languag\" + 0.010*\"woodcut\" + 0.010*\"origin\" + 0.009*\"form\" + 0.008*\"mean\" + 0.008*\"centuri\" + 0.007*\"trade\" + 0.007*\"like\" + 0.007*\"uruguayan\" + 0.007*\"god\"\n", - "2019-01-31 00:30:54,265 : INFO : topic diff=0.008168, rho=0.047619\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:30:54,425 : INFO : PROGRESS: pass 0, at document #884000/4922894\n", - "2019-01-31 00:30:55,869 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:30:56,136 : INFO : topic #0 (0.020): 0.065*\"statewid\" + 0.041*\"arsen\" + 0.039*\"line\" + 0.033*\"raid\" + 0.029*\"museo\" + 0.019*\"traceabl\" + 0.017*\"serv\" + 0.017*\"pain\" + 0.015*\"artist\" + 0.015*\"exhaust\"\n", - "2019-01-31 00:30:56,137 : INFO : topic #3 (0.020): 0.038*\"present\" + 0.028*\"offic\" + 0.024*\"minist\" + 0.020*\"member\" + 0.019*\"serv\" + 0.018*\"govern\" + 0.018*\"gener\" + 0.018*\"seri\" + 0.017*\"nation\" + 0.016*\"chickasaw\"\n", - "2019-01-31 00:30:56,138 : INFO : topic #17 (0.020): 0.070*\"church\" + 0.021*\"christian\" + 0.021*\"cathol\" + 0.019*\"bishop\" + 0.017*\"sail\" + 0.015*\"cathedr\" + 0.014*\"retroflex\" + 0.010*\"centuri\" + 0.009*\"italian\" + 0.009*\"historiographi\"\n", - "2019-01-31 00:30:56,139 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.036*\"publicis\" + 0.023*\"word\" + 0.017*\"new\" + 0.014*\"edit\" + 0.014*\"presid\" + 0.013*\"storag\" + 0.013*\"nicola\" + 0.012*\"magazin\" + 0.012*\"worldwid\"\n", - "2019-01-31 00:30:56,140 : INFO : topic #35 (0.020): 0.059*\"russia\" + 0.036*\"sovereignti\" + 0.036*\"rural\" + 0.025*\"poison\" + 0.025*\"reprint\" + 0.024*\"personifi\" + 0.021*\"moscow\" + 0.016*\"poland\" + 0.015*\"unfortun\" + 0.014*\"malaysia\"\n", - "2019-01-31 00:30:56,146 : INFO : topic diff=0.007349, rho=0.047565\n", - "2019-01-31 00:30:56,306 : INFO : PROGRESS: pass 0, at document #886000/4922894\n", - "2019-01-31 00:30:57,852 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:30:58,118 : INFO : topic #16 (0.020): 0.041*\"king\" + 0.030*\"priest\" + 0.021*\"grammat\" + 0.021*\"quarterli\" + 0.018*\"duke\" + 0.016*\"rotterdam\" + 0.015*\"maria\" + 0.015*\"idiosyncrat\" + 0.014*\"order\" + 0.014*\"brazil\"\n", - "2019-01-31 00:30:58,119 : INFO : topic #30 (0.020): 0.037*\"leagu\" + 0.036*\"cleveland\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.025*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"diversifi\"\n", - "2019-01-31 00:30:58,120 : INFO : topic #17 (0.020): 0.070*\"church\" + 0.021*\"christian\" + 0.021*\"cathol\" + 0.019*\"bishop\" + 0.017*\"sail\" + 0.014*\"retroflex\" + 0.014*\"cathedr\" + 0.010*\"centuri\" + 0.010*\"italian\" + 0.009*\"historiographi\"\n", - "2019-01-31 00:30:58,121 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.057*\"parti\" + 0.027*\"democrat\" + 0.024*\"voluntari\" + 0.020*\"member\" + 0.018*\"polici\" + 0.017*\"republ\" + 0.015*\"seaport\" + 0.014*\"liber\" + 0.014*\"report\"\n", - "2019-01-31 00:30:58,123 : INFO : topic #11 (0.020): 0.028*\"john\" + 0.016*\"will\" + 0.014*\"jame\" + 0.011*\"david\" + 0.011*\"rival\" + 0.010*\"georg\" + 0.009*\"slur\" + 0.009*\"mexican–american\" + 0.009*\"rhyme\" + 0.008*\"paul\"\n", - "2019-01-31 00:30:58,129 : INFO : topic diff=0.009032, rho=0.047511\n", - "2019-01-31 00:30:58,283 : INFO : PROGRESS: pass 0, at document #888000/4922894\n", - "2019-01-31 00:30:59,906 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:31:00,173 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.025*\"septemb\" + 0.024*\"epiru\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.014*\"proclaim\" + 0.013*\"rodríguez\" + 0.011*\"movi\" + 0.011*\"direct\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:31:00,174 : INFO : topic #9 (0.020): 0.068*\"bone\" + 0.048*\"american\" + 0.025*\"valour\" + 0.019*\"dutch\" + 0.019*\"folei\" + 0.018*\"player\" + 0.016*\"polit\" + 0.015*\"english\" + 0.013*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 00:31:00,176 : INFO : topic #41 (0.020): 0.045*\"citi\" + 0.031*\"new\" + 0.022*\"palmer\" + 0.016*\"year\" + 0.016*\"strategist\" + 0.015*\"center\" + 0.012*\"open\" + 0.010*\"includ\" + 0.010*\"lobe\" + 0.008*\"highli\"\n", - "2019-01-31 00:31:00,177 : INFO : topic #16 (0.020): 0.041*\"king\" + 0.030*\"priest\" + 0.022*\"quarterli\" + 0.021*\"grammat\" + 0.018*\"duke\" + 0.016*\"rotterdam\" + 0.015*\"maria\" + 0.014*\"idiosyncrat\" + 0.014*\"order\" + 0.013*\"brazil\"\n", - "2019-01-31 00:31:00,178 : INFO : topic #34 (0.020): 0.071*\"start\" + 0.032*\"cotton\" + 0.029*\"unionist\" + 0.027*\"american\" + 0.025*\"new\" + 0.014*\"california\" + 0.014*\"terri\" + 0.013*\"year\" + 0.013*\"warrior\" + 0.012*\"north\"\n", - "2019-01-31 00:31:00,184 : INFO : topic diff=0.008016, rho=0.047458\n", - "2019-01-31 00:31:00,337 : INFO : PROGRESS: pass 0, at document #890000/4922894\n", - "2019-01-31 00:31:01,721 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:31:01,988 : INFO : topic #31 (0.020): 0.060*\"fusiform\" + 0.025*\"scientist\" + 0.023*\"player\" + 0.021*\"taxpay\" + 0.020*\"place\" + 0.013*\"clot\" + 0.011*\"leagu\" + 0.011*\"folei\" + 0.010*\"yard\" + 0.009*\"yawn\"\n", - "2019-01-31 00:31:01,989 : INFO : topic #13 (0.020): 0.027*\"sourc\" + 0.027*\"australia\" + 0.026*\"new\" + 0.026*\"london\" + 0.024*\"australian\" + 0.022*\"england\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.016*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 00:31:01,990 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.035*\"publicis\" + 0.023*\"word\" + 0.017*\"new\" + 0.014*\"edit\" + 0.014*\"presid\" + 0.013*\"nicola\" + 0.013*\"storag\" + 0.012*\"worldwid\" + 0.012*\"magazin\"\n", - "2019-01-31 00:31:01,991 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.033*\"perceptu\" + 0.020*\"theater\" + 0.019*\"compos\" + 0.018*\"place\" + 0.016*\"damn\" + 0.015*\"physician\" + 0.014*\"orchestr\" + 0.014*\"olympo\" + 0.013*\"word\"\n", - "2019-01-31 00:31:01,992 : INFO : topic #25 (0.020): 0.031*\"ring\" + 0.018*\"lagrang\" + 0.017*\"warmth\" + 0.016*\"area\" + 0.014*\"mount\" + 0.009*\"north\" + 0.009*\"palmer\" + 0.008*\"foam\" + 0.008*\"land\" + 0.008*\"vacant\"\n", - "2019-01-31 00:31:01,999 : INFO : topic diff=0.008166, rho=0.047405\n", - "2019-01-31 00:31:02,160 : INFO : PROGRESS: pass 0, at document #892000/4922894\n", - "2019-01-31 00:31:03,567 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:31:03,837 : INFO : topic #28 (0.020): 0.030*\"build\" + 0.025*\"hous\" + 0.020*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.012*\"briarwood\" + 0.011*\"strategist\" + 0.011*\"constitut\" + 0.010*\"linear\" + 0.009*\"depress\"\n", - "2019-01-31 00:31:03,838 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.057*\"parti\" + 0.026*\"democrat\" + 0.024*\"voluntari\" + 0.020*\"member\" + 0.018*\"polici\" + 0.017*\"republ\" + 0.014*\"report\" + 0.014*\"liber\" + 0.014*\"seaport\"\n", - "2019-01-31 00:31:03,839 : INFO : topic #44 (0.020): 0.029*\"final\" + 0.029*\"rooftop\" + 0.022*\"tourist\" + 0.022*\"wife\" + 0.020*\"champion\" + 0.018*\"taxpay\" + 0.016*\"martin\" + 0.014*\"tiepolo\" + 0.013*\"chamber\" + 0.013*\"women\"\n", - "2019-01-31 00:31:03,840 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.025*\"septemb\" + 0.023*\"epiru\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.014*\"proclaim\" + 0.013*\"rodríguez\" + 0.011*\"movi\" + 0.011*\"direct\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:31:03,841 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.046*\"vigour\" + 0.044*\"popolo\" + 0.041*\"tortur\" + 0.030*\"area\" + 0.026*\"regim\" + 0.025*\"cotton\" + 0.024*\"multitud\" + 0.022*\"citi\" + 0.020*\"commun\"\n", - "2019-01-31 00:31:03,847 : INFO : topic diff=0.009180, rho=0.047351\n", - "2019-01-31 00:31:04,004 : INFO : PROGRESS: pass 0, at document #894000/4922894\n", - "2019-01-31 00:31:05,426 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:31:05,693 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.023*\"schuster\" + 0.022*\"collector\" + 0.020*\"institut\" + 0.019*\"requir\" + 0.018*\"student\" + 0.016*\"professor\" + 0.012*\"word\" + 0.012*\"governor\" + 0.011*\"http\"\n", - "2019-01-31 00:31:05,694 : INFO : topic #26 (0.020): 0.030*\"workplac\" + 0.029*\"champion\" + 0.028*\"alic\" + 0.027*\"woman\" + 0.025*\"men\" + 0.024*\"olymp\" + 0.023*\"medal\" + 0.023*\"left\" + 0.020*\"event\" + 0.018*\"atheist\"\n", - "2019-01-31 00:31:05,695 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.024*\"factor\" + 0.022*\"adulthood\" + 0.016*\"feel\" + 0.015*\"hostil\" + 0.014*\"male\" + 0.012*\"plaisir\" + 0.011*\"live\" + 0.009*\"genu\" + 0.009*\"yawn\"\n", - "2019-01-31 00:31:05,696 : INFO : topic #36 (0.020): 0.012*\"companhia\" + 0.011*\"network\" + 0.011*\"pop\" + 0.010*\"prognosi\" + 0.009*\"develop\" + 0.008*\"brio\" + 0.008*\"serv\" + 0.008*\"base\" + 0.008*\"includ\" + 0.008*\"softwar\"\n", - "2019-01-31 00:31:05,697 : INFO : topic #0 (0.020): 0.068*\"statewid\" + 0.041*\"arsen\" + 0.038*\"line\" + 0.033*\"raid\" + 0.030*\"museo\" + 0.019*\"traceabl\" + 0.018*\"serv\" + 0.016*\"pain\" + 0.014*\"exhaust\" + 0.014*\"artist\"\n", - "2019-01-31 00:31:05,703 : INFO : topic diff=0.008095, rho=0.047298\n", - "2019-01-31 00:31:05,914 : INFO : PROGRESS: pass 0, at document #896000/4922894\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:31:07,318 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:31:07,585 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.021*\"di\" + 0.017*\"factor\" + 0.015*\"margin\" + 0.015*\"yawn\" + 0.014*\"bone\" + 0.012*\"life\" + 0.012*\"faster\" + 0.012*\"daughter\" + 0.011*\"deal\"\n", - "2019-01-31 00:31:07,586 : INFO : topic #13 (0.020): 0.027*\"sourc\" + 0.026*\"new\" + 0.026*\"australia\" + 0.026*\"london\" + 0.023*\"australian\" + 0.022*\"england\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.016*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 00:31:07,587 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.009*\"disco\" + 0.008*\"media\" + 0.007*\"caus\" + 0.007*\"pathwai\" + 0.007*\"have\" + 0.006*\"hormon\" + 0.006*\"proper\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 00:31:07,588 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.006*\"southern\" + 0.006*\"exampl\" + 0.006*\"théori\" + 0.006*\"poet\" + 0.006*\"gener\" + 0.006*\"measur\" + 0.006*\"method\" + 0.005*\"differ\"\n", - "2019-01-31 00:31:07,589 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.022*\"collector\" + 0.022*\"schuster\" + 0.020*\"institut\" + 0.019*\"requir\" + 0.018*\"student\" + 0.016*\"professor\" + 0.012*\"word\" + 0.012*\"governor\" + 0.011*\"http\"\n", - "2019-01-31 00:31:07,595 : INFO : topic diff=0.008053, rho=0.047246\n", - "2019-01-31 00:31:07,754 : INFO : PROGRESS: pass 0, at document #898000/4922894\n", - "2019-01-31 00:31:09,168 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:31:09,434 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.035*\"publicis\" + 0.023*\"word\" + 0.017*\"new\" + 0.015*\"edit\" + 0.013*\"presid\" + 0.013*\"nicola\" + 0.013*\"storag\" + 0.012*\"worldwid\" + 0.011*\"collect\"\n", - "2019-01-31 00:31:09,435 : INFO : topic #45 (0.020): 0.019*\"jpg\" + 0.019*\"fifteenth\" + 0.015*\"black\" + 0.014*\"western\" + 0.014*\"colder\" + 0.013*\"illicit\" + 0.013*\"record\" + 0.009*\"blind\" + 0.008*\"green\" + 0.007*\"light\"\n", - "2019-01-31 00:31:09,437 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"southern\" + 0.006*\"théori\" + 0.006*\"exampl\" + 0.006*\"gener\" + 0.006*\"poet\" + 0.006*\"measur\" + 0.006*\"method\" + 0.005*\"differ\"\n", - "2019-01-31 00:31:09,438 : INFO : topic #17 (0.020): 0.071*\"church\" + 0.022*\"cathol\" + 0.021*\"christian\" + 0.019*\"bishop\" + 0.017*\"sail\" + 0.014*\"retroflex\" + 0.012*\"cathedr\" + 0.010*\"italian\" + 0.010*\"centuri\" + 0.009*\"historiographi\"\n", - "2019-01-31 00:31:09,439 : INFO : topic #30 (0.020): 0.037*\"leagu\" + 0.036*\"cleveland\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.025*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:31:09,445 : INFO : topic diff=0.008844, rho=0.047193\n", - "2019-01-31 00:31:12,255 : INFO : -11.820 per-word bound, 3614.7 perplexity estimate based on a held-out corpus of 2000 documents with 591241 words\n", - "2019-01-31 00:31:12,255 : INFO : PROGRESS: pass 0, at document #900000/4922894\n", - "2019-01-31 00:31:13,705 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:31:13,971 : INFO : topic #42 (0.020): 0.044*\"german\" + 0.028*\"germani\" + 0.014*\"vol\" + 0.014*\"austria\" + 0.013*\"jewish\" + 0.013*\"israel\" + 0.012*\"berlin\" + 0.012*\"der\" + 0.009*\"itali\" + 0.009*\"europ\"\n", - "2019-01-31 00:31:13,972 : INFO : topic #2 (0.020): 0.052*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.011*\"coalit\" + 0.010*\"class\" + 0.010*\"nativist\" + 0.009*\"vernon\"\n", - "2019-01-31 00:31:13,974 : INFO : topic #29 (0.020): 0.014*\"companhia\" + 0.010*\"million\" + 0.009*\"yawn\" + 0.008*\"govern\" + 0.008*\"start\" + 0.008*\"bank\" + 0.007*\"countri\" + 0.007*\"function\" + 0.007*\"busi\" + 0.007*\"market\"\n", - "2019-01-31 00:31:13,975 : INFO : topic #17 (0.020): 0.071*\"church\" + 0.022*\"cathol\" + 0.022*\"christian\" + 0.019*\"bishop\" + 0.016*\"sail\" + 0.014*\"retroflex\" + 0.012*\"cathedr\" + 0.010*\"italian\" + 0.010*\"centuri\" + 0.009*\"historiographi\"\n", - "2019-01-31 00:31:13,976 : INFO : topic #9 (0.020): 0.067*\"bone\" + 0.048*\"american\" + 0.026*\"valour\" + 0.019*\"folei\" + 0.018*\"dutch\" + 0.018*\"player\" + 0.016*\"polit\" + 0.016*\"english\" + 0.013*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 00:31:13,982 : INFO : topic diff=0.008991, rho=0.047140\n", - "2019-01-31 00:31:14,141 : INFO : PROGRESS: pass 0, at document #902000/4922894\n", - "2019-01-31 00:31:15,567 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:31:15,834 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.006*\"southern\" + 0.006*\"théori\" + 0.006*\"gener\" + 0.006*\"exampl\" + 0.006*\"poet\" + 0.006*\"measur\" + 0.006*\"method\" + 0.006*\"servitud\"\n", - "2019-01-31 00:31:15,835 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.021*\"armi\" + 0.021*\"walter\" + 0.018*\"com\" + 0.014*\"oper\" + 0.013*\"militari\" + 0.013*\"unionist\" + 0.011*\"airbu\" + 0.011*\"refut\"\n", - "2019-01-31 00:31:15,836 : INFO : topic #38 (0.020): 0.021*\"walter\" + 0.010*\"battalion\" + 0.009*\"aza\" + 0.009*\"king\" + 0.008*\"forc\" + 0.008*\"centuri\" + 0.008*\"empath\" + 0.007*\"armi\" + 0.007*\"teufel\" + 0.006*\"till\"\n", - "2019-01-31 00:31:15,837 : INFO : topic #37 (0.020): 0.011*\"man\" + 0.009*\"love\" + 0.008*\"gestur\" + 0.005*\"blue\" + 0.005*\"litig\" + 0.005*\"bewild\" + 0.005*\"spider\" + 0.004*\"night\" + 0.004*\"vision\" + 0.004*\"black\"\n", - "2019-01-31 00:31:15,838 : INFO : topic #44 (0.020): 0.029*\"rooftop\" + 0.028*\"final\" + 0.024*\"tourist\" + 0.022*\"wife\" + 0.020*\"champion\" + 0.018*\"taxpay\" + 0.015*\"martin\" + 0.014*\"chamber\" + 0.014*\"tiepolo\" + 0.013*\"winner\"\n", - "2019-01-31 00:31:15,844 : INFO : topic diff=0.008169, rho=0.047088\n", - "2019-01-31 00:31:16,001 : INFO : PROGRESS: pass 0, at document #904000/4922894\n", - "2019-01-31 00:31:17,409 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:31:17,675 : INFO : topic #28 (0.020): 0.030*\"build\" + 0.025*\"hous\" + 0.020*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.011*\"briarwood\" + 0.011*\"constitut\" + 0.010*\"strategist\" + 0.010*\"linear\" + 0.010*\"depress\"\n", - "2019-01-31 00:31:17,677 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.015*\"margin\" + 0.015*\"yawn\" + 0.014*\"bone\" + 0.012*\"life\" + 0.012*\"faster\" + 0.012*\"daughter\" + 0.011*\"deal\"\n", - "2019-01-31 00:31:17,678 : INFO : topic #37 (0.020): 0.011*\"man\" + 0.009*\"love\" + 0.008*\"gestur\" + 0.005*\"blue\" + 0.005*\"litig\" + 0.005*\"bewild\" + 0.004*\"night\" + 0.004*\"spider\" + 0.004*\"vision\" + 0.004*\"black\"\n", - "2019-01-31 00:31:17,679 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.035*\"publicis\" + 0.024*\"word\" + 0.018*\"new\" + 0.015*\"edit\" + 0.013*\"presid\" + 0.013*\"nicola\" + 0.012*\"storag\" + 0.011*\"worldwid\" + 0.011*\"collect\"\n", - "2019-01-31 00:31:17,680 : INFO : topic #42 (0.020): 0.043*\"german\" + 0.028*\"germani\" + 0.014*\"vol\" + 0.013*\"austria\" + 0.012*\"berlin\" + 0.012*\"jewish\" + 0.012*\"israel\" + 0.012*\"der\" + 0.010*\"itali\" + 0.009*\"europ\"\n", - "2019-01-31 00:31:17,686 : INFO : topic diff=0.007569, rho=0.047036\n", - "2019-01-31 00:31:17,840 : INFO : PROGRESS: pass 0, at document #906000/4922894\n", - "2019-01-31 00:31:19,228 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:31:19,494 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.006*\"gener\" + 0.006*\"théori\" + 0.006*\"exampl\" + 0.006*\"southern\" + 0.006*\"measur\" + 0.006*\"poet\" + 0.006*\"method\" + 0.005*\"differ\"\n", - "2019-01-31 00:31:19,495 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.046*\"franc\" + 0.030*\"pari\" + 0.024*\"sail\" + 0.021*\"jean\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 00:31:19,496 : INFO : topic #17 (0.020): 0.070*\"church\" + 0.022*\"cathol\" + 0.021*\"christian\" + 0.019*\"bishop\" + 0.016*\"sail\" + 0.014*\"retroflex\" + 0.012*\"cathedr\" + 0.010*\"italian\" + 0.010*\"centuri\" + 0.009*\"relationship\"\n", - "2019-01-31 00:31:19,497 : INFO : topic #21 (0.020): 0.034*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.018*\"mexico\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.011*\"carlo\" + 0.011*\"lizard\" + 0.010*\"juan\" + 0.010*\"francisco\"\n", - "2019-01-31 00:31:19,499 : INFO : topic #41 (0.020): 0.043*\"citi\" + 0.030*\"new\" + 0.022*\"palmer\" + 0.016*\"year\" + 0.015*\"strategist\" + 0.014*\"center\" + 0.011*\"open\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"dai\"\n", - "2019-01-31 00:31:19,504 : INFO : topic diff=0.006656, rho=0.046984\n", - "2019-01-31 00:31:19,661 : INFO : PROGRESS: pass 0, at document #908000/4922894\n", - "2019-01-31 00:31:21,067 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:31:21,333 : INFO : topic #20 (0.020): 0.138*\"scholar\" + 0.039*\"struggl\" + 0.033*\"high\" + 0.030*\"educ\" + 0.022*\"collector\" + 0.018*\"yawn\" + 0.014*\"prognosi\" + 0.009*\"task\" + 0.009*\"class\" + 0.008*\"gothic\"\n", - "2019-01-31 00:31:21,334 : INFO : topic #3 (0.020): 0.037*\"present\" + 0.028*\"offic\" + 0.025*\"minist\" + 0.020*\"member\" + 0.020*\"serv\" + 0.018*\"gener\" + 0.018*\"govern\" + 0.017*\"nation\" + 0.017*\"seri\" + 0.015*\"chickasaw\"\n", - "2019-01-31 00:31:21,335 : INFO : topic #0 (0.020): 0.068*\"statewid\" + 0.040*\"line\" + 0.038*\"arsen\" + 0.034*\"raid\" + 0.029*\"museo\" + 0.019*\"traceabl\" + 0.019*\"serv\" + 0.015*\"pain\" + 0.014*\"exhaust\" + 0.013*\"artist\"\n", - "2019-01-31 00:31:21,336 : INFO : topic #45 (0.020): 0.019*\"jpg\" + 0.018*\"fifteenth\" + 0.015*\"black\" + 0.015*\"colder\" + 0.014*\"western\" + 0.013*\"illicit\" + 0.012*\"record\" + 0.009*\"blind\" + 0.009*\"light\" + 0.007*\"green\"\n", - "2019-01-31 00:31:21,337 : INFO : topic #17 (0.020): 0.071*\"church\" + 0.022*\"cathol\" + 0.021*\"christian\" + 0.019*\"bishop\" + 0.016*\"sail\" + 0.014*\"retroflex\" + 0.012*\"cathedr\" + 0.010*\"italian\" + 0.010*\"centuri\" + 0.009*\"historiographi\"\n", - "2019-01-31 00:31:21,343 : INFO : topic diff=0.006732, rho=0.046932\n", - "2019-01-31 00:31:21,502 : INFO : PROGRESS: pass 0, at document #910000/4922894\n", - "2019-01-31 00:31:22,922 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:31:23,189 : INFO : topic #45 (0.020): 0.019*\"jpg\" + 0.018*\"fifteenth\" + 0.015*\"black\" + 0.015*\"colder\" + 0.014*\"western\" + 0.014*\"illicit\" + 0.012*\"record\" + 0.009*\"light\" + 0.009*\"blind\" + 0.007*\"green\"\n", - "2019-01-31 00:31:23,190 : INFO : topic #34 (0.020): 0.072*\"start\" + 0.031*\"cotton\" + 0.030*\"unionist\" + 0.028*\"american\" + 0.024*\"new\" + 0.014*\"california\" + 0.014*\"terri\" + 0.013*\"warrior\" + 0.013*\"year\" + 0.012*\"north\"\n", - "2019-01-31 00:31:23,191 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.024*\"factor\" + 0.023*\"adulthood\" + 0.017*\"feel\" + 0.015*\"hostil\" + 0.015*\"male\" + 0.012*\"plaisir\" + 0.011*\"live\" + 0.010*\"genu\" + 0.010*\"yawn\"\n", - "2019-01-31 00:31:23,192 : INFO : topic #9 (0.020): 0.069*\"bone\" + 0.046*\"american\" + 0.028*\"valour\" + 0.018*\"folei\" + 0.018*\"dutch\" + 0.017*\"player\" + 0.016*\"polit\" + 0.016*\"english\" + 0.012*\"acrimoni\" + 0.011*\"wedg\"\n", - "2019-01-31 00:31:23,193 : INFO : topic #17 (0.020): 0.074*\"church\" + 0.022*\"cathol\" + 0.021*\"christian\" + 0.019*\"bishop\" + 0.016*\"sail\" + 0.014*\"retroflex\" + 0.012*\"cathedr\" + 0.010*\"italian\" + 0.010*\"centuri\" + 0.009*\"historiographi\"\n", - "2019-01-31 00:31:23,199 : INFO : topic diff=0.009476, rho=0.046881\n", - "2019-01-31 00:31:23,354 : INFO : PROGRESS: pass 0, at document #912000/4922894\n", - "2019-01-31 00:31:24,758 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:31:25,024 : INFO : topic #29 (0.020): 0.014*\"companhia\" + 0.010*\"million\" + 0.009*\"yawn\" + 0.008*\"govern\" + 0.008*\"start\" + 0.008*\"bank\" + 0.007*\"countri\" + 0.007*\"function\" + 0.007*\"market\" + 0.007*\"busi\"\n", - "2019-01-31 00:31:25,025 : INFO : topic #44 (0.020): 0.029*\"rooftop\" + 0.028*\"final\" + 0.023*\"tourist\" + 0.022*\"wife\" + 0.021*\"champion\" + 0.019*\"taxpay\" + 0.015*\"martin\" + 0.014*\"chamber\" + 0.014*\"tiepolo\" + 0.013*\"women\"\n", - "2019-01-31 00:31:25,026 : INFO : topic #23 (0.020): 0.134*\"audit\" + 0.073*\"best\" + 0.040*\"yawn\" + 0.028*\"jacksonvil\" + 0.023*\"festiv\" + 0.022*\"japanes\" + 0.022*\"noll\" + 0.019*\"intern\" + 0.019*\"women\" + 0.015*\"prison\"\n", - "2019-01-31 00:31:25,027 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.024*\"factor\" + 0.022*\"adulthood\" + 0.017*\"feel\" + 0.015*\"hostil\" + 0.015*\"male\" + 0.012*\"plaisir\" + 0.011*\"live\" + 0.010*\"genu\" + 0.010*\"yawn\"\n", - "2019-01-31 00:31:25,029 : INFO : topic #38 (0.020): 0.021*\"walter\" + 0.010*\"battalion\" + 0.009*\"aza\" + 0.009*\"forc\" + 0.009*\"king\" + 0.008*\"centuri\" + 0.008*\"empath\" + 0.007*\"armi\" + 0.007*\"teufel\" + 0.006*\"till\"\n", - "2019-01-31 00:31:25,035 : INFO : topic diff=0.006759, rho=0.046829\n", - "2019-01-31 00:31:25,192 : INFO : PROGRESS: pass 0, at document #914000/4922894\n", - "2019-01-31 00:31:26,604 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:31:26,871 : INFO : topic #37 (0.020): 0.010*\"man\" + 0.009*\"love\" + 0.008*\"gestur\" + 0.005*\"blue\" + 0.005*\"litig\" + 0.004*\"vision\" + 0.004*\"bewild\" + 0.004*\"night\" + 0.004*\"spider\" + 0.004*\"black\"\n", - "2019-01-31 00:31:26,872 : INFO : topic #9 (0.020): 0.069*\"bone\" + 0.045*\"american\" + 0.028*\"valour\" + 0.018*\"folei\" + 0.018*\"dutch\" + 0.017*\"player\" + 0.016*\"polit\" + 0.016*\"english\" + 0.012*\"acrimoni\" + 0.011*\"wedg\"\n", - "2019-01-31 00:31:26,873 : INFO : topic #3 (0.020): 0.037*\"present\" + 0.028*\"offic\" + 0.024*\"minist\" + 0.020*\"member\" + 0.020*\"serv\" + 0.018*\"govern\" + 0.018*\"gener\" + 0.017*\"seri\" + 0.017*\"nation\" + 0.015*\"chickasaw\"\n", - "2019-01-31 00:31:26,874 : INFO : topic #27 (0.020): 0.068*\"questionnair\" + 0.019*\"candid\" + 0.017*\"taxpay\" + 0.013*\"driver\" + 0.012*\"ret\" + 0.012*\"find\" + 0.012*\"tornado\" + 0.011*\"fool\" + 0.011*\"landslid\" + 0.011*\"théori\"\n", - "2019-01-31 00:31:26,875 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.025*\"septemb\" + 0.023*\"epiru\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.013*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"movi\" + 0.011*\"direct\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:31:26,881 : INFO : topic diff=0.008904, rho=0.046778\n", - "2019-01-31 00:31:27,040 : INFO : PROGRESS: pass 0, at document #916000/4922894\n", - "2019-01-31 00:31:28,457 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:31:28,723 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.033*\"perceptu\" + 0.022*\"theater\" + 0.019*\"place\" + 0.018*\"compos\" + 0.016*\"damn\" + 0.015*\"orchestr\" + 0.013*\"olympo\" + 0.013*\"physician\" + 0.013*\"word\"\n", - "2019-01-31 00:31:28,724 : INFO : topic #36 (0.020): 0.011*\"companhia\" + 0.011*\"network\" + 0.011*\"pop\" + 0.010*\"prognosi\" + 0.009*\"develop\" + 0.009*\"serv\" + 0.008*\"brio\" + 0.008*\"user\" + 0.007*\"base\" + 0.007*\"includ\"\n", - "2019-01-31 00:31:28,726 : INFO : topic #5 (0.020): 0.041*\"abroad\" + 0.028*\"son\" + 0.028*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.015*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:31:28,727 : INFO : topic #1 (0.020): 0.053*\"china\" + 0.050*\"chilton\" + 0.025*\"kong\" + 0.025*\"hong\" + 0.024*\"korea\" + 0.022*\"korean\" + 0.016*\"leah\" + 0.016*\"sourc\" + 0.014*\"kim\" + 0.013*\"min\"\n", - "2019-01-31 00:31:28,728 : INFO : topic #39 (0.020): 0.041*\"canada\" + 0.034*\"canadian\" + 0.019*\"hoar\" + 0.018*\"toronto\" + 0.016*\"ontario\" + 0.013*\"taxpay\" + 0.013*\"scientist\" + 0.012*\"new\" + 0.012*\"hydrogen\" + 0.011*\"basketbal\"\n", - "2019-01-31 00:31:28,733 : INFO : topic diff=0.007084, rho=0.046727\n", - "2019-01-31 00:31:28,887 : INFO : PROGRESS: pass 0, at document #918000/4922894\n", - "2019-01-31 00:31:30,267 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:31:30,534 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.006*\"sack\" + 0.006*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.004*\"like\" + 0.004*\"man\" + 0.004*\"end\" + 0.004*\"help\"\n", - "2019-01-31 00:31:30,535 : INFO : topic #49 (0.020): 0.045*\"india\" + 0.032*\"incumb\" + 0.013*\"pakistan\" + 0.013*\"islam\" + 0.012*\"televis\" + 0.012*\"muskoge\" + 0.011*\"anglo\" + 0.011*\"khalsa\" + 0.010*\"start\" + 0.010*\"sri\"\n", - "2019-01-31 00:31:30,536 : INFO : topic #20 (0.020): 0.136*\"scholar\" + 0.040*\"struggl\" + 0.033*\"high\" + 0.030*\"educ\" + 0.022*\"collector\" + 0.019*\"yawn\" + 0.014*\"prognosi\" + 0.009*\"class\" + 0.009*\"task\" + 0.009*\"gothic\"\n", - "2019-01-31 00:31:30,537 : INFO : topic #32 (0.020): 0.061*\"district\" + 0.045*\"vigour\" + 0.044*\"tortur\" + 0.043*\"popolo\" + 0.029*\"area\" + 0.025*\"regim\" + 0.025*\"cotton\" + 0.023*\"multitud\" + 0.022*\"citi\" + 0.020*\"commun\"\n", - "2019-01-31 00:31:30,538 : INFO : topic #29 (0.020): 0.014*\"companhia\" + 0.010*\"million\" + 0.009*\"yawn\" + 0.008*\"govern\" + 0.008*\"start\" + 0.008*\"bank\" + 0.007*\"countri\" + 0.007*\"function\" + 0.007*\"market\" + 0.007*\"busi\"\n", - "2019-01-31 00:31:30,544 : INFO : topic diff=0.007579, rho=0.046676\n", - "2019-01-31 00:31:33,355 : INFO : -11.682 per-word bound, 3285.1 perplexity estimate based on a held-out corpus of 2000 documents with 607112 words\n", - "2019-01-31 00:31:33,356 : INFO : PROGRESS: pass 0, at document #920000/4922894\n", - "2019-01-31 00:31:34,795 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:31:35,062 : INFO : topic #34 (0.020): 0.072*\"start\" + 0.031*\"cotton\" + 0.029*\"unionist\" + 0.028*\"american\" + 0.024*\"new\" + 0.014*\"california\" + 0.013*\"terri\" + 0.013*\"warrior\" + 0.013*\"year\" + 0.012*\"north\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:31:35,063 : INFO : topic #28 (0.020): 0.030*\"build\" + 0.025*\"hous\" + 0.021*\"rivièr\" + 0.017*\"buford\" + 0.012*\"histor\" + 0.011*\"briarwood\" + 0.011*\"strategist\" + 0.011*\"constitut\" + 0.010*\"depress\" + 0.010*\"linear\"\n", - "2019-01-31 00:31:35,065 : INFO : topic #43 (0.020): 0.063*\"elect\" + 0.061*\"parti\" + 0.024*\"democrat\" + 0.024*\"voluntari\" + 0.020*\"member\" + 0.018*\"polici\" + 0.015*\"republ\" + 0.014*\"report\" + 0.014*\"liber\" + 0.013*\"seaport\"\n", - "2019-01-31 00:31:35,066 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"pathwai\" + 0.007*\"hormon\" + 0.007*\"have\" + 0.006*\"caus\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"acid\"\n", - "2019-01-31 00:31:35,067 : INFO : topic #11 (0.020): 0.028*\"john\" + 0.016*\"will\" + 0.013*\"jame\" + 0.012*\"david\" + 0.011*\"rival\" + 0.010*\"georg\" + 0.009*\"mexican–american\" + 0.009*\"slur\" + 0.008*\"rhyme\" + 0.008*\"paul\"\n", - "2019-01-31 00:31:35,073 : INFO : topic diff=0.008514, rho=0.046625\n", - "2019-01-31 00:31:35,228 : INFO : PROGRESS: pass 0, at document #922000/4922894\n", - "2019-01-31 00:31:36,630 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:31:36,897 : INFO : topic #17 (0.020): 0.075*\"church\" + 0.021*\"cathol\" + 0.021*\"christian\" + 0.019*\"bishop\" + 0.016*\"sail\" + 0.014*\"retroflex\" + 0.011*\"cathedr\" + 0.010*\"centuri\" + 0.010*\"relationship\" + 0.009*\"italian\"\n", - "2019-01-31 00:31:36,898 : INFO : topic #5 (0.020): 0.041*\"abroad\" + 0.028*\"son\" + 0.028*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:31:36,899 : INFO : topic #20 (0.020): 0.138*\"scholar\" + 0.040*\"struggl\" + 0.033*\"high\" + 0.030*\"educ\" + 0.022*\"collector\" + 0.018*\"yawn\" + 0.014*\"prognosi\" + 0.009*\"task\" + 0.009*\"class\" + 0.009*\"gothic\"\n", - "2019-01-31 00:31:36,900 : INFO : topic #26 (0.020): 0.031*\"alic\" + 0.030*\"workplac\" + 0.029*\"champion\" + 0.027*\"woman\" + 0.026*\"olymp\" + 0.024*\"men\" + 0.022*\"left\" + 0.022*\"medal\" + 0.020*\"event\" + 0.018*\"rainfal\"\n", - "2019-01-31 00:31:36,901 : INFO : topic #39 (0.020): 0.041*\"canada\" + 0.034*\"canadian\" + 0.019*\"hoar\" + 0.017*\"toronto\" + 0.016*\"ontario\" + 0.013*\"taxpay\" + 0.013*\"scientist\" + 0.012*\"new\" + 0.011*\"hydrogen\" + 0.011*\"basketbal\"\n", - "2019-01-31 00:31:36,907 : INFO : topic diff=0.006184, rho=0.046575\n", - "2019-01-31 00:31:37,062 : INFO : PROGRESS: pass 0, at document #924000/4922894\n", - "2019-01-31 00:31:38,458 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:31:38,725 : INFO : topic #27 (0.020): 0.068*\"questionnair\" + 0.020*\"candid\" + 0.016*\"taxpay\" + 0.013*\"ret\" + 0.013*\"driver\" + 0.012*\"find\" + 0.012*\"fool\" + 0.012*\"tornado\" + 0.011*\"landslid\" + 0.011*\"théori\"\n", - "2019-01-31 00:31:38,726 : INFO : topic #19 (0.020): 0.013*\"languag\" + 0.010*\"origin\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"centuri\" + 0.008*\"mean\" + 0.007*\"uruguayan\" + 0.007*\"charact\" + 0.007*\"like\" + 0.007*\"trade\"\n", - "2019-01-31 00:31:38,727 : INFO : topic #31 (0.020): 0.062*\"fusiform\" + 0.025*\"player\" + 0.025*\"scientist\" + 0.022*\"taxpay\" + 0.020*\"place\" + 0.013*\"clot\" + 0.012*\"leagu\" + 0.010*\"folei\" + 0.009*\"ruler\" + 0.009*\"yawn\"\n", - "2019-01-31 00:31:38,728 : INFO : topic #11 (0.020): 0.028*\"john\" + 0.016*\"will\" + 0.013*\"jame\" + 0.012*\"david\" + 0.011*\"rival\" + 0.010*\"georg\" + 0.009*\"mexican–american\" + 0.009*\"slur\" + 0.008*\"rhyme\" + 0.008*\"paul\"\n", - "2019-01-31 00:31:38,729 : INFO : topic #13 (0.020): 0.027*\"sourc\" + 0.026*\"new\" + 0.025*\"australia\" + 0.025*\"london\" + 0.022*\"england\" + 0.021*\"australian\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.016*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 00:31:38,735 : INFO : topic diff=0.008220, rho=0.046524\n", - "2019-01-31 00:31:38,949 : INFO : PROGRESS: pass 0, at document #926000/4922894\n", - "2019-01-31 00:31:40,358 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:31:40,623 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.042*\"line\" + 0.038*\"arsen\" + 0.036*\"raid\" + 0.027*\"museo\" + 0.020*\"traceabl\" + 0.018*\"serv\" + 0.015*\"pain\" + 0.013*\"artist\" + 0.013*\"exhaust\"\n", - "2019-01-31 00:31:40,625 : INFO : topic #17 (0.020): 0.074*\"church\" + 0.021*\"cathol\" + 0.021*\"christian\" + 0.019*\"bishop\" + 0.016*\"parish\" + 0.016*\"sail\" + 0.015*\"retroflex\" + 0.011*\"cathedr\" + 0.010*\"centuri\" + 0.010*\"historiographi\"\n", - "2019-01-31 00:31:40,626 : INFO : topic #5 (0.020): 0.041*\"abroad\" + 0.029*\"son\" + 0.028*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:31:40,627 : INFO : topic #9 (0.020): 0.070*\"bone\" + 0.045*\"american\" + 0.027*\"valour\" + 0.018*\"dutch\" + 0.017*\"folei\" + 0.016*\"polit\" + 0.016*\"player\" + 0.016*\"english\" + 0.013*\"acrimoni\" + 0.011*\"wedg\"\n", - "2019-01-31 00:31:40,628 : INFO : topic #8 (0.020): 0.030*\"law\" + 0.024*\"cortic\" + 0.018*\"start\" + 0.016*\"act\" + 0.016*\"ricardo\" + 0.013*\"case\" + 0.010*\"polaris\" + 0.010*\"legal\" + 0.008*\"replac\" + 0.008*\"justic\"\n", - "2019-01-31 00:31:40,634 : INFO : topic diff=0.008511, rho=0.046474\n", - "2019-01-31 00:31:40,786 : INFO : PROGRESS: pass 0, at document #928000/4922894\n", - "2019-01-31 00:31:42,152 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:31:42,418 : INFO : topic #25 (0.020): 0.030*\"ring\" + 0.018*\"lagrang\" + 0.017*\"warmth\" + 0.016*\"area\" + 0.014*\"mount\" + 0.009*\"north\" + 0.009*\"palmer\" + 0.009*\"foam\" + 0.008*\"land\" + 0.008*\"vacant\"\n", - "2019-01-31 00:31:42,419 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.027*\"septemb\" + 0.023*\"epiru\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.013*\"proclaim\" + 0.012*\"rodríguez\" + 0.012*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:31:42,420 : INFO : topic #41 (0.020): 0.045*\"citi\" + 0.030*\"new\" + 0.022*\"palmer\" + 0.016*\"strategist\" + 0.015*\"year\" + 0.014*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.008*\"highli\"\n", - "2019-01-31 00:31:42,421 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.035*\"publicis\" + 0.024*\"word\" + 0.017*\"new\" + 0.014*\"edit\" + 0.014*\"presid\" + 0.013*\"nicola\" + 0.012*\"storag\" + 0.012*\"collect\" + 0.011*\"author\"\n", - "2019-01-31 00:31:42,422 : INFO : topic #21 (0.020): 0.034*\"samford\" + 0.022*\"spain\" + 0.021*\"mexico\" + 0.019*\"del\" + 0.012*\"soviet\" + 0.012*\"santa\" + 0.012*\"juan\" + 0.011*\"francisco\" + 0.011*\"lizard\" + 0.010*\"carlo\"\n", - "2019-01-31 00:31:42,428 : INFO : topic diff=0.007606, rho=0.046424\n", - "2019-01-31 00:31:42,585 : INFO : PROGRESS: pass 0, at document #930000/4922894\n", - "2019-01-31 00:31:44,009 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:31:44,275 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"pop\" + 0.010*\"prognosi\" + 0.010*\"companhia\" + 0.009*\"develop\" + 0.008*\"serv\" + 0.008*\"user\" + 0.008*\"brio\" + 0.008*\"softwar\" + 0.008*\"base\"\n", - "2019-01-31 00:31:44,277 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"kill\" + 0.006*\"sack\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.004*\"end\" + 0.004*\"help\" + 0.004*\"man\"\n", - "2019-01-31 00:31:44,278 : INFO : topic #11 (0.020): 0.028*\"john\" + 0.016*\"will\" + 0.013*\"jame\" + 0.012*\"david\" + 0.011*\"rival\" + 0.010*\"georg\" + 0.009*\"mexican–american\" + 0.009*\"slur\" + 0.008*\"rhyme\" + 0.008*\"paul\"\n", - "2019-01-31 00:31:44,279 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.043*\"line\" + 0.038*\"arsen\" + 0.035*\"raid\" + 0.027*\"museo\" + 0.020*\"traceabl\" + 0.018*\"serv\" + 0.015*\"pain\" + 0.013*\"artist\" + 0.013*\"exhaust\"\n", - "2019-01-31 00:31:44,280 : INFO : topic #40 (0.020): 0.088*\"unit\" + 0.023*\"schuster\" + 0.022*\"collector\" + 0.021*\"institut\" + 0.020*\"requir\" + 0.018*\"student\" + 0.016*\"professor\" + 0.012*\"governor\" + 0.012*\"word\" + 0.012*\"http\"\n", - "2019-01-31 00:31:44,286 : INFO : topic diff=0.008304, rho=0.046374\n", - "2019-01-31 00:31:44,441 : INFO : PROGRESS: pass 0, at document #932000/4922894\n", - "2019-01-31 00:31:45,855 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:31:46,122 : INFO : topic #28 (0.020): 0.029*\"build\" + 0.025*\"hous\" + 0.020*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.011*\"briarwood\" + 0.011*\"constitut\" + 0.011*\"strategist\" + 0.010*\"depress\" + 0.010*\"linear\"\n", - "2019-01-31 00:31:46,123 : INFO : topic #3 (0.020): 0.037*\"present\" + 0.028*\"offic\" + 0.024*\"minist\" + 0.020*\"member\" + 0.020*\"serv\" + 0.018*\"govern\" + 0.018*\"gener\" + 0.017*\"seri\" + 0.017*\"nation\" + 0.015*\"chickasaw\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:31:46,124 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.048*\"chilton\" + 0.026*\"kong\" + 0.026*\"hong\" + 0.024*\"korean\" + 0.024*\"korea\" + 0.016*\"sourc\" + 0.015*\"leah\" + 0.013*\"kim\" + 0.013*\"ashvil\"\n", - "2019-01-31 00:31:46,125 : INFO : topic #37 (0.020): 0.010*\"man\" + 0.009*\"love\" + 0.008*\"gestur\" + 0.005*\"blue\" + 0.005*\"litig\" + 0.004*\"bewild\" + 0.004*\"vision\" + 0.004*\"night\" + 0.003*\"black\" + 0.003*\"admit\"\n", - "2019-01-31 00:31:46,126 : INFO : topic #17 (0.020): 0.073*\"church\" + 0.021*\"cathol\" + 0.020*\"christian\" + 0.019*\"bishop\" + 0.015*\"sail\" + 0.015*\"parish\" + 0.015*\"retroflex\" + 0.011*\"cathedr\" + 0.010*\"historiographi\" + 0.010*\"centuri\"\n", - "2019-01-31 00:31:46,132 : INFO : topic diff=0.006844, rho=0.046324\n", - "2019-01-31 00:31:46,286 : INFO : PROGRESS: pass 0, at document #934000/4922894\n", - "2019-01-31 00:31:47,688 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:31:47,955 : INFO : topic #19 (0.020): 0.013*\"languag\" + 0.010*\"origin\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.008*\"centuri\" + 0.008*\"mean\" + 0.007*\"uruguayan\" + 0.007*\"charact\" + 0.007*\"like\" + 0.007*\"trade\"\n", - "2019-01-31 00:31:47,956 : INFO : topic #41 (0.020): 0.045*\"citi\" + 0.031*\"new\" + 0.022*\"palmer\" + 0.015*\"strategist\" + 0.015*\"year\" + 0.015*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.008*\"dai\"\n", - "2019-01-31 00:31:47,957 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.036*\"leagu\" + 0.030*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.022*\"folei\" + 0.017*\"goal\" + 0.016*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:31:47,958 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.010*\"battalion\" + 0.009*\"king\" + 0.008*\"forc\" + 0.008*\"aza\" + 0.008*\"empath\" + 0.008*\"centuri\" + 0.007*\"armi\" + 0.006*\"citi\" + 0.006*\"pour\"\n", - "2019-01-31 00:31:47,959 : INFO : topic #45 (0.020): 0.020*\"jpg\" + 0.019*\"fifteenth\" + 0.015*\"black\" + 0.014*\"western\" + 0.014*\"colder\" + 0.014*\"illicit\" + 0.012*\"record\" + 0.009*\"light\" + 0.009*\"blind\" + 0.007*\"green\"\n", - "2019-01-31 00:31:47,965 : INFO : topic diff=0.007177, rho=0.046274\n", - "2019-01-31 00:31:48,125 : INFO : PROGRESS: pass 0, at document #936000/4922894\n", - "2019-01-31 00:31:49,558 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:31:49,825 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.012*\"organ\" + 0.011*\"develop\" + 0.010*\"commun\" + 0.009*\"word\" + 0.009*\"group\" + 0.009*\"cultur\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.007*\"student\"\n", - "2019-01-31 00:31:49,826 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.025*\"schuster\" + 0.021*\"collector\" + 0.021*\"institut\" + 0.020*\"requir\" + 0.018*\"student\" + 0.016*\"professor\" + 0.012*\"word\" + 0.012*\"governor\" + 0.011*\"http\"\n", - "2019-01-31 00:31:49,827 : INFO : topic #9 (0.020): 0.071*\"bone\" + 0.043*\"american\" + 0.027*\"valour\" + 0.020*\"dutch\" + 0.018*\"folei\" + 0.017*\"player\" + 0.016*\"english\" + 0.016*\"polit\" + 0.012*\"acrimoni\" + 0.010*\"wedg\"\n", - "2019-01-31 00:31:49,829 : INFO : topic #14 (0.020): 0.025*\"forc\" + 0.022*\"aggress\" + 0.021*\"walter\" + 0.021*\"armi\" + 0.017*\"com\" + 0.014*\"oper\" + 0.014*\"unionist\" + 0.013*\"militari\" + 0.011*\"airbu\" + 0.011*\"refut\"\n", - "2019-01-31 00:31:49,830 : INFO : topic #11 (0.020): 0.028*\"john\" + 0.016*\"will\" + 0.013*\"jame\" + 0.012*\"david\" + 0.011*\"rival\" + 0.010*\"georg\" + 0.009*\"mexican–american\" + 0.009*\"slur\" + 0.008*\"rhyme\" + 0.008*\"paul\"\n", - "2019-01-31 00:31:49,836 : INFO : topic diff=0.010119, rho=0.046225\n", - "2019-01-31 00:31:49,990 : INFO : PROGRESS: pass 0, at document #938000/4922894\n", - "2019-01-31 00:31:51,355 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:31:51,621 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.007*\"have\" + 0.007*\"hormon\" + 0.006*\"proper\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 00:31:51,622 : INFO : topic #20 (0.020): 0.136*\"scholar\" + 0.040*\"struggl\" + 0.032*\"high\" + 0.029*\"educ\" + 0.023*\"collector\" + 0.018*\"yawn\" + 0.014*\"prognosi\" + 0.009*\"task\" + 0.009*\"gothic\" + 0.008*\"class\"\n", - "2019-01-31 00:31:51,623 : INFO : topic #48 (0.020): 0.078*\"sens\" + 0.077*\"octob\" + 0.074*\"march\" + 0.067*\"januari\" + 0.066*\"august\" + 0.066*\"juli\" + 0.066*\"notion\" + 0.064*\"april\" + 0.063*\"decatur\" + 0.063*\"judici\"\n", - "2019-01-31 00:31:51,624 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.008*\"frontal\" + 0.007*\"exampl\" + 0.007*\"gener\" + 0.006*\"southern\" + 0.006*\"measur\" + 0.006*\"poet\" + 0.006*\"théori\" + 0.006*\"method\" + 0.006*\"differ\"\n", - "2019-01-31 00:31:51,625 : INFO : topic #28 (0.020): 0.029*\"build\" + 0.025*\"hous\" + 0.020*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.011*\"briarwood\" + 0.011*\"constitut\" + 0.010*\"strategist\" + 0.010*\"depress\" + 0.010*\"linear\"\n", - "2019-01-31 00:31:51,631 : INFO : topic diff=0.007750, rho=0.046176\n", - "2019-01-31 00:31:54,332 : INFO : -11.930 per-word bound, 3900.8 perplexity estimate based on a held-out corpus of 2000 documents with 557660 words\n", - "2019-01-31 00:31:54,332 : INFO : PROGRESS: pass 0, at document #940000/4922894\n", - "2019-01-31 00:31:55,732 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:31:55,998 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.024*\"factor\" + 0.021*\"adulthood\" + 0.016*\"feel\" + 0.015*\"male\" + 0.014*\"hostil\" + 0.012*\"plaisir\" + 0.010*\"live\" + 0.010*\"genu\" + 0.009*\"yawn\"\n", - "2019-01-31 00:31:55,999 : INFO : topic #16 (0.020): 0.046*\"king\" + 0.032*\"priest\" + 0.020*\"quarterli\" + 0.019*\"duke\" + 0.018*\"grammat\" + 0.016*\"rotterdam\" + 0.015*\"idiosyncrat\" + 0.014*\"portugues\" + 0.014*\"count\" + 0.013*\"maria\"\n", - "2019-01-31 00:31:56,000 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.049*\"chilton\" + 0.027*\"kong\" + 0.026*\"hong\" + 0.024*\"korea\" + 0.023*\"korean\" + 0.016*\"sourc\" + 0.015*\"leah\" + 0.013*\"kim\" + 0.013*\"ashvil\"\n", - "2019-01-31 00:31:56,001 : INFO : topic #34 (0.020): 0.072*\"start\" + 0.032*\"cotton\" + 0.030*\"unionist\" + 0.028*\"american\" + 0.024*\"new\" + 0.014*\"california\" + 0.013*\"terri\" + 0.013*\"warrior\" + 0.012*\"north\" + 0.012*\"year\"\n", - "2019-01-31 00:31:56,002 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.042*\"line\" + 0.037*\"arsen\" + 0.035*\"raid\" + 0.026*\"museo\" + 0.020*\"traceabl\" + 0.019*\"serv\" + 0.015*\"pain\" + 0.013*\"exhaust\" + 0.013*\"artist\"\n", - "2019-01-31 00:31:56,008 : INFO : topic diff=0.008186, rho=0.046127\n", - "2019-01-31 00:31:56,166 : INFO : PROGRESS: pass 0, at document #942000/4922894\n", - "2019-01-31 00:31:57,559 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:31:57,825 : INFO : topic #47 (0.020): 0.066*\"muscl\" + 0.036*\"perceptu\" + 0.022*\"theater\" + 0.020*\"place\" + 0.018*\"compos\" + 0.016*\"damn\" + 0.015*\"orchestr\" + 0.014*\"olympo\" + 0.012*\"word\" + 0.012*\"physician\"\n", - "2019-01-31 00:31:57,826 : INFO : topic #49 (0.020): 0.042*\"india\" + 0.030*\"incumb\" + 0.014*\"islam\" + 0.014*\"televis\" + 0.012*\"khalsa\" + 0.012*\"pakistan\" + 0.011*\"muskoge\" + 0.011*\"anglo\" + 0.010*\"sri\" + 0.010*\"start\"\n", - "2019-01-31 00:31:57,827 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.028*\"final\" + 0.023*\"wife\" + 0.022*\"tourist\" + 0.019*\"champion\" + 0.017*\"taxpay\" + 0.013*\"martin\" + 0.013*\"tiepolo\" + 0.013*\"chamber\" + 0.013*\"open\"\n", - "2019-01-31 00:31:57,828 : INFO : topic #27 (0.020): 0.068*\"questionnair\" + 0.020*\"candid\" + 0.016*\"taxpay\" + 0.013*\"driver\" + 0.012*\"fool\" + 0.012*\"ret\" + 0.011*\"find\" + 0.011*\"tornado\" + 0.011*\"landslid\" + 0.011*\"théori\"\n", - "2019-01-31 00:31:57,829 : INFO : topic #21 (0.020): 0.035*\"samford\" + 0.023*\"spain\" + 0.022*\"mexico\" + 0.020*\"del\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.010*\"mexican\" + 0.010*\"carlo\" + 0.010*\"francisco\"\n", - "2019-01-31 00:31:57,835 : INFO : topic diff=0.007473, rho=0.046078\n", - "2019-01-31 00:31:57,988 : INFO : PROGRESS: pass 0, at document #944000/4922894\n", - "2019-01-31 00:31:59,375 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:31:59,641 : INFO : topic #26 (0.020): 0.030*\"workplac\" + 0.029*\"champion\" + 0.028*\"woman\" + 0.026*\"alic\" + 0.025*\"men\" + 0.024*\"olymp\" + 0.023*\"medal\" + 0.020*\"event\" + 0.018*\"atheist\" + 0.018*\"left\"\n", - "2019-01-31 00:31:59,642 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.039*\"shield\" + 0.019*\"narrat\" + 0.014*\"scot\" + 0.012*\"blur\" + 0.012*\"pope\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.010*\"class\" + 0.009*\"fleet\"\n", - "2019-01-31 00:31:59,643 : INFO : topic #44 (0.020): 0.032*\"rooftop\" + 0.027*\"final\" + 0.023*\"wife\" + 0.022*\"tourist\" + 0.019*\"champion\" + 0.018*\"taxpay\" + 0.013*\"martin\" + 0.013*\"tiepolo\" + 0.013*\"chamber\" + 0.013*\"women\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:31:59,644 : INFO : topic #21 (0.020): 0.034*\"samford\" + 0.023*\"spain\" + 0.021*\"mexico\" + 0.019*\"del\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"carlo\" + 0.010*\"francisco\" + 0.010*\"mexican\"\n", - "2019-01-31 00:31:59,645 : INFO : topic #46 (0.020): 0.020*\"stop\" + 0.019*\"sweden\" + 0.018*\"swedish\" + 0.016*\"norwai\" + 0.015*\"wind\" + 0.014*\"huntsvil\" + 0.013*\"norwegian\" + 0.013*\"treeless\" + 0.012*\"damag\" + 0.012*\"farid\"\n", - "2019-01-31 00:31:59,651 : INFO : topic diff=0.008291, rho=0.046029\n", - "2019-01-31 00:31:59,805 : INFO : PROGRESS: pass 0, at document #946000/4922894\n", - "2019-01-31 00:32:01,200 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:32:01,466 : INFO : topic #11 (0.020): 0.027*\"john\" + 0.015*\"will\" + 0.013*\"jame\" + 0.012*\"david\" + 0.011*\"rival\" + 0.010*\"slur\" + 0.010*\"georg\" + 0.009*\"mexican–american\" + 0.008*\"rhyme\" + 0.008*\"paul\"\n", - "2019-01-31 00:32:01,467 : INFO : topic #9 (0.020): 0.075*\"bone\" + 0.044*\"american\" + 0.027*\"valour\" + 0.020*\"dutch\" + 0.017*\"folei\" + 0.017*\"player\" + 0.016*\"english\" + 0.016*\"polit\" + 0.012*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 00:32:01,468 : INFO : topic #17 (0.020): 0.073*\"church\" + 0.021*\"cathol\" + 0.021*\"christian\" + 0.019*\"bishop\" + 0.015*\"sail\" + 0.015*\"retroflex\" + 0.014*\"parish\" + 0.011*\"cathedr\" + 0.009*\"centuri\" + 0.009*\"historiographi\"\n", - "2019-01-31 00:32:01,469 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.035*\"publicis\" + 0.023*\"word\" + 0.018*\"new\" + 0.014*\"presid\" + 0.014*\"edit\" + 0.013*\"nicola\" + 0.012*\"storag\" + 0.012*\"collect\" + 0.011*\"worldwid\"\n", - "2019-01-31 00:32:01,471 : INFO : topic #37 (0.020): 0.010*\"man\" + 0.009*\"love\" + 0.007*\"gestur\" + 0.005*\"blue\" + 0.005*\"litig\" + 0.004*\"night\" + 0.004*\"bewild\" + 0.004*\"vision\" + 0.003*\"black\" + 0.003*\"comic\"\n", - "2019-01-31 00:32:01,477 : INFO : topic diff=0.006835, rho=0.045980\n", - "2019-01-31 00:32:01,639 : INFO : PROGRESS: pass 0, at document #948000/4922894\n", - "2019-01-31 00:32:03,064 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:32:03,331 : INFO : topic #26 (0.020): 0.029*\"workplac\" + 0.028*\"champion\" + 0.028*\"woman\" + 0.026*\"alic\" + 0.025*\"men\" + 0.025*\"olymp\" + 0.022*\"medal\" + 0.020*\"event\" + 0.018*\"atheist\" + 0.017*\"left\"\n", - "2019-01-31 00:32:03,332 : INFO : topic #29 (0.020): 0.015*\"companhia\" + 0.011*\"million\" + 0.009*\"yawn\" + 0.009*\"bank\" + 0.008*\"govern\" + 0.008*\"start\" + 0.007*\"busi\" + 0.007*\"function\" + 0.007*\"countri\" + 0.007*\"market\"\n", - "2019-01-31 00:32:03,333 : INFO : topic #25 (0.020): 0.030*\"ring\" + 0.019*\"warmth\" + 0.018*\"lagrang\" + 0.017*\"area\" + 0.014*\"mount\" + 0.009*\"palmer\" + 0.009*\"north\" + 0.008*\"foam\" + 0.008*\"vacant\" + 0.008*\"land\"\n", - "2019-01-31 00:32:03,334 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"pathwai\" + 0.007*\"hormon\" + 0.007*\"caus\" + 0.007*\"have\" + 0.006*\"acid\" + 0.006*\"proper\" + 0.006*\"treat\"\n", - "2019-01-31 00:32:03,335 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.048*\"chilton\" + 0.026*\"kong\" + 0.026*\"hong\" + 0.023*\"korea\" + 0.021*\"korean\" + 0.017*\"leah\" + 0.015*\"sourc\" + 0.014*\"kim\" + 0.013*\"ashvil\"\n", - "2019-01-31 00:32:03,341 : INFO : topic diff=0.010003, rho=0.045932\n", - "2019-01-31 00:32:03,497 : INFO : PROGRESS: pass 0, at document #950000/4922894\n", - "2019-01-31 00:32:04,887 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:32:05,154 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.019*\"di\" + 0.018*\"factor\" + 0.015*\"margin\" + 0.015*\"yawn\" + 0.014*\"bone\" + 0.012*\"life\" + 0.012*\"faster\" + 0.011*\"daughter\" + 0.011*\"deal\"\n", - "2019-01-31 00:32:05,155 : INFO : topic #13 (0.020): 0.026*\"new\" + 0.026*\"london\" + 0.026*\"sourc\" + 0.025*\"australia\" + 0.022*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.016*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 00:32:05,156 : INFO : topic #30 (0.020): 0.037*\"leagu\" + 0.037*\"cleveland\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.022*\"folei\" + 0.017*\"goal\" + 0.016*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:32:05,157 : INFO : topic #21 (0.020): 0.034*\"samford\" + 0.023*\"spain\" + 0.022*\"mexico\" + 0.019*\"del\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.011*\"mexican\" + 0.011*\"juan\" + 0.011*\"carlo\" + 0.010*\"francisco\"\n", - "2019-01-31 00:32:05,158 : INFO : topic #42 (0.020): 0.045*\"german\" + 0.031*\"germani\" + 0.014*\"vol\" + 0.013*\"berlin\" + 0.013*\"jewish\" + 0.012*\"der\" + 0.012*\"israel\" + 0.009*\"austria\" + 0.009*\"european\" + 0.009*\"itali\"\n", - "2019-01-31 00:32:05,164 : INFO : topic diff=0.008111, rho=0.045883\n", - "2019-01-31 00:32:05,318 : INFO : PROGRESS: pass 0, at document #952000/4922894\n", - "2019-01-31 00:32:06,707 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:32:06,973 : INFO : topic #41 (0.020): 0.046*\"citi\" + 0.030*\"new\" + 0.022*\"palmer\" + 0.015*\"year\" + 0.015*\"strategist\" + 0.014*\"center\" + 0.011*\"open\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.008*\"dai\"\n", - "2019-01-31 00:32:06,974 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.016*\"pour\" + 0.014*\"depress\" + 0.010*\"elabor\" + 0.010*\"mode\" + 0.009*\"produc\" + 0.008*\"veget\" + 0.007*\"encyclopedia\" + 0.007*\"uruguayan\" + 0.007*\"candid\"\n", - "2019-01-31 00:32:06,976 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.004*\"help\" + 0.004*\"end\" + 0.004*\"man\"\n", - "2019-01-31 00:32:06,977 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.056*\"parti\" + 0.024*\"voluntari\" + 0.022*\"democrat\" + 0.020*\"member\" + 0.018*\"polici\" + 0.015*\"republ\" + 0.014*\"seaport\" + 0.014*\"report\" + 0.014*\"selma\"\n", - "2019-01-31 00:32:06,978 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.024*\"factor\" + 0.021*\"adulthood\" + 0.016*\"feel\" + 0.014*\"male\" + 0.014*\"hostil\" + 0.011*\"plaisir\" + 0.011*\"genu\" + 0.010*\"live\" + 0.009*\"yawn\"\n", - "2019-01-31 00:32:06,984 : INFO : topic diff=0.007736, rho=0.045835\n", - "2019-01-31 00:32:07,136 : INFO : PROGRESS: pass 0, at document #954000/4922894\n", - "2019-01-31 00:32:08,507 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:32:08,774 : INFO : topic #5 (0.020): 0.040*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:32:08,775 : INFO : topic #31 (0.020): 0.059*\"fusiform\" + 0.024*\"scientist\" + 0.024*\"player\" + 0.022*\"taxpay\" + 0.019*\"place\" + 0.013*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yard\" + 0.010*\"yawn\"\n", - "2019-01-31 00:32:08,776 : INFO : topic #29 (0.020): 0.015*\"companhia\" + 0.011*\"million\" + 0.009*\"yawn\" + 0.008*\"bank\" + 0.008*\"govern\" + 0.008*\"start\" + 0.007*\"busi\" + 0.007*\"function\" + 0.007*\"countri\" + 0.007*\"market\"\n", - "2019-01-31 00:32:08,777 : INFO : topic #34 (0.020): 0.074*\"start\" + 0.032*\"cotton\" + 0.030*\"unionist\" + 0.029*\"american\" + 0.024*\"new\" + 0.014*\"terri\" + 0.014*\"california\" + 0.013*\"warrior\" + 0.013*\"year\" + 0.012*\"north\"\n", - "2019-01-31 00:32:08,778 : INFO : topic #21 (0.020): 0.035*\"samford\" + 0.024*\"mexico\" + 0.022*\"spain\" + 0.020*\"del\" + 0.013*\"soviet\" + 0.011*\"santa\" + 0.011*\"mexican\" + 0.011*\"juan\" + 0.010*\"josé\" + 0.010*\"carlo\"\n", - "2019-01-31 00:32:08,784 : INFO : topic diff=0.008295, rho=0.045787\n", - "2019-01-31 00:32:08,945 : INFO : PROGRESS: pass 0, at document #956000/4922894\n", - "2019-01-31 00:32:10,373 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:32:10,639 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.021*\"armi\" + 0.021*\"walter\" + 0.018*\"com\" + 0.014*\"oper\" + 0.014*\"unionist\" + 0.013*\"airmen\" + 0.013*\"militari\" + 0.011*\"refut\"\n", - "2019-01-31 00:32:10,640 : INFO : topic #23 (0.020): 0.132*\"audit\" + 0.072*\"best\" + 0.036*\"yawn\" + 0.028*\"jacksonvil\" + 0.023*\"japanes\" + 0.022*\"noll\" + 0.022*\"intern\" + 0.021*\"festiv\" + 0.018*\"women\" + 0.016*\"winner\"\n", - "2019-01-31 00:32:10,641 : INFO : topic #37 (0.020): 0.010*\"man\" + 0.009*\"love\" + 0.007*\"gestur\" + 0.005*\"blue\" + 0.005*\"litig\" + 0.004*\"vision\" + 0.004*\"night\" + 0.004*\"bewild\" + 0.003*\"black\" + 0.003*\"comic\"\n", - "2019-01-31 00:32:10,643 : INFO : topic #28 (0.020): 0.030*\"build\" + 0.026*\"hous\" + 0.019*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.011*\"briarwood\" + 0.011*\"constitut\" + 0.010*\"depress\" + 0.010*\"linear\" + 0.010*\"rosenwald\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:32:10,644 : INFO : topic #27 (0.020): 0.067*\"questionnair\" + 0.019*\"candid\" + 0.016*\"taxpay\" + 0.014*\"horac\" + 0.012*\"driver\" + 0.012*\"landslid\" + 0.011*\"find\" + 0.011*\"tornado\" + 0.011*\"fool\" + 0.010*\"théori\"\n", - "2019-01-31 00:32:10,650 : INFO : topic diff=0.007442, rho=0.045739\n", - "2019-01-31 00:32:10,860 : INFO : PROGRESS: pass 0, at document #958000/4922894\n", - "2019-01-31 00:32:12,272 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:32:12,538 : INFO : topic #30 (0.020): 0.037*\"leagu\" + 0.036*\"cleveland\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.022*\"folei\" + 0.016*\"goal\" + 0.016*\"martin\" + 0.011*\"schmitz\"\n", - "2019-01-31 00:32:12,539 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.024*\"factor\" + 0.020*\"adulthood\" + 0.016*\"feel\" + 0.015*\"male\" + 0.014*\"hostil\" + 0.011*\"plaisir\" + 0.011*\"genu\" + 0.010*\"live\" + 0.009*\"yawn\"\n", - "2019-01-31 00:32:12,540 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.056*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.018*\"polici\" + 0.015*\"republ\" + 0.014*\"seaport\" + 0.014*\"report\" + 0.014*\"bypass\"\n", - "2019-01-31 00:32:12,541 : INFO : topic #48 (0.020): 0.078*\"sens\" + 0.076*\"octob\" + 0.072*\"march\" + 0.068*\"august\" + 0.068*\"januari\" + 0.065*\"notion\" + 0.065*\"juli\" + 0.064*\"decatur\" + 0.063*\"april\" + 0.062*\"judici\"\n", - "2019-01-31 00:32:12,542 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.035*\"perceptu\" + 0.022*\"theater\" + 0.020*\"place\" + 0.017*\"compos\" + 0.016*\"damn\" + 0.015*\"orchestr\" + 0.014*\"olympo\" + 0.012*\"physician\" + 0.012*\"word\"\n", - "2019-01-31 00:32:12,548 : INFO : topic diff=0.007158, rho=0.045691\n", - "2019-01-31 00:32:15,231 : INFO : -11.914 per-word bound, 3858.4 perplexity estimate based on a held-out corpus of 2000 documents with 536438 words\n", - "2019-01-31 00:32:15,232 : INFO : PROGRESS: pass 0, at document #960000/4922894\n", - "2019-01-31 00:32:16,621 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:32:16,887 : INFO : topic #13 (0.020): 0.025*\"new\" + 0.025*\"london\" + 0.025*\"sourc\" + 0.025*\"australia\" + 0.022*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.016*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 00:32:16,888 : INFO : topic #46 (0.020): 0.019*\"stop\" + 0.019*\"sweden\" + 0.017*\"swedish\" + 0.016*\"norwai\" + 0.014*\"wind\" + 0.013*\"treeless\" + 0.013*\"norwegian\" + 0.012*\"huntsvil\" + 0.011*\"damag\" + 0.011*\"denmark\"\n", - "2019-01-31 00:32:16,889 : INFO : topic #48 (0.020): 0.078*\"sens\" + 0.076*\"octob\" + 0.072*\"march\" + 0.069*\"januari\" + 0.068*\"august\" + 0.066*\"notion\" + 0.066*\"juli\" + 0.064*\"decatur\" + 0.063*\"april\" + 0.062*\"judici\"\n", - "2019-01-31 00:32:16,890 : INFO : topic #34 (0.020): 0.075*\"start\" + 0.031*\"cotton\" + 0.031*\"unionist\" + 0.028*\"american\" + 0.024*\"new\" + 0.014*\"california\" + 0.014*\"terri\" + 0.013*\"warrior\" + 0.013*\"year\" + 0.012*\"north\"\n", - "2019-01-31 00:32:16,891 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.004*\"end\" + 0.004*\"help\" + 0.004*\"man\"\n", - "2019-01-31 00:32:16,898 : INFO : topic diff=0.007073, rho=0.045644\n", - "2019-01-31 00:32:17,055 : INFO : PROGRESS: pass 0, at document #962000/4922894\n", - "2019-01-31 00:32:18,946 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:32:19,212 : INFO : topic #23 (0.020): 0.133*\"audit\" + 0.073*\"best\" + 0.036*\"yawn\" + 0.027*\"jacksonvil\" + 0.023*\"noll\" + 0.023*\"japanes\" + 0.022*\"intern\" + 0.021*\"festiv\" + 0.019*\"women\" + 0.015*\"winner\"\n", - "2019-01-31 00:32:19,213 : INFO : topic #5 (0.020): 0.040*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:32:19,214 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.019*\"di\" + 0.018*\"factor\" + 0.015*\"margin\" + 0.015*\"yawn\" + 0.014*\"bone\" + 0.012*\"life\" + 0.012*\"faster\" + 0.012*\"daughter\" + 0.011*\"deal\"\n", - "2019-01-31 00:32:19,215 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.023*\"aggress\" + 0.021*\"walter\" + 0.021*\"armi\" + 0.018*\"com\" + 0.014*\"unionist\" + 0.014*\"oper\" + 0.013*\"militari\" + 0.013*\"airmen\" + 0.011*\"refut\"\n", - "2019-01-31 00:32:19,217 : INFO : topic #27 (0.020): 0.067*\"questionnair\" + 0.019*\"candid\" + 0.017*\"taxpay\" + 0.014*\"horac\" + 0.013*\"driver\" + 0.012*\"landslid\" + 0.011*\"find\" + 0.011*\"fool\" + 0.011*\"tornado\" + 0.011*\"ret\"\n", - "2019-01-31 00:32:19,223 : INFO : topic diff=0.008002, rho=0.045596\n", - "2019-01-31 00:32:19,380 : INFO : PROGRESS: pass 0, at document #964000/4922894\n", - "2019-01-31 00:32:20,819 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:32:21,086 : INFO : topic #20 (0.020): 0.140*\"scholar\" + 0.039*\"struggl\" + 0.036*\"high\" + 0.029*\"educ\" + 0.024*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.009*\"gothic\" + 0.009*\"task\" + 0.009*\"class\"\n", - "2019-01-31 00:32:21,087 : INFO : topic #5 (0.020): 0.040*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 00:32:21,088 : INFO : topic #25 (0.020): 0.029*\"ring\" + 0.018*\"lagrang\" + 0.018*\"warmth\" + 0.017*\"area\" + 0.014*\"mount\" + 0.010*\"palmer\" + 0.009*\"foam\" + 0.009*\"north\" + 0.008*\"vacant\" + 0.008*\"land\"\n", - "2019-01-31 00:32:21,089 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"pop\" + 0.010*\"prognosi\" + 0.009*\"companhia\" + 0.009*\"develop\" + 0.009*\"serv\" + 0.008*\"cytokin\" + 0.008*\"softwar\" + 0.008*\"base\" + 0.008*\"includ\"\n", - "2019-01-31 00:32:21,090 : INFO : topic #27 (0.020): 0.068*\"questionnair\" + 0.019*\"candid\" + 0.017*\"taxpay\" + 0.014*\"horac\" + 0.013*\"driver\" + 0.012*\"landslid\" + 0.011*\"tornado\" + 0.011*\"find\" + 0.011*\"fool\" + 0.011*\"ret\"\n", - "2019-01-31 00:32:21,096 : INFO : topic diff=0.008078, rho=0.045549\n", - "2019-01-31 00:32:21,253 : INFO : PROGRESS: pass 0, at document #966000/4922894\n", - "2019-01-31 00:32:22,664 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:32:22,930 : INFO : topic #11 (0.020): 0.028*\"john\" + 0.015*\"will\" + 0.013*\"jame\" + 0.012*\"david\" + 0.012*\"rival\" + 0.010*\"georg\" + 0.010*\"mexican–american\" + 0.009*\"slur\" + 0.008*\"rhyme\" + 0.008*\"paul\"\n", - "2019-01-31 00:32:22,931 : INFO : topic #13 (0.020): 0.025*\"london\" + 0.025*\"new\" + 0.025*\"sourc\" + 0.025*\"australia\" + 0.023*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.019*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:32:22,932 : INFO : topic #32 (0.020): 0.058*\"district\" + 0.046*\"vigour\" + 0.043*\"popolo\" + 0.042*\"tortur\" + 0.028*\"area\" + 0.027*\"cotton\" + 0.025*\"regim\" + 0.023*\"multitud\" + 0.022*\"citi\" + 0.018*\"commun\"\n", - "2019-01-31 00:32:22,933 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.048*\"chilton\" + 0.028*\"kong\" + 0.025*\"hong\" + 0.021*\"korea\" + 0.019*\"korean\" + 0.015*\"leah\" + 0.014*\"sourc\" + 0.013*\"kim\" + 0.013*\"taiwan\"\n", - "2019-01-31 00:32:22,934 : INFO : topic #20 (0.020): 0.141*\"scholar\" + 0.039*\"struggl\" + 0.036*\"high\" + 0.029*\"educ\" + 0.024*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.009*\"gothic\" + 0.009*\"task\" + 0.008*\"class\"\n", - "2019-01-31 00:32:22,940 : INFO : topic diff=0.008432, rho=0.045502\n", - "2019-01-31 00:32:23,094 : INFO : PROGRESS: pass 0, at document #968000/4922894\n", - "2019-01-31 00:32:24,520 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:32:24,786 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.023*\"mexico\" + 0.022*\"spain\" + 0.020*\"del\" + 0.013*\"soviet\" + 0.011*\"santa\" + 0.011*\"juan\" + 0.011*\"mexican\" + 0.011*\"carlo\" + 0.010*\"francisco\"\n", - "2019-01-31 00:32:24,788 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.035*\"perceptu\" + 0.021*\"theater\" + 0.019*\"place\" + 0.017*\"compos\" + 0.016*\"damn\" + 0.014*\"orchestr\" + 0.014*\"olympo\" + 0.013*\"physician\" + 0.012*\"word\"\n", - "2019-01-31 00:32:24,789 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"pour\" + 0.014*\"depress\" + 0.012*\"elabor\" + 0.010*\"mode\" + 0.009*\"produc\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.007*\"encyclopedia\" + 0.007*\"candid\"\n", - "2019-01-31 00:32:24,790 : INFO : topic #48 (0.020): 0.079*\"sens\" + 0.076*\"octob\" + 0.072*\"march\" + 0.069*\"januari\" + 0.068*\"august\" + 0.067*\"notion\" + 0.066*\"juli\" + 0.064*\"decatur\" + 0.063*\"april\" + 0.063*\"judici\"\n", - "2019-01-31 00:32:24,791 : INFO : topic #26 (0.020): 0.029*\"champion\" + 0.029*\"workplac\" + 0.026*\"woman\" + 0.025*\"olymp\" + 0.024*\"alic\" + 0.023*\"men\" + 0.023*\"medal\" + 0.020*\"event\" + 0.019*\"atheist\" + 0.017*\"nation\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:32:24,797 : INFO : topic diff=0.007734, rho=0.045455\n", - "2019-01-31 00:32:24,952 : INFO : PROGRESS: pass 0, at document #970000/4922894\n", - "2019-01-31 00:32:26,355 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:32:26,621 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.023*\"aggress\" + 0.021*\"walter\" + 0.021*\"armi\" + 0.018*\"com\" + 0.014*\"unionist\" + 0.013*\"oper\" + 0.013*\"militari\" + 0.012*\"airmen\" + 0.012*\"refut\"\n", - "2019-01-31 00:32:26,623 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.004*\"end\" + 0.004*\"man\" + 0.004*\"help\"\n", - "2019-01-31 00:32:26,624 : INFO : topic #27 (0.020): 0.067*\"questionnair\" + 0.019*\"candid\" + 0.017*\"taxpay\" + 0.015*\"ret\" + 0.013*\"horac\" + 0.012*\"driver\" + 0.012*\"tornado\" + 0.011*\"fool\" + 0.011*\"landslid\" + 0.011*\"find\"\n", - "2019-01-31 00:32:26,625 : INFO : topic #2 (0.020): 0.047*\"isl\" + 0.040*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.013*\"blur\" + 0.012*\"pope\" + 0.011*\"class\" + 0.010*\"nativist\" + 0.010*\"coalit\" + 0.009*\"fleet\"\n", - "2019-01-31 00:32:26,626 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"pop\" + 0.011*\"prognosi\" + 0.009*\"companhia\" + 0.009*\"serv\" + 0.009*\"develop\" + 0.008*\"cytokin\" + 0.008*\"softwar\" + 0.008*\"includ\" + 0.008*\"base\"\n", - "2019-01-31 00:32:26,632 : INFO : topic diff=0.006966, rho=0.045408\n", - "2019-01-31 00:32:26,790 : INFO : PROGRESS: pass 0, at document #972000/4922894\n", - "2019-01-31 00:32:28,193 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:32:28,459 : INFO : topic #45 (0.020): 0.021*\"fifteenth\" + 0.020*\"jpg\" + 0.015*\"western\" + 0.014*\"black\" + 0.014*\"illicit\" + 0.013*\"colder\" + 0.013*\"record\" + 0.010*\"blind\" + 0.008*\"light\" + 0.007*\"green\"\n", - "2019-01-31 00:32:28,460 : INFO : topic #14 (0.020): 0.025*\"forc\" + 0.023*\"aggress\" + 0.021*\"walter\" + 0.021*\"armi\" + 0.017*\"com\" + 0.014*\"unionist\" + 0.014*\"oper\" + 0.013*\"militari\" + 0.012*\"airmen\" + 0.011*\"airbu\"\n", - "2019-01-31 00:32:28,461 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.006*\"sack\" + 0.006*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.004*\"man\" + 0.004*\"end\" + 0.004*\"help\"\n", - "2019-01-31 00:32:28,462 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.036*\"cleveland\" + 0.030*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.016*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:32:28,463 : INFO : topic #33 (0.020): 0.063*\"french\" + 0.045*\"franc\" + 0.030*\"pari\" + 0.022*\"jean\" + 0.022*\"sail\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.011*\"wine\" + 0.011*\"piec\"\n", - "2019-01-31 00:32:28,469 : INFO : topic diff=0.007905, rho=0.045361\n", - "2019-01-31 00:32:28,628 : INFO : PROGRESS: pass 0, at document #974000/4922894\n", - "2019-01-31 00:32:30,049 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:32:30,316 : INFO : topic #29 (0.020): 0.016*\"companhia\" + 0.011*\"million\" + 0.009*\"yawn\" + 0.008*\"bank\" + 0.008*\"govern\" + 0.008*\"start\" + 0.007*\"busi\" + 0.007*\"market\" + 0.007*\"countri\" + 0.007*\"function\"\n", - "2019-01-31 00:32:30,317 : INFO : topic #35 (0.020): 0.056*\"russia\" + 0.039*\"sovereignti\" + 0.032*\"rural\" + 0.027*\"poison\" + 0.024*\"reprint\" + 0.024*\"personifi\" + 0.021*\"moscow\" + 0.018*\"poland\" + 0.016*\"unfortun\" + 0.015*\"tyrant\"\n", - "2019-01-31 00:32:30,318 : INFO : topic #15 (0.020): 0.013*\"small\" + 0.011*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"group\" + 0.009*\"word\" + 0.009*\"cultur\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.007*\"student\"\n", - "2019-01-31 00:32:30,319 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.035*\"perceptu\" + 0.020*\"theater\" + 0.019*\"place\" + 0.017*\"compos\" + 0.015*\"damn\" + 0.014*\"physician\" + 0.014*\"orchestr\" + 0.014*\"olympo\" + 0.012*\"word\"\n", - "2019-01-31 00:32:30,320 : INFO : topic #34 (0.020): 0.075*\"start\" + 0.034*\"cotton\" + 0.030*\"unionist\" + 0.028*\"american\" + 0.025*\"new\" + 0.013*\"year\" + 0.013*\"warrior\" + 0.013*\"terri\" + 0.013*\"california\" + 0.012*\"north\"\n", - "2019-01-31 00:32:30,326 : INFO : topic diff=0.009206, rho=0.045314\n", - "2019-01-31 00:32:30,488 : INFO : PROGRESS: pass 0, at document #976000/4922894\n", - "2019-01-31 00:32:31,903 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:32:32,169 : INFO : topic #31 (0.020): 0.061*\"fusiform\" + 0.024*\"scientist\" + 0.024*\"player\" + 0.022*\"taxpay\" + 0.019*\"place\" + 0.013*\"clot\" + 0.012*\"leagu\" + 0.011*\"folei\" + 0.009*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 00:32:32,170 : INFO : topic #13 (0.020): 0.026*\"australia\" + 0.025*\"london\" + 0.025*\"new\" + 0.025*\"sourc\" + 0.023*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.019*\"ireland\" + 0.016*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:32:32,172 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.006*\"sack\" + 0.006*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.004*\"end\" + 0.004*\"man\" + 0.004*\"help\"\n", - "2019-01-31 00:32:32,173 : INFO : topic #41 (0.020): 0.047*\"citi\" + 0.031*\"new\" + 0.022*\"palmer\" + 0.016*\"year\" + 0.015*\"strategist\" + 0.014*\"center\" + 0.011*\"open\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.008*\"dai\"\n", - "2019-01-31 00:32:32,174 : INFO : topic #37 (0.020): 0.010*\"man\" + 0.009*\"love\" + 0.007*\"gestur\" + 0.005*\"blue\" + 0.005*\"litig\" + 0.005*\"vision\" + 0.004*\"bewild\" + 0.004*\"comic\" + 0.004*\"night\" + 0.003*\"black\"\n", - "2019-01-31 00:32:32,180 : INFO : topic diff=0.009012, rho=0.045268\n", - "2019-01-31 00:32:32,339 : INFO : PROGRESS: pass 0, at document #978000/4922894\n", - "2019-01-31 00:32:33,767 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:32:34,033 : INFO : topic #47 (0.020): 0.066*\"muscl\" + 0.034*\"perceptu\" + 0.020*\"theater\" + 0.018*\"place\" + 0.018*\"compos\" + 0.015*\"damn\" + 0.014*\"orchestr\" + 0.013*\"physician\" + 0.013*\"olympo\" + 0.012*\"word\"\n", - "2019-01-31 00:32:34,034 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"pour\" + 0.014*\"depress\" + 0.011*\"elabor\" + 0.010*\"mode\" + 0.009*\"produc\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.007*\"turn\" + 0.007*\"encyclopedia\"\n", - "2019-01-31 00:32:34,035 : INFO : topic #13 (0.020): 0.026*\"australia\" + 0.025*\"new\" + 0.025*\"london\" + 0.025*\"sourc\" + 0.024*\"england\" + 0.022*\"australian\" + 0.020*\"british\" + 0.019*\"ireland\" + 0.016*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:32:34,036 : INFO : topic #0 (0.020): 0.066*\"statewid\" + 0.040*\"line\" + 0.038*\"arsen\" + 0.033*\"raid\" + 0.028*\"museo\" + 0.020*\"traceabl\" + 0.018*\"serv\" + 0.015*\"pain\" + 0.014*\"exhaust\" + 0.013*\"artist\"\n", - "2019-01-31 00:32:34,037 : INFO : topic #17 (0.020): 0.076*\"church\" + 0.022*\"christian\" + 0.021*\"cathol\" + 0.019*\"bishop\" + 0.015*\"sail\" + 0.014*\"retroflex\" + 0.012*\"parish\" + 0.010*\"historiographi\" + 0.010*\"cathedr\" + 0.009*\"centuri\"\n", - "2019-01-31 00:32:34,043 : INFO : topic diff=0.006830, rho=0.045222\n", - "2019-01-31 00:32:36,816 : INFO : -11.568 per-word bound, 3035.8 perplexity estimate based on a held-out corpus of 2000 documents with 604118 words\n", - "2019-01-31 00:32:36,816 : INFO : PROGRESS: pass 0, at document #980000/4922894\n", - "2019-01-31 00:32:38,235 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:32:38,501 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.036*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.016*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:32:38,502 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.039*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.012*\"blur\" + 0.012*\"pope\" + 0.010*\"nativist\" + 0.010*\"class\" + 0.010*\"coalit\" + 0.009*\"fleet\"\n", - "2019-01-31 00:32:38,504 : INFO : topic #24 (0.020): 0.042*\"book\" + 0.035*\"publicis\" + 0.026*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.013*\"nicola\" + 0.012*\"storag\" + 0.012*\"collect\" + 0.011*\"author\"\n", - "2019-01-31 00:32:38,504 : INFO : topic #48 (0.020): 0.082*\"sens\" + 0.078*\"octob\" + 0.076*\"march\" + 0.069*\"august\" + 0.069*\"juli\" + 0.068*\"april\" + 0.068*\"januari\" + 0.068*\"judici\" + 0.067*\"notion\" + 0.065*\"decatur\"\n", - "2019-01-31 00:32:38,505 : INFO : topic #27 (0.020): 0.068*\"questionnair\" + 0.019*\"candid\" + 0.018*\"taxpay\" + 0.016*\"ret\" + 0.013*\"driver\" + 0.012*\"tornado\" + 0.012*\"horac\" + 0.011*\"fool\" + 0.011*\"landslid\" + 0.011*\"find\"\n", - "2019-01-31 00:32:38,511 : INFO : topic diff=0.007551, rho=0.045175\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:32:38,667 : INFO : PROGRESS: pass 0, at document #982000/4922894\n", - "2019-01-31 00:32:40,069 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:32:40,335 : INFO : topic #33 (0.020): 0.063*\"french\" + 0.045*\"franc\" + 0.031*\"pari\" + 0.022*\"jean\" + 0.022*\"sail\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.011*\"piec\" + 0.011*\"wine\"\n", - "2019-01-31 00:32:40,336 : INFO : topic #34 (0.020): 0.075*\"start\" + 0.034*\"cotton\" + 0.030*\"unionist\" + 0.028*\"american\" + 0.025*\"new\" + 0.014*\"year\" + 0.013*\"california\" + 0.013*\"warrior\" + 0.012*\"north\" + 0.012*\"terri\"\n", - "2019-01-31 00:32:40,337 : INFO : topic #44 (0.020): 0.029*\"rooftop\" + 0.028*\"final\" + 0.023*\"wife\" + 0.022*\"tourist\" + 0.019*\"champion\" + 0.018*\"taxpay\" + 0.015*\"tiepolo\" + 0.014*\"open\" + 0.014*\"chamber\" + 0.014*\"women\"\n", - "2019-01-31 00:32:40,339 : INFO : topic #23 (0.020): 0.133*\"audit\" + 0.068*\"best\" + 0.035*\"yawn\" + 0.029*\"jacksonvil\" + 0.023*\"japanes\" + 0.023*\"noll\" + 0.022*\"festiv\" + 0.022*\"intern\" + 0.018*\"women\" + 0.015*\"winner\"\n", - "2019-01-31 00:32:40,340 : INFO : topic #16 (0.020): 0.051*\"king\" + 0.034*\"priest\" + 0.022*\"quarterli\" + 0.018*\"duke\" + 0.018*\"idiosyncrat\" + 0.016*\"grammat\" + 0.016*\"rotterdam\" + 0.014*\"maria\" + 0.014*\"count\" + 0.014*\"portugues\"\n", - "2019-01-31 00:32:40,345 : INFO : topic diff=0.007005, rho=0.045129\n", - "2019-01-31 00:32:40,500 : INFO : PROGRESS: pass 0, at document #984000/4922894\n", - "2019-01-31 00:32:41,895 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:32:42,162 : INFO : topic #31 (0.020): 0.060*\"fusiform\" + 0.025*\"scientist\" + 0.024*\"player\" + 0.022*\"taxpay\" + 0.019*\"place\" + 0.013*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"ruler\" + 0.010*\"yawn\"\n", - "2019-01-31 00:32:42,163 : INFO : topic #0 (0.020): 0.066*\"statewid\" + 0.040*\"line\" + 0.036*\"arsen\" + 0.033*\"raid\" + 0.028*\"museo\" + 0.022*\"traceabl\" + 0.019*\"serv\" + 0.015*\"pain\" + 0.014*\"exhaust\" + 0.012*\"artist\"\n", - "2019-01-31 00:32:42,164 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"disco\" + 0.007*\"media\" + 0.007*\"pathwai\" + 0.007*\"have\" + 0.007*\"proper\" + 0.007*\"hormon\" + 0.006*\"caus\" + 0.006*\"acid\" + 0.006*\"treat\"\n", - "2019-01-31 00:32:42,165 : INFO : topic #29 (0.020): 0.016*\"companhia\" + 0.011*\"million\" + 0.009*\"yawn\" + 0.008*\"bank\" + 0.008*\"govern\" + 0.008*\"start\" + 0.007*\"busi\" + 0.007*\"function\" + 0.007*\"market\" + 0.007*\"countri\"\n", - "2019-01-31 00:32:42,166 : INFO : topic #34 (0.020): 0.075*\"start\" + 0.034*\"cotton\" + 0.030*\"unionist\" + 0.028*\"american\" + 0.025*\"new\" + 0.014*\"year\" + 0.013*\"california\" + 0.013*\"warrior\" + 0.012*\"north\" + 0.012*\"terri\"\n", - "2019-01-31 00:32:42,172 : INFO : topic diff=0.007549, rho=0.045083\n", - "2019-01-31 00:32:42,329 : INFO : PROGRESS: pass 0, at document #986000/4922894\n", - "2019-01-31 00:32:43,743 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:32:44,009 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"gener\" + 0.007*\"exampl\" + 0.006*\"utopian\" + 0.006*\"measur\" + 0.006*\"théori\" + 0.006*\"southern\" + 0.006*\"method\" + 0.006*\"poet\"\n", - "2019-01-31 00:32:44,010 : INFO : topic #15 (0.020): 0.013*\"small\" + 0.011*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"cultur\" + 0.009*\"group\" + 0.009*\"word\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.007*\"student\"\n", - "2019-01-31 00:32:44,011 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"disco\" + 0.007*\"media\" + 0.007*\"have\" + 0.007*\"pathwai\" + 0.007*\"proper\" + 0.007*\"hormon\" + 0.006*\"caus\" + 0.006*\"acid\" + 0.006*\"treat\"\n", - "2019-01-31 00:32:44,013 : INFO : topic #3 (0.020): 0.037*\"present\" + 0.026*\"offic\" + 0.025*\"minist\" + 0.021*\"serv\" + 0.019*\"member\" + 0.018*\"gener\" + 0.018*\"govern\" + 0.017*\"nation\" + 0.017*\"seri\" + 0.014*\"chickasaw\"\n", - "2019-01-31 00:32:44,014 : INFO : topic #0 (0.020): 0.066*\"statewid\" + 0.040*\"line\" + 0.037*\"arsen\" + 0.033*\"raid\" + 0.028*\"museo\" + 0.022*\"traceabl\" + 0.019*\"serv\" + 0.015*\"pain\" + 0.014*\"exhaust\" + 0.012*\"artist\"\n", - "2019-01-31 00:32:44,019 : INFO : topic diff=0.008941, rho=0.045038\n", - "2019-01-31 00:32:44,175 : INFO : PROGRESS: pass 0, at document #988000/4922894\n", - "2019-01-31 00:32:45,573 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:32:45,839 : INFO : topic #20 (0.020): 0.137*\"scholar\" + 0.038*\"struggl\" + 0.036*\"high\" + 0.028*\"educ\" + 0.023*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.011*\"gothic\" + 0.010*\"district\" + 0.009*\"task\"\n", - "2019-01-31 00:32:45,840 : INFO : topic #13 (0.020): 0.026*\"australia\" + 0.025*\"london\" + 0.025*\"new\" + 0.024*\"sourc\" + 0.023*\"england\" + 0.022*\"australian\" + 0.020*\"ireland\" + 0.019*\"british\" + 0.016*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:32:45,841 : INFO : topic #22 (0.020): 0.036*\"spars\" + 0.024*\"factor\" + 0.020*\"adulthood\" + 0.016*\"feel\" + 0.015*\"male\" + 0.014*\"hostil\" + 0.011*\"genu\" + 0.011*\"plaisir\" + 0.010*\"live\" + 0.009*\"yawn\"\n", - "2019-01-31 00:32:45,842 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.022*\"mexico\" + 0.021*\"spain\" + 0.019*\"del\" + 0.013*\"soviet\" + 0.011*\"carlo\" + 0.011*\"santa\" + 0.011*\"juan\" + 0.011*\"mexican\" + 0.011*\"francisco\"\n", - "2019-01-31 00:32:45,843 : INFO : topic #46 (0.020): 0.018*\"norwai\" + 0.017*\"sweden\" + 0.017*\"norwegian\" + 0.017*\"stop\" + 0.016*\"swedish\" + 0.013*\"wind\" + 0.011*\"treeless\" + 0.011*\"damag\" + 0.011*\"turkish\" + 0.011*\"replac\"\n", - "2019-01-31 00:32:45,849 : INFO : topic diff=0.007313, rho=0.044992\n", - "2019-01-31 00:32:46,008 : INFO : PROGRESS: pass 0, at document #990000/4922894\n", - "2019-01-31 00:32:47,421 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:32:47,687 : INFO : topic #40 (0.020): 0.089*\"unit\" + 0.023*\"schuster\" + 0.023*\"collector\" + 0.022*\"institut\" + 0.019*\"requir\" + 0.018*\"student\" + 0.015*\"professor\" + 0.012*\"governor\" + 0.012*\"word\" + 0.012*\"http\"\n", - "2019-01-31 00:32:47,688 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.030*\"final\" + 0.023*\"wife\" + 0.021*\"tourist\" + 0.019*\"champion\" + 0.019*\"taxpay\" + 0.014*\"tiepolo\" + 0.014*\"martin\" + 0.014*\"chamber\" + 0.014*\"women\"\n", - "2019-01-31 00:32:47,690 : INFO : topic #29 (0.020): 0.016*\"companhia\" + 0.011*\"million\" + 0.009*\"yawn\" + 0.008*\"bank\" + 0.008*\"govern\" + 0.008*\"start\" + 0.007*\"busi\" + 0.007*\"function\" + 0.007*\"market\" + 0.007*\"industri\"\n", - "2019-01-31 00:32:47,691 : INFO : topic #39 (0.020): 0.044*\"canada\" + 0.035*\"canadian\" + 0.019*\"toronto\" + 0.018*\"hoar\" + 0.017*\"ontario\" + 0.013*\"new\" + 0.013*\"taxpay\" + 0.012*\"scientist\" + 0.011*\"misericordia\" + 0.011*\"novotná\"\n", - "2019-01-31 00:32:47,692 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"pour\" + 0.014*\"depress\" + 0.011*\"elabor\" + 0.010*\"mode\" + 0.009*\"produc\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.007*\"mandir\" + 0.007*\"encyclopedia\"\n", - "2019-01-31 00:32:47,697 : INFO : topic diff=0.009152, rho=0.044947\n", - "2019-01-31 00:32:47,910 : INFO : PROGRESS: pass 0, at document #992000/4922894\n", - "2019-01-31 00:32:49,287 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:32:49,553 : INFO : topic #20 (0.020): 0.139*\"scholar\" + 0.038*\"high\" + 0.038*\"struggl\" + 0.028*\"educ\" + 0.023*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.011*\"gothic\" + 0.010*\"district\" + 0.009*\"task\"\n", - "2019-01-31 00:32:49,554 : INFO : topic #16 (0.020): 0.049*\"king\" + 0.034*\"priest\" + 0.021*\"quarterli\" + 0.018*\"idiosyncrat\" + 0.018*\"duke\" + 0.017*\"grammat\" + 0.016*\"rotterdam\" + 0.014*\"maria\" + 0.014*\"count\" + 0.013*\"portugues\"\n", - "2019-01-31 00:32:49,555 : INFO : topic #33 (0.020): 0.065*\"french\" + 0.045*\"franc\" + 0.031*\"pari\" + 0.022*\"sail\" + 0.022*\"jean\" + 0.018*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.011*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 00:32:49,556 : INFO : topic #2 (0.020): 0.051*\"isl\" + 0.039*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.011*\"coalit\" + 0.010*\"class\" + 0.010*\"nativist\" + 0.009*\"fleet\"\n", - "2019-01-31 00:32:49,557 : INFO : topic #42 (0.020): 0.049*\"german\" + 0.031*\"germani\" + 0.014*\"vol\" + 0.013*\"berlin\" + 0.012*\"israel\" + 0.012*\"jewish\" + 0.012*\"der\" + 0.009*\"austria\" + 0.009*\"european\" + 0.009*\"europ\"\n", - "2019-01-31 00:32:49,563 : INFO : topic diff=0.007153, rho=0.044901\n", - "2019-01-31 00:32:49,718 : INFO : PROGRESS: pass 0, at document #994000/4922894\n", - "2019-01-31 00:32:51,099 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:32:51,366 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.019*\"di\" + 0.018*\"factor\" + 0.015*\"margin\" + 0.015*\"yawn\" + 0.013*\"bone\" + 0.012*\"faster\" + 0.012*\"life\" + 0.012*\"daughter\" + 0.011*\"deal\"\n", - "2019-01-31 00:32:51,367 : INFO : topic #36 (0.020): 0.011*\"pop\" + 0.011*\"network\" + 0.011*\"prognosi\" + 0.009*\"develop\" + 0.008*\"companhia\" + 0.008*\"serv\" + 0.008*\"cytokin\" + 0.008*\"softwar\" + 0.008*\"user\" + 0.008*\"base\"\n", - "2019-01-31 00:32:51,369 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.023*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.017*\"com\" + 0.016*\"oper\" + 0.013*\"unionist\" + 0.012*\"airbu\" + 0.012*\"militari\" + 0.011*\"airmen\"\n", - "2019-01-31 00:32:51,370 : INFO : topic #34 (0.020): 0.076*\"start\" + 0.035*\"cotton\" + 0.031*\"unionist\" + 0.028*\"american\" + 0.025*\"new\" + 0.014*\"year\" + 0.014*\"warrior\" + 0.013*\"california\" + 0.013*\"north\" + 0.012*\"terri\"\n", - "2019-01-31 00:32:51,371 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.010*\"battalion\" + 0.008*\"forc\" + 0.008*\"king\" + 0.007*\"teufel\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.007*\"centuri\" + 0.006*\"till\"\n", - "2019-01-31 00:32:51,377 : INFO : topic diff=0.006745, rho=0.044856\n", - "2019-01-31 00:32:51,533 : INFO : PROGRESS: pass 0, at document #996000/4922894\n", - "2019-01-31 00:32:52,944 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:32:53,210 : INFO : topic #35 (0.020): 0.051*\"russia\" + 0.039*\"sovereignti\" + 0.031*\"rural\" + 0.028*\"poison\" + 0.027*\"personifi\" + 0.023*\"reprint\" + 0.019*\"moscow\" + 0.019*\"poland\" + 0.015*\"unfortun\" + 0.015*\"tyrant\"\n", - "2019-01-31 00:32:53,212 : INFO : topic #13 (0.020): 0.028*\"london\" + 0.025*\"australia\" + 0.025*\"new\" + 0.024*\"sourc\" + 0.022*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.019*\"ireland\" + 0.016*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:32:53,213 : INFO : topic #27 (0.020): 0.069*\"questionnair\" + 0.022*\"ret\" + 0.019*\"candid\" + 0.018*\"taxpay\" + 0.013*\"driver\" + 0.012*\"horac\" + 0.011*\"tornado\" + 0.011*\"landslid\" + 0.011*\"fool\" + 0.011*\"find\"\n", - "2019-01-31 00:32:53,214 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"pour\" + 0.015*\"depress\" + 0.011*\"elabor\" + 0.010*\"mode\" + 0.009*\"produc\" + 0.008*\"veget\" + 0.007*\"candid\" + 0.007*\"uruguayan\" + 0.007*\"mandir\"\n", - "2019-01-31 00:32:53,215 : INFO : topic #32 (0.020): 0.058*\"district\" + 0.045*\"vigour\" + 0.043*\"popolo\" + 0.042*\"tortur\" + 0.028*\"area\" + 0.028*\"cotton\" + 0.025*\"regim\" + 0.023*\"multitud\" + 0.021*\"citi\" + 0.018*\"commun\"\n", - "2019-01-31 00:32:53,221 : INFO : topic diff=0.007562, rho=0.044811\n", - "2019-01-31 00:32:53,371 : INFO : PROGRESS: pass 0, at document #998000/4922894\n", - "2019-01-31 00:32:54,728 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:32:54,994 : INFO : topic #23 (0.020): 0.132*\"audit\" + 0.070*\"best\" + 0.034*\"yawn\" + 0.028*\"jacksonvil\" + 0.023*\"japanes\" + 0.023*\"festiv\" + 0.022*\"noll\" + 0.021*\"intern\" + 0.018*\"women\" + 0.015*\"winner\"\n", - "2019-01-31 00:32:54,995 : INFO : topic #3 (0.020): 0.035*\"present\" + 0.027*\"offic\" + 0.024*\"minist\" + 0.021*\"serv\" + 0.019*\"member\" + 0.018*\"gener\" + 0.018*\"govern\" + 0.018*\"nation\" + 0.017*\"seri\" + 0.015*\"chickasaw\"\n", - "2019-01-31 00:32:54,997 : INFO : topic #2 (0.020): 0.051*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.010*\"class\" + 0.009*\"bahá\"\n", - "2019-01-31 00:32:54,998 : INFO : topic #37 (0.020): 0.010*\"man\" + 0.009*\"love\" + 0.007*\"gestur\" + 0.005*\"blue\" + 0.005*\"vision\" + 0.004*\"litig\" + 0.004*\"bewild\" + 0.004*\"night\" + 0.004*\"comic\" + 0.004*\"black\"\n", - "2019-01-31 00:32:54,999 : INFO : topic #43 (0.020): 0.063*\"elect\" + 0.057*\"parti\" + 0.025*\"democrat\" + 0.024*\"voluntari\" + 0.020*\"member\" + 0.018*\"polici\" + 0.015*\"republ\" + 0.014*\"seaport\" + 0.014*\"selma\" + 0.014*\"report\"\n", - "2019-01-31 00:32:55,005 : INFO : topic diff=0.007929, rho=0.044766\n", - "2019-01-31 00:32:57,762 : INFO : -11.721 per-word bound, 3375.1 perplexity estimate based on a held-out corpus of 2000 documents with 592509 words\n", - "2019-01-31 00:32:57,762 : INFO : PROGRESS: pass 0, at document #1000000/4922894\n", - "2019-01-31 00:32:59,172 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:32:59,439 : INFO : topic #27 (0.020): 0.070*\"questionnair\" + 0.021*\"ret\" + 0.020*\"taxpay\" + 0.019*\"candid\" + 0.013*\"driver\" + 0.011*\"horac\" + 0.011*\"tornado\" + 0.011*\"find\" + 0.010*\"fool\" + 0.010*\"landslid\"\n", - "2019-01-31 00:32:59,440 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"gener\" + 0.006*\"utopian\" + 0.006*\"exampl\" + 0.006*\"théori\" + 0.006*\"measur\" + 0.006*\"southern\" + 0.006*\"method\" + 0.006*\"servitud\"\n", - "2019-01-31 00:32:59,441 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.023*\"aggress\" + 0.021*\"armi\" + 0.019*\"walter\" + 0.017*\"com\" + 0.016*\"oper\" + 0.013*\"unionist\" + 0.012*\"airbu\" + 0.012*\"airmen\" + 0.011*\"militari\"\n", - "2019-01-31 00:32:59,442 : INFO : topic #39 (0.020): 0.046*\"canada\" + 0.034*\"canadian\" + 0.020*\"toronto\" + 0.019*\"hoar\" + 0.017*\"ontario\" + 0.013*\"new\" + 0.013*\"taxpay\" + 0.012*\"scientist\" + 0.011*\"misericordia\" + 0.011*\"novotná\"\n", - "2019-01-31 00:32:59,443 : INFO : topic #13 (0.020): 0.027*\"london\" + 0.025*\"australia\" + 0.025*\"new\" + 0.024*\"sourc\" + 0.022*\"australian\" + 0.022*\"england\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.017*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 00:32:59,449 : INFO : topic diff=0.008569, rho=0.044721\n", - "2019-01-31 00:32:59,609 : INFO : PROGRESS: pass 0, at document #1002000/4922894\n", - "2019-01-31 00:33:01,032 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:33:01,298 : INFO : topic #15 (0.020): 0.013*\"small\" + 0.011*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"group\" + 0.009*\"cultur\" + 0.009*\"word\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.007*\"student\"\n", - "2019-01-31 00:33:01,299 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.023*\"aggress\" + 0.020*\"armi\" + 0.019*\"walter\" + 0.017*\"com\" + 0.016*\"oper\" + 0.013*\"unionist\" + 0.012*\"airbu\" + 0.012*\"airmen\" + 0.012*\"militari\"\n", - "2019-01-31 00:33:01,300 : INFO : topic #35 (0.020): 0.050*\"russia\" + 0.039*\"sovereignti\" + 0.030*\"rural\" + 0.027*\"poison\" + 0.025*\"personifi\" + 0.024*\"reprint\" + 0.019*\"moscow\" + 0.018*\"poland\" + 0.015*\"unfortun\" + 0.015*\"tyrant\"\n", - "2019-01-31 00:33:01,301 : INFO : topic #3 (0.020): 0.035*\"present\" + 0.027*\"offic\" + 0.025*\"minist\" + 0.020*\"serv\" + 0.019*\"member\" + 0.018*\"govern\" + 0.018*\"gener\" + 0.018*\"nation\" + 0.016*\"seri\" + 0.015*\"chickasaw\"\n", - "2019-01-31 00:33:01,303 : INFO : topic #46 (0.020): 0.018*\"norwai\" + 0.018*\"sweden\" + 0.018*\"stop\" + 0.017*\"norwegian\" + 0.016*\"swedish\" + 0.014*\"wind\" + 0.012*\"replac\" + 0.012*\"treeless\" + 0.012*\"huntsvil\" + 0.011*\"damag\"\n", - "2019-01-31 00:33:01,308 : INFO : topic diff=0.007388, rho=0.044677\n", - "2019-01-31 00:33:01,465 : INFO : PROGRESS: pass 0, at document #1004000/4922894\n", - "2019-01-31 00:33:02,873 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:33:03,139 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.025*\"factor\" + 0.021*\"adulthood\" + 0.017*\"feel\" + 0.015*\"male\" + 0.015*\"hostil\" + 0.011*\"plaisir\" + 0.010*\"genu\" + 0.010*\"live\" + 0.009*\"yawn\"\n", - "2019-01-31 00:33:03,140 : INFO : topic #27 (0.020): 0.071*\"questionnair\" + 0.020*\"ret\" + 0.020*\"taxpay\" + 0.019*\"candid\" + 0.013*\"driver\" + 0.011*\"fool\" + 0.011*\"horac\" + 0.011*\"tornado\" + 0.011*\"find\" + 0.010*\"landslid\"\n", - "2019-01-31 00:33:03,141 : INFO : topic #3 (0.020): 0.035*\"present\" + 0.027*\"offic\" + 0.025*\"minist\" + 0.020*\"serv\" + 0.019*\"member\" + 0.019*\"govern\" + 0.018*\"gener\" + 0.018*\"nation\" + 0.016*\"seri\" + 0.016*\"chickasaw\"\n", - "2019-01-31 00:33:03,142 : INFO : topic #17 (0.020): 0.076*\"church\" + 0.022*\"christian\" + 0.021*\"cathol\" + 0.019*\"bishop\" + 0.015*\"sail\" + 0.014*\"retroflex\" + 0.011*\"parish\" + 0.010*\"historiographi\" + 0.009*\"centuri\" + 0.009*\"relationship\"\n", - "2019-01-31 00:33:03,144 : INFO : topic #6 (0.020): 0.073*\"fewer\" + 0.024*\"epiru\" + 0.024*\"septemb\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.012*\"movi\" + 0.011*\"direct\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:33:03,150 : INFO : topic diff=0.007951, rho=0.044632\n", - "2019-01-31 00:33:03,305 : INFO : PROGRESS: pass 0, at document #1006000/4922894\n", - "2019-01-31 00:33:04,701 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:33:04,967 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.047*\"chilton\" + 0.025*\"kong\" + 0.025*\"hong\" + 0.019*\"korea\" + 0.016*\"korean\" + 0.015*\"shirin\" + 0.014*\"leah\" + 0.014*\"sourc\" + 0.013*\"min\"\n", - "2019-01-31 00:33:04,969 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.028*\"final\" + 0.023*\"wife\" + 0.021*\"tourist\" + 0.019*\"champion\" + 0.018*\"taxpay\" + 0.015*\"martin\" + 0.015*\"tiepolo\" + 0.014*\"women\" + 0.014*\"open\"\n", - "2019-01-31 00:33:04,970 : INFO : topic #0 (0.020): 0.065*\"statewid\" + 0.040*\"line\" + 0.037*\"arsen\" + 0.034*\"raid\" + 0.027*\"museo\" + 0.021*\"traceabl\" + 0.019*\"serv\" + 0.014*\"pain\" + 0.014*\"exhaust\" + 0.012*\"gai\"\n", - "2019-01-31 00:33:04,971 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.020*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:33:04,972 : INFO : topic #39 (0.020): 0.045*\"canada\" + 0.035*\"canadian\" + 0.021*\"toronto\" + 0.018*\"hoar\" + 0.018*\"ontario\" + 0.013*\"taxpay\" + 0.013*\"new\" + 0.013*\"scientist\" + 0.011*\"misericordia\" + 0.011*\"novotná\"\n", - "2019-01-31 00:33:04,978 : INFO : topic diff=0.006917, rho=0.044588\n", - "2019-01-31 00:33:05,134 : INFO : PROGRESS: pass 0, at document #1008000/4922894\n", - "2019-01-31 00:33:06,543 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:33:06,809 : INFO : topic #41 (0.020): 0.046*\"citi\" + 0.030*\"new\" + 0.022*\"palmer\" + 0.016*\"strategist\" + 0.015*\"year\" + 0.013*\"center\" + 0.012*\"open\" + 0.010*\"includ\" + 0.010*\"lobe\" + 0.009*\"dai\"\n", - "2019-01-31 00:33:06,810 : INFO : topic #47 (0.020): 0.066*\"muscl\" + 0.033*\"perceptu\" + 0.020*\"theater\" + 0.018*\"place\" + 0.017*\"compos\" + 0.015*\"damn\" + 0.014*\"olympo\" + 0.013*\"orchestr\" + 0.012*\"word\" + 0.012*\"major\"\n", - "2019-01-31 00:33:06,811 : INFO : topic #31 (0.020): 0.061*\"fusiform\" + 0.025*\"scientist\" + 0.024*\"player\" + 0.022*\"taxpay\" + 0.019*\"place\" + 0.012*\"leagu\" + 0.012*\"clot\" + 0.011*\"folei\" + 0.010*\"ruler\" + 0.010*\"yawn\"\n", - "2019-01-31 00:33:06,813 : INFO : topic #25 (0.020): 0.030*\"ring\" + 0.018*\"warmth\" + 0.017*\"area\" + 0.017*\"lagrang\" + 0.013*\"mount\" + 0.009*\"foam\" + 0.009*\"palmer\" + 0.009*\"north\" + 0.008*\"land\" + 0.008*\"vacant\"\n", - "2019-01-31 00:33:06,814 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.025*\"factor\" + 0.021*\"adulthood\" + 0.016*\"feel\" + 0.015*\"male\" + 0.015*\"hostil\" + 0.012*\"plaisir\" + 0.011*\"genu\" + 0.010*\"live\" + 0.009*\"yawn\"\n", - "2019-01-31 00:33:06,819 : INFO : topic diff=0.007734, rho=0.044544\n", - "2019-01-31 00:33:06,978 : INFO : PROGRESS: pass 0, at document #1010000/4922894\n", - "2019-01-31 00:33:08,379 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:33:08,645 : INFO : topic #36 (0.020): 0.011*\"prognosi\" + 0.011*\"network\" + 0.011*\"pop\" + 0.009*\"develop\" + 0.008*\"serv\" + 0.008*\"cytokin\" + 0.008*\"softwar\" + 0.008*\"base\" + 0.008*\"companhia\" + 0.008*\"user\"\n", - "2019-01-31 00:33:08,646 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:33:08,647 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.029*\"final\" + 0.022*\"wife\" + 0.021*\"tourist\" + 0.020*\"champion\" + 0.019*\"taxpay\" + 0.015*\"tiepolo\" + 0.015*\"martin\" + 0.014*\"chamber\" + 0.014*\"women\"\n", - "2019-01-31 00:33:08,648 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"pour\" + 0.015*\"depress\" + 0.011*\"elabor\" + 0.010*\"mode\" + 0.009*\"veget\" + 0.008*\"produc\" + 0.007*\"candid\" + 0.007*\"uruguayan\" + 0.007*\"mandir\"\n", - "2019-01-31 00:33:08,650 : INFO : topic #41 (0.020): 0.046*\"citi\" + 0.030*\"new\" + 0.022*\"palmer\" + 0.016*\"strategist\" + 0.015*\"year\" + 0.013*\"center\" + 0.012*\"open\" + 0.010*\"includ\" + 0.010*\"lobe\" + 0.009*\"dai\"\n", - "2019-01-31 00:33:08,655 : INFO : topic diff=0.008426, rho=0.044499\n", - "2019-01-31 00:33:08,807 : INFO : PROGRESS: pass 0, at document #1012000/4922894\n", - "2019-01-31 00:33:10,194 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:33:10,462 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"disco\" + 0.007*\"proper\" + 0.007*\"media\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"have\" + 0.006*\"hormon\" + 0.006*\"acid\" + 0.006*\"treat\"\n", - "2019-01-31 00:33:10,463 : INFO : topic #29 (0.020): 0.016*\"companhia\" + 0.010*\"million\" + 0.008*\"yawn\" + 0.008*\"bank\" + 0.008*\"govern\" + 0.008*\"start\" + 0.007*\"market\" + 0.007*\"function\" + 0.007*\"busi\" + 0.007*\"countri\"\n", - "2019-01-31 00:33:10,464 : INFO : topic #31 (0.020): 0.061*\"fusiform\" + 0.025*\"scientist\" + 0.024*\"player\" + 0.022*\"taxpay\" + 0.019*\"place\" + 0.012*\"leagu\" + 0.012*\"clot\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.010*\"ruler\"\n", - "2019-01-31 00:33:10,465 : INFO : topic #20 (0.020): 0.138*\"scholar\" + 0.039*\"struggl\" + 0.036*\"high\" + 0.029*\"educ\" + 0.023*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.011*\"gothic\" + 0.010*\"district\" + 0.009*\"task\"\n", - "2019-01-31 00:33:10,466 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.035*\"leagu\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:33:10,473 : INFO : topic diff=0.007525, rho=0.044455\n", - "2019-01-31 00:33:10,630 : INFO : PROGRESS: pass 0, at document #1014000/4922894\n", - "2019-01-31 00:33:12,203 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:33:12,470 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"pour\" + 0.015*\"depress\" + 0.011*\"elabor\" + 0.010*\"mode\" + 0.008*\"produc\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.007*\"candid\" + 0.007*\"mandir\"\n", - "2019-01-31 00:33:12,471 : INFO : topic #14 (0.020): 0.025*\"forc\" + 0.025*\"aggress\" + 0.020*\"armi\" + 0.019*\"walter\" + 0.019*\"com\" + 0.015*\"oper\" + 0.013*\"unionist\" + 0.012*\"airbu\" + 0.012*\"militari\" + 0.011*\"airmen\"\n", - "2019-01-31 00:33:12,472 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.011*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.008*\"teufel\" + 0.008*\"empath\" + 0.008*\"king\" + 0.007*\"till\" + 0.007*\"armi\" + 0.006*\"centuri\"\n", - "2019-01-31 00:33:12,473 : INFO : topic #3 (0.020): 0.035*\"present\" + 0.028*\"offic\" + 0.026*\"minist\" + 0.020*\"serv\" + 0.019*\"govern\" + 0.018*\"member\" + 0.018*\"gener\" + 0.018*\"nation\" + 0.016*\"chickasaw\" + 0.016*\"seri\"\n", - "2019-01-31 00:33:12,474 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.035*\"leagu\" + 0.030*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.016*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:33:12,480 : INFO : topic diff=0.006863, rho=0.044412\n", - "2019-01-31 00:33:12,634 : INFO : PROGRESS: pass 0, at document #1016000/4922894\n", - "2019-01-31 00:33:14,036 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:33:14,302 : INFO : topic #17 (0.020): 0.076*\"church\" + 0.022*\"cathol\" + 0.021*\"christian\" + 0.019*\"bishop\" + 0.015*\"sail\" + 0.014*\"retroflex\" + 0.011*\"parish\" + 0.010*\"historiographi\" + 0.009*\"centuri\" + 0.009*\"relationship\"\n", - "2019-01-31 00:33:14,304 : INFO : topic #16 (0.020): 0.045*\"king\" + 0.034*\"priest\" + 0.020*\"quarterli\" + 0.020*\"idiosyncrat\" + 0.018*\"duke\" + 0.017*\"rotterdam\" + 0.016*\"grammat\" + 0.014*\"portugues\" + 0.014*\"princ\" + 0.014*\"maria\"\n", - "2019-01-31 00:33:14,305 : INFO : topic #20 (0.020): 0.138*\"scholar\" + 0.039*\"struggl\" + 0.036*\"high\" + 0.029*\"educ\" + 0.023*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"gothic\" + 0.010*\"district\" + 0.009*\"task\"\n", - "2019-01-31 00:33:14,306 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.025*\"factor\" + 0.021*\"adulthood\" + 0.017*\"feel\" + 0.015*\"male\" + 0.015*\"hostil\" + 0.012*\"plaisir\" + 0.011*\"genu\" + 0.010*\"live\" + 0.009*\"yawn\"\n", - "2019-01-31 00:33:14,307 : INFO : topic #31 (0.020): 0.060*\"fusiform\" + 0.026*\"scientist\" + 0.024*\"player\" + 0.022*\"taxpay\" + 0.019*\"place\" + 0.012*\"clot\" + 0.012*\"leagu\" + 0.011*\"folei\" + 0.010*\"reconstruct\" + 0.010*\"yawn\"\n", - "2019-01-31 00:33:14,313 : INFO : topic diff=0.006995, rho=0.044368\n", - "2019-01-31 00:33:14,464 : INFO : PROGRESS: pass 0, at document #1018000/4922894\n", - "2019-01-31 00:33:15,827 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:33:16,094 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.023*\"cortic\" + 0.021*\"act\" + 0.018*\"start\" + 0.014*\"ricardo\" + 0.014*\"case\" + 0.012*\"polaris\" + 0.009*\"replac\" + 0.008*\"legal\" + 0.008*\"judaism\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:33:16,095 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"exampl\" + 0.007*\"gener\" + 0.006*\"utopian\" + 0.006*\"théori\" + 0.006*\"measur\" + 0.006*\"poet\" + 0.006*\"servitud\" + 0.006*\"method\"\n", - "2019-01-31 00:33:16,096 : INFO : topic #20 (0.020): 0.138*\"scholar\" + 0.039*\"struggl\" + 0.036*\"high\" + 0.029*\"educ\" + 0.023*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"gothic\" + 0.010*\"district\" + 0.009*\"task\"\n", - "2019-01-31 00:33:16,097 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.011*\"organ\" + 0.011*\"develop\" + 0.010*\"commun\" + 0.009*\"group\" + 0.008*\"cultur\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.007*\"student\"\n", - "2019-01-31 00:33:16,098 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.037*\"shield\" + 0.019*\"narrat\" + 0.014*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.012*\"nativist\" + 0.010*\"coalit\" + 0.010*\"class\" + 0.009*\"fleet\"\n", - "2019-01-31 00:33:16,105 : INFO : topic diff=0.007742, rho=0.044324\n", - "2019-01-31 00:33:18,785 : INFO : -11.480 per-word bound, 2857.0 perplexity estimate based on a held-out corpus of 2000 documents with 550974 words\n", - "2019-01-31 00:33:18,786 : INFO : PROGRESS: pass 0, at document #1020000/4922894\n", - "2019-01-31 00:33:20,183 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:33:20,449 : INFO : topic #11 (0.020): 0.028*\"john\" + 0.016*\"will\" + 0.013*\"jame\" + 0.012*\"rival\" + 0.012*\"david\" + 0.010*\"georg\" + 0.010*\"mexican–american\" + 0.009*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:33:20,450 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.029*\"final\" + 0.022*\"wife\" + 0.021*\"tourist\" + 0.019*\"champion\" + 0.018*\"taxpay\" + 0.015*\"tiepolo\" + 0.015*\"martin\" + 0.015*\"chamber\" + 0.014*\"women\"\n", - "2019-01-31 00:33:20,451 : INFO : topic #35 (0.020): 0.052*\"russia\" + 0.041*\"sovereignti\" + 0.031*\"rural\" + 0.027*\"poison\" + 0.025*\"personifi\" + 0.024*\"reprint\" + 0.020*\"moscow\" + 0.018*\"poland\" + 0.016*\"unfortun\" + 0.014*\"tyrant\"\n", - "2019-01-31 00:33:20,452 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"prognosi\" + 0.011*\"pop\" + 0.009*\"develop\" + 0.008*\"serv\" + 0.008*\"base\" + 0.008*\"companhia\" + 0.008*\"cytokin\" + 0.007*\"softwar\" + 0.007*\"includ\"\n", - "2019-01-31 00:33:20,453 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"pour\" + 0.015*\"depress\" + 0.011*\"elabor\" + 0.010*\"mode\" + 0.009*\"veget\" + 0.008*\"produc\" + 0.007*\"uruguayan\" + 0.007*\"candid\" + 0.007*\"fuel\"\n", - "2019-01-31 00:33:20,459 : INFO : topic diff=0.007775, rho=0.044281\n", - "2019-01-31 00:33:20,676 : INFO : PROGRESS: pass 0, at document #1022000/4922894\n", - "2019-01-31 00:33:22,119 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:33:22,385 : INFO : topic #14 (0.020): 0.025*\"forc\" + 0.024*\"aggress\" + 0.020*\"armi\" + 0.020*\"walter\" + 0.019*\"com\" + 0.015*\"oper\" + 0.013*\"unionist\" + 0.012*\"militari\" + 0.011*\"airbu\" + 0.011*\"airmen\"\n", - "2019-01-31 00:33:22,386 : INFO : topic #40 (0.020): 0.092*\"unit\" + 0.022*\"collector\" + 0.022*\"schuster\" + 0.022*\"institut\" + 0.020*\"requir\" + 0.018*\"student\" + 0.015*\"professor\" + 0.012*\"word\" + 0.011*\"governor\" + 0.011*\"http\"\n", - "2019-01-31 00:33:22,387 : INFO : topic #21 (0.020): 0.039*\"samford\" + 0.024*\"spain\" + 0.021*\"mexico\" + 0.019*\"del\" + 0.013*\"soviet\" + 0.011*\"santa\" + 0.011*\"carlo\" + 0.011*\"lizard\" + 0.011*\"juan\" + 0.011*\"josé\"\n", - "2019-01-31 00:33:22,388 : INFO : topic #1 (0.020): 0.052*\"china\" + 0.047*\"chilton\" + 0.028*\"kong\" + 0.026*\"hong\" + 0.019*\"korea\" + 0.017*\"korean\" + 0.015*\"leah\" + 0.014*\"shirin\" + 0.013*\"sourc\" + 0.013*\"min\"\n", - "2019-01-31 00:33:22,389 : INFO : topic #13 (0.020): 0.026*\"london\" + 0.025*\"australia\" + 0.025*\"new\" + 0.025*\"sourc\" + 0.022*\"australian\" + 0.021*\"england\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.016*\"youth\" + 0.015*\"wale\"\n", - "2019-01-31 00:33:22,395 : INFO : topic diff=0.007903, rho=0.044237\n", - "2019-01-31 00:33:22,553 : INFO : PROGRESS: pass 0, at document #1024000/4922894\n", - "2019-01-31 00:33:23,987 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:33:24,253 : INFO : topic #11 (0.020): 0.028*\"john\" + 0.016*\"will\" + 0.013*\"jame\" + 0.012*\"rival\" + 0.012*\"david\" + 0.010*\"mexican–american\" + 0.010*\"georg\" + 0.009*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:33:24,254 : INFO : topic #21 (0.020): 0.039*\"samford\" + 0.024*\"spain\" + 0.021*\"mexico\" + 0.019*\"del\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.011*\"carlo\" + 0.011*\"juan\" + 0.011*\"lizard\" + 0.011*\"francisco\"\n", - "2019-01-31 00:33:24,255 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.008*\"empath\" + 0.007*\"king\" + 0.007*\"armi\" + 0.007*\"teufel\" + 0.007*\"till\" + 0.007*\"centuri\"\n", - "2019-01-31 00:33:24,256 : INFO : topic #13 (0.020): 0.026*\"london\" + 0.025*\"australia\" + 0.025*\"new\" + 0.025*\"sourc\" + 0.022*\"australian\" + 0.021*\"england\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.016*\"youth\" + 0.015*\"wale\"\n", - "2019-01-31 00:33:24,257 : INFO : topic #26 (0.020): 0.031*\"workplac\" + 0.030*\"champion\" + 0.028*\"woman\" + 0.025*\"olymp\" + 0.023*\"men\" + 0.022*\"medal\" + 0.020*\"event\" + 0.018*\"alic\" + 0.018*\"atheist\" + 0.017*\"nation\"\n", - "2019-01-31 00:33:24,263 : INFO : topic diff=0.006557, rho=0.044194\n", - "2019-01-31 00:33:24,421 : INFO : PROGRESS: pass 0, at document #1026000/4922894\n", - "2019-01-31 00:33:25,835 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:33:26,101 : INFO : topic #36 (0.020): 0.012*\"network\" + 0.011*\"prognosi\" + 0.011*\"pop\" + 0.009*\"develop\" + 0.008*\"serv\" + 0.008*\"includ\" + 0.008*\"base\" + 0.008*\"softwar\" + 0.008*\"companhia\" + 0.008*\"cytokin\"\n", - "2019-01-31 00:33:26,102 : INFO : topic #19 (0.020): 0.013*\"languag\" + 0.010*\"woodcut\" + 0.010*\"form\" + 0.010*\"origin\" + 0.009*\"centuri\" + 0.008*\"mean\" + 0.007*\"charact\" + 0.007*\"like\" + 0.007*\"uruguayan\" + 0.007*\"trade\"\n", - "2019-01-31 00:33:26,104 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.037*\"shield\" + 0.019*\"narrat\" + 0.014*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.012*\"nativist\" + 0.010*\"coalit\" + 0.009*\"class\" + 0.009*\"fleet\"\n", - "2019-01-31 00:33:26,105 : INFO : topic #24 (0.020): 0.042*\"book\" + 0.035*\"publicis\" + 0.024*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.014*\"nicola\" + 0.013*\"presid\" + 0.012*\"storag\" + 0.012*\"worldwid\" + 0.011*\"magazin\"\n", - "2019-01-31 00:33:26,106 : INFO : topic #21 (0.020): 0.040*\"samford\" + 0.024*\"spain\" + 0.021*\"mexico\" + 0.019*\"del\" + 0.013*\"soviet\" + 0.011*\"juan\" + 0.011*\"santa\" + 0.011*\"carlo\" + 0.011*\"lizard\" + 0.011*\"francisco\"\n", - "2019-01-31 00:33:26,112 : INFO : topic diff=0.006824, rho=0.044151\n", - "2019-01-31 00:33:26,266 : INFO : PROGRESS: pass 0, at document #1028000/4922894\n", - "2019-01-31 00:33:27,660 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:33:27,926 : INFO : topic #32 (0.020): 0.058*\"district\" + 0.046*\"vigour\" + 0.043*\"popolo\" + 0.039*\"tortur\" + 0.029*\"cotton\" + 0.027*\"area\" + 0.026*\"regim\" + 0.023*\"multitud\" + 0.021*\"citi\" + 0.019*\"commun\"\n", - "2019-01-31 00:33:27,927 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.009*\"proper\" + 0.008*\"disco\" + 0.007*\"media\" + 0.007*\"pathwai\" + 0.007*\"have\" + 0.007*\"caus\" + 0.006*\"hormon\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 00:33:27,928 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.011*\"organ\" + 0.011*\"develop\" + 0.010*\"commun\" + 0.009*\"group\" + 0.008*\"cultur\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.007*\"student\"\n", - "2019-01-31 00:33:27,929 : INFO : topic #1 (0.020): 0.053*\"china\" + 0.048*\"chilton\" + 0.027*\"kong\" + 0.026*\"hong\" + 0.019*\"korea\" + 0.017*\"korean\" + 0.015*\"leah\" + 0.013*\"sourc\" + 0.013*\"kim\" + 0.013*\"shirin\"\n", - "2019-01-31 00:33:27,930 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"pour\" + 0.014*\"depress\" + 0.011*\"elabor\" + 0.010*\"mode\" + 0.009*\"veget\" + 0.008*\"produc\" + 0.007*\"candid\" + 0.007*\"uruguayan\" + 0.007*\"fuel\"\n", - "2019-01-31 00:33:27,936 : INFO : topic diff=0.006720, rho=0.044108\n", - "2019-01-31 00:33:28,094 : INFO : PROGRESS: pass 0, at document #1030000/4922894\n", - "2019-01-31 00:33:29,511 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:33:29,777 : INFO : topic #3 (0.020): 0.035*\"present\" + 0.028*\"offic\" + 0.025*\"minist\" + 0.021*\"serv\" + 0.019*\"govern\" + 0.018*\"gener\" + 0.018*\"member\" + 0.018*\"nation\" + 0.016*\"seri\" + 0.016*\"chickasaw\"\n", - "2019-01-31 00:33:29,778 : INFO : topic #35 (0.020): 0.053*\"russia\" + 0.038*\"sovereignti\" + 0.031*\"rural\" + 0.026*\"poison\" + 0.025*\"personifi\" + 0.023*\"reprint\" + 0.019*\"moscow\" + 0.017*\"poland\" + 0.016*\"unfortun\" + 0.015*\"malaysia\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:33:29,779 : INFO : topic #45 (0.020): 0.020*\"fifteenth\" + 0.020*\"jpg\" + 0.015*\"colder\" + 0.015*\"illicit\" + 0.015*\"black\" + 0.015*\"western\" + 0.012*\"record\" + 0.010*\"blind\" + 0.008*\"light\" + 0.008*\"green\"\n", - "2019-01-31 00:33:29,781 : INFO : topic #37 (0.020): 0.011*\"man\" + 0.009*\"love\" + 0.008*\"gestur\" + 0.006*\"blue\" + 0.005*\"vision\" + 0.004*\"litig\" + 0.004*\"bewild\" + 0.004*\"comic\" + 0.004*\"night\" + 0.004*\"black\"\n", - "2019-01-31 00:33:29,782 : INFO : topic #31 (0.020): 0.062*\"fusiform\" + 0.025*\"scientist\" + 0.025*\"player\" + 0.022*\"taxpay\" + 0.019*\"place\" + 0.013*\"clot\" + 0.012*\"leagu\" + 0.011*\"folei\" + 0.010*\"ruler\" + 0.010*\"yawn\"\n", - "2019-01-31 00:33:29,788 : INFO : topic diff=0.008297, rho=0.044065\n", - "2019-01-31 00:33:29,944 : INFO : PROGRESS: pass 0, at document #1032000/4922894\n", - "2019-01-31 00:33:31,364 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:33:31,631 : INFO : topic #19 (0.020): 0.013*\"languag\" + 0.010*\"woodcut\" + 0.010*\"form\" + 0.010*\"origin\" + 0.009*\"centuri\" + 0.008*\"mean\" + 0.007*\"charact\" + 0.007*\"like\" + 0.007*\"uruguayan\" + 0.007*\"trade\"\n", - "2019-01-31 00:33:31,632 : INFO : topic #32 (0.020): 0.057*\"district\" + 0.046*\"vigour\" + 0.042*\"popolo\" + 0.039*\"tortur\" + 0.028*\"cotton\" + 0.028*\"area\" + 0.026*\"regim\" + 0.023*\"multitud\" + 0.021*\"citi\" + 0.019*\"commun\"\n", - "2019-01-31 00:33:31,633 : INFO : topic #34 (0.020): 0.072*\"start\" + 0.034*\"cotton\" + 0.031*\"unionist\" + 0.029*\"american\" + 0.025*\"new\" + 0.014*\"warrior\" + 0.014*\"year\" + 0.013*\"california\" + 0.013*\"north\" + 0.013*\"terri\"\n", - "2019-01-31 00:33:31,634 : INFO : topic #17 (0.020): 0.074*\"church\" + 0.023*\"cathol\" + 0.020*\"christian\" + 0.019*\"bishop\" + 0.015*\"sail\" + 0.014*\"retroflex\" + 0.010*\"parish\" + 0.010*\"historiographi\" + 0.009*\"centuri\" + 0.009*\"relationship\"\n", - "2019-01-31 00:33:31,636 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.011*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.008*\"empath\" + 0.007*\"teufel\" + 0.007*\"king\" + 0.007*\"armi\" + 0.007*\"centuri\" + 0.007*\"till\"\n", - "2019-01-31 00:33:31,641 : INFO : topic diff=0.007242, rho=0.044023\n", - "2019-01-31 00:33:31,795 : INFO : PROGRESS: pass 0, at document #1034000/4922894\n", - "2019-01-31 00:33:33,188 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:33:33,456 : INFO : topic #40 (0.020): 0.090*\"unit\" + 0.022*\"collector\" + 0.022*\"institut\" + 0.022*\"schuster\" + 0.020*\"requir\" + 0.018*\"student\" + 0.015*\"professor\" + 0.012*\"word\" + 0.011*\"governor\" + 0.011*\"http\"\n", - "2019-01-31 00:33:33,457 : INFO : topic #16 (0.020): 0.046*\"king\" + 0.032*\"priest\" + 0.019*\"idiosyncrat\" + 0.019*\"quarterli\" + 0.018*\"duke\" + 0.016*\"grammat\" + 0.016*\"rotterdam\" + 0.014*\"portugues\" + 0.014*\"princ\" + 0.014*\"count\"\n", - "2019-01-31 00:33:33,458 : INFO : topic #0 (0.020): 0.066*\"statewid\" + 0.040*\"arsen\" + 0.039*\"line\" + 0.034*\"raid\" + 0.031*\"museo\" + 0.020*\"traceabl\" + 0.018*\"serv\" + 0.014*\"pain\" + 0.014*\"exhaust\" + 0.013*\"gai\"\n", - "2019-01-31 00:33:33,459 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.011*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.008*\"empath\" + 0.008*\"teufel\" + 0.007*\"king\" + 0.007*\"armi\" + 0.007*\"till\" + 0.007*\"centuri\"\n", - "2019-01-31 00:33:33,460 : INFO : topic #25 (0.020): 0.030*\"ring\" + 0.017*\"area\" + 0.016*\"warmth\" + 0.016*\"lagrang\" + 0.013*\"mount\" + 0.009*\"palmer\" + 0.009*\"north\" + 0.009*\"foam\" + 0.009*\"vacant\" + 0.008*\"sourc\"\n", - "2019-01-31 00:33:33,466 : INFO : topic diff=0.006693, rho=0.043980\n", - "2019-01-31 00:33:33,621 : INFO : PROGRESS: pass 0, at document #1036000/4922894\n", - "2019-01-31 00:33:35,041 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:33:35,307 : INFO : topic #26 (0.020): 0.031*\"workplac\" + 0.030*\"champion\" + 0.027*\"woman\" + 0.025*\"olymp\" + 0.023*\"men\" + 0.022*\"medal\" + 0.021*\"event\" + 0.018*\"alic\" + 0.018*\"atheist\" + 0.017*\"nation\"\n", - "2019-01-31 00:33:35,308 : INFO : topic #31 (0.020): 0.060*\"fusiform\" + 0.025*\"scientist\" + 0.025*\"player\" + 0.022*\"taxpay\" + 0.019*\"place\" + 0.013*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.010*\"ruler\"\n", - "2019-01-31 00:33:35,309 : INFO : topic #39 (0.020): 0.042*\"canada\" + 0.035*\"canadian\" + 0.020*\"toronto\" + 0.018*\"hoar\" + 0.017*\"ontario\" + 0.013*\"new\" + 0.012*\"scientist\" + 0.012*\"taxpay\" + 0.012*\"misericordia\" + 0.011*\"novotná\"\n", - "2019-01-31 00:33:35,311 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.011*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.008*\"teufel\" + 0.008*\"empath\" + 0.007*\"king\" + 0.007*\"armi\" + 0.007*\"till\" + 0.007*\"centuri\"\n", - "2019-01-31 00:33:35,312 : INFO : topic #41 (0.020): 0.044*\"citi\" + 0.030*\"new\" + 0.022*\"palmer\" + 0.016*\"strategist\" + 0.014*\"year\" + 0.013*\"center\" + 0.012*\"open\" + 0.010*\"includ\" + 0.009*\"lobe\" + 0.009*\"highli\"\n", - "2019-01-31 00:33:35,318 : INFO : topic diff=0.006282, rho=0.043937\n", - "2019-01-31 00:33:35,473 : INFO : PROGRESS: pass 0, at document #1038000/4922894\n", - "2019-01-31 00:33:36,879 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:33:37,146 : INFO : topic #29 (0.020): 0.017*\"companhia\" + 0.010*\"million\" + 0.008*\"bank\" + 0.008*\"yawn\" + 0.008*\"govern\" + 0.008*\"market\" + 0.008*\"start\" + 0.007*\"busi\" + 0.007*\"industri\" + 0.007*\"function\"\n", - "2019-01-31 00:33:37,147 : INFO : topic #42 (0.020): 0.046*\"german\" + 0.030*\"germani\" + 0.016*\"berlin\" + 0.014*\"israel\" + 0.013*\"vol\" + 0.013*\"der\" + 0.012*\"jewish\" + 0.009*\"hungarian\" + 0.009*\"european\" + 0.009*\"austria\"\n", - "2019-01-31 00:33:37,148 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.036*\"leagu\" + 0.031*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.024*\"crete\" + 0.022*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:33:37,149 : INFO : topic #11 (0.020): 0.028*\"john\" + 0.015*\"will\" + 0.013*\"jame\" + 0.012*\"rival\" + 0.012*\"david\" + 0.010*\"mexican–american\" + 0.009*\"georg\" + 0.009*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:33:37,151 : INFO : topic #48 (0.020): 0.076*\"januari\" + 0.076*\"march\" + 0.075*\"octob\" + 0.074*\"sens\" + 0.069*\"notion\" + 0.068*\"april\" + 0.067*\"decatur\" + 0.067*\"juli\" + 0.066*\"august\" + 0.065*\"judici\"\n", - "2019-01-31 00:33:37,156 : INFO : topic diff=0.006991, rho=0.043895\n", - "2019-01-31 00:33:39,941 : INFO : -11.607 per-word bound, 3118.7 perplexity estimate based on a held-out corpus of 2000 documents with 590235 words\n", - "2019-01-31 00:33:39,942 : INFO : PROGRESS: pass 0, at document #1040000/4922894\n", - "2019-01-31 00:33:41,381 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:33:41,647 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.011*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"group\" + 0.008*\"cultur\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.006*\"student\"\n", - "2019-01-31 00:33:41,648 : INFO : topic #19 (0.020): 0.013*\"languag\" + 0.010*\"woodcut\" + 0.010*\"form\" + 0.010*\"origin\" + 0.009*\"centuri\" + 0.008*\"mean\" + 0.007*\"charact\" + 0.007*\"like\" + 0.007*\"uruguayan\" + 0.007*\"trade\"\n", - "2019-01-31 00:33:41,649 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.009*\"disco\" + 0.008*\"proper\" + 0.007*\"have\" + 0.007*\"media\" + 0.007*\"caus\" + 0.007*\"pathwai\" + 0.006*\"acid\" + 0.006*\"hormon\" + 0.006*\"effect\"\n", - "2019-01-31 00:33:41,650 : INFO : topic #17 (0.020): 0.073*\"church\" + 0.023*\"cathol\" + 0.020*\"christian\" + 0.019*\"bishop\" + 0.015*\"sail\" + 0.014*\"retroflex\" + 0.011*\"parish\" + 0.009*\"historiographi\" + 0.009*\"centuri\" + 0.009*\"poll\"\n", - "2019-01-31 00:33:41,651 : INFO : topic #46 (0.020): 0.018*\"stop\" + 0.016*\"swedish\" + 0.016*\"norwai\" + 0.016*\"sweden\" + 0.015*\"wind\" + 0.015*\"treeless\" + 0.014*\"norwegian\" + 0.013*\"damag\" + 0.013*\"turkish\" + 0.012*\"replac\"\n", - "2019-01-31 00:33:41,657 : INFO : topic diff=0.008986, rho=0.043853\n", - "2019-01-31 00:33:41,813 : INFO : PROGRESS: pass 0, at document #1042000/4922894\n", - "2019-01-31 00:33:43,222 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:33:43,488 : INFO : topic #0 (0.020): 0.066*\"statewid\" + 0.041*\"arsen\" + 0.039*\"line\" + 0.034*\"raid\" + 0.030*\"museo\" + 0.020*\"traceabl\" + 0.018*\"serv\" + 0.014*\"exhaust\" + 0.014*\"pain\" + 0.013*\"gai\"\n", - "2019-01-31 00:33:43,489 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.036*\"cleveland\" + 0.031*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.022*\"folei\" + 0.016*\"goal\" + 0.016*\"martin\" + 0.012*\"schmitz\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:33:43,490 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.033*\"perceptu\" + 0.020*\"theater\" + 0.017*\"place\" + 0.017*\"compos\" + 0.016*\"damn\" + 0.015*\"physician\" + 0.014*\"orchestr\" + 0.014*\"olympo\" + 0.011*\"word\"\n", - "2019-01-31 00:33:43,492 : INFO : topic #6 (0.020): 0.072*\"fewer\" + 0.025*\"epiru\" + 0.023*\"septemb\" + 0.019*\"teacher\" + 0.017*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"movi\" + 0.011*\"direct\" + 0.011*\"acrimoni\"\n", - "2019-01-31 00:33:43,493 : INFO : topic #32 (0.020): 0.057*\"district\" + 0.047*\"vigour\" + 0.043*\"popolo\" + 0.039*\"tortur\" + 0.028*\"cotton\" + 0.027*\"area\" + 0.025*\"regim\" + 0.023*\"multitud\" + 0.021*\"citi\" + 0.019*\"commun\"\n", - "2019-01-31 00:33:43,498 : INFO : topic diff=0.007438, rho=0.043811\n", - "2019-01-31 00:33:43,657 : INFO : PROGRESS: pass 0, at document #1044000/4922894\n", - "2019-01-31 00:33:45,080 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:33:45,346 : INFO : topic #11 (0.020): 0.028*\"john\" + 0.015*\"will\" + 0.013*\"jame\" + 0.012*\"rival\" + 0.011*\"david\" + 0.010*\"mexican–american\" + 0.009*\"georg\" + 0.009*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:33:45,347 : INFO : topic #8 (0.020): 0.028*\"law\" + 0.023*\"cortic\" + 0.020*\"act\" + 0.018*\"start\" + 0.014*\"ricardo\" + 0.013*\"case\" + 0.011*\"polaris\" + 0.009*\"legal\" + 0.008*\"replac\" + 0.007*\"judaism\"\n", - "2019-01-31 00:33:45,348 : INFO : topic #21 (0.020): 0.039*\"samford\" + 0.023*\"spain\" + 0.020*\"mexico\" + 0.019*\"del\" + 0.014*\"soviet\" + 0.012*\"juan\" + 0.011*\"santa\" + 0.011*\"lizard\" + 0.011*\"carlo\" + 0.011*\"francisco\"\n", - "2019-01-31 00:33:45,349 : INFO : topic #20 (0.020): 0.140*\"scholar\" + 0.039*\"struggl\" + 0.036*\"high\" + 0.029*\"educ\" + 0.022*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.009*\"gothic\" + 0.009*\"district\" + 0.009*\"task\"\n", - "2019-01-31 00:33:45,350 : INFO : topic #48 (0.020): 0.075*\"march\" + 0.074*\"januari\" + 0.074*\"octob\" + 0.073*\"sens\" + 0.067*\"notion\" + 0.066*\"april\" + 0.066*\"juli\" + 0.065*\"august\" + 0.065*\"decatur\" + 0.064*\"judici\"\n", - "2019-01-31 00:33:45,356 : INFO : topic diff=0.008850, rho=0.043769\n", - "2019-01-31 00:33:45,511 : INFO : PROGRESS: pass 0, at document #1046000/4922894\n", - "2019-01-31 00:33:46,920 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:33:47,187 : INFO : topic #41 (0.020): 0.044*\"citi\" + 0.030*\"new\" + 0.022*\"palmer\" + 0.016*\"strategist\" + 0.015*\"year\" + 0.013*\"center\" + 0.012*\"open\" + 0.010*\"includ\" + 0.009*\"lobe\" + 0.009*\"highli\"\n", - "2019-01-31 00:33:47,188 : INFO : topic #27 (0.020): 0.071*\"questionnair\" + 0.019*\"candid\" + 0.019*\"taxpay\" + 0.014*\"fool\" + 0.013*\"driver\" + 0.012*\"ret\" + 0.012*\"horac\" + 0.012*\"find\" + 0.012*\"tornado\" + 0.010*\"champion\"\n", - "2019-01-31 00:33:47,189 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.050*\"chilton\" + 0.026*\"kong\" + 0.025*\"hong\" + 0.020*\"korea\" + 0.018*\"korean\" + 0.015*\"leah\" + 0.014*\"sourc\" + 0.013*\"kim\" + 0.013*\"shirin\"\n", - "2019-01-31 00:33:47,190 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"pour\" + 0.014*\"depress\" + 0.011*\"elabor\" + 0.010*\"mode\" + 0.009*\"veget\" + 0.008*\"produc\" + 0.008*\"candid\" + 0.007*\"uruguayan\" + 0.007*\"encyclopedia\"\n", - "2019-01-31 00:33:47,191 : INFO : topic #9 (0.020): 0.068*\"bone\" + 0.045*\"american\" + 0.031*\"valour\" + 0.021*\"dutch\" + 0.018*\"folei\" + 0.018*\"player\" + 0.017*\"english\" + 0.017*\"polit\" + 0.013*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 00:33:47,197 : INFO : topic diff=0.006886, rho=0.043727\n", - "2019-01-31 00:33:47,350 : INFO : PROGRESS: pass 0, at document #1048000/4922894\n", - "2019-01-31 00:33:48,741 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:33:49,007 : INFO : topic #3 (0.020): 0.035*\"present\" + 0.027*\"offic\" + 0.025*\"minist\" + 0.020*\"serv\" + 0.019*\"gener\" + 0.018*\"nation\" + 0.018*\"member\" + 0.018*\"govern\" + 0.016*\"seri\" + 0.015*\"chickasaw\"\n", - "2019-01-31 00:33:49,008 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.030*\"germani\" + 0.015*\"berlin\" + 0.014*\"israel\" + 0.014*\"vol\" + 0.013*\"der\" + 0.012*\"jewish\" + 0.009*\"european\" + 0.009*\"isra\" + 0.008*\"austria\"\n", - "2019-01-31 00:33:49,010 : INFO : topic #24 (0.020): 0.042*\"book\" + 0.035*\"publicis\" + 0.024*\"word\" + 0.018*\"new\" + 0.015*\"edit\" + 0.014*\"nicola\" + 0.013*\"presid\" + 0.012*\"storag\" + 0.011*\"magazin\" + 0.011*\"worldwid\"\n", - "2019-01-31 00:33:49,011 : INFO : topic #0 (0.020): 0.065*\"statewid\" + 0.042*\"arsen\" + 0.038*\"line\" + 0.033*\"raid\" + 0.031*\"museo\" + 0.020*\"traceabl\" + 0.018*\"serv\" + 0.015*\"pain\" + 0.014*\"exhaust\" + 0.013*\"gai\"\n", - "2019-01-31 00:33:49,012 : INFO : topic #23 (0.020): 0.134*\"audit\" + 0.069*\"best\" + 0.035*\"yawn\" + 0.029*\"jacksonvil\" + 0.026*\"japanes\" + 0.021*\"festiv\" + 0.021*\"noll\" + 0.019*\"intern\" + 0.018*\"women\" + 0.015*\"winner\"\n", - "2019-01-31 00:33:49,018 : INFO : topic diff=0.006464, rho=0.043685\n", - "2019-01-31 00:33:49,173 : INFO : PROGRESS: pass 0, at document #1050000/4922894\n", - "2019-01-31 00:33:50,573 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:33:50,838 : INFO : topic #6 (0.020): 0.072*\"fewer\" + 0.024*\"epiru\" + 0.023*\"septemb\" + 0.019*\"teacher\" + 0.018*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:33:50,840 : INFO : topic #20 (0.020): 0.139*\"scholar\" + 0.039*\"struggl\" + 0.035*\"high\" + 0.029*\"educ\" + 0.021*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"gothic\" + 0.010*\"district\" + 0.010*\"task\"\n", - "2019-01-31 00:33:50,841 : INFO : topic #40 (0.020): 0.092*\"unit\" + 0.022*\"schuster\" + 0.022*\"collector\" + 0.022*\"institut\" + 0.020*\"requir\" + 0.017*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.012*\"http\" + 0.011*\"governor\"\n", - "2019-01-31 00:33:50,842 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"kill\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.004*\"like\" + 0.004*\"deal\" + 0.004*\"end\" + 0.004*\"help\"\n", - "2019-01-31 00:33:50,843 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.023*\"aggress\" + 0.020*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.012*\"airbu\" + 0.012*\"militari\" + 0.011*\"airmen\"\n", - "2019-01-31 00:33:50,849 : INFO : topic diff=0.007840, rho=0.043644\n", - "2019-01-31 00:33:51,001 : INFO : PROGRESS: pass 0, at document #1052000/4922894\n", - "2019-01-31 00:33:52,376 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:33:52,642 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"pour\" + 0.014*\"depress\" + 0.011*\"elabor\" + 0.009*\"mode\" + 0.008*\"veget\" + 0.008*\"produc\" + 0.007*\"candid\" + 0.007*\"encyclopedia\" + 0.007*\"uruguayan\"\n", - "2019-01-31 00:33:52,643 : INFO : topic #0 (0.020): 0.064*\"statewid\" + 0.042*\"arsen\" + 0.037*\"line\" + 0.032*\"raid\" + 0.030*\"museo\" + 0.019*\"traceabl\" + 0.017*\"serv\" + 0.015*\"pain\" + 0.015*\"exhaust\" + 0.013*\"gai\"\n", - "2019-01-31 00:33:52,644 : INFO : topic #43 (0.020): 0.063*\"elect\" + 0.059*\"parti\" + 0.024*\"voluntari\" + 0.021*\"member\" + 0.021*\"democrat\" + 0.018*\"polici\" + 0.014*\"bypass\" + 0.013*\"report\" + 0.013*\"republ\" + 0.013*\"liber\"\n", - "2019-01-31 00:33:52,645 : INFO : topic #32 (0.020): 0.056*\"district\" + 0.047*\"vigour\" + 0.044*\"popolo\" + 0.039*\"tortur\" + 0.027*\"cotton\" + 0.027*\"area\" + 0.025*\"regim\" + 0.024*\"multitud\" + 0.021*\"citi\" + 0.019*\"commun\"\n", - "2019-01-31 00:33:52,646 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.011*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"group\" + 0.009*\"word\" + 0.008*\"peopl\" + 0.008*\"cultur\" + 0.007*\"human\" + 0.006*\"socialist\"\n", - "2019-01-31 00:33:52,652 : INFO : topic diff=0.007742, rho=0.043602\n", - "2019-01-31 00:33:52,857 : INFO : PROGRESS: pass 0, at document #1054000/4922894\n", - "2019-01-31 00:33:54,248 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:33:54,515 : INFO : topic #28 (0.020): 0.030*\"build\" + 0.027*\"hous\" + 0.022*\"rivièr\" + 0.017*\"buford\" + 0.012*\"histor\" + 0.011*\"briarwood\" + 0.011*\"strategist\" + 0.011*\"constitut\" + 0.010*\"depress\" + 0.010*\"linear\"\n", - "2019-01-31 00:33:54,516 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.012*\"aza\" + 0.009*\"battalion\" + 0.008*\"forc\" + 0.008*\"teufel\" + 0.008*\"till\" + 0.007*\"empath\" + 0.007*\"king\" + 0.007*\"armi\" + 0.007*\"centuri\"\n", - "2019-01-31 00:33:54,517 : INFO : topic #34 (0.020): 0.070*\"start\" + 0.033*\"cotton\" + 0.031*\"unionist\" + 0.030*\"american\" + 0.025*\"new\" + 0.014*\"year\" + 0.014*\"warrior\" + 0.013*\"california\" + 0.013*\"terri\" + 0.013*\"north\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:33:54,518 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"kill\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.004*\"like\" + 0.004*\"end\" + 0.004*\"deal\" + 0.004*\"help\"\n", - "2019-01-31 00:33:54,519 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.022*\"cortic\" + 0.020*\"act\" + 0.018*\"start\" + 0.014*\"ricardo\" + 0.012*\"polaris\" + 0.012*\"case\" + 0.008*\"legal\" + 0.008*\"replac\" + 0.007*\"judaism\"\n", - "2019-01-31 00:33:54,525 : INFO : topic diff=0.007114, rho=0.043561\n", - "2019-01-31 00:33:54,679 : INFO : PROGRESS: pass 0, at document #1056000/4922894\n", - "2019-01-31 00:33:56,067 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:33:56,333 : INFO : topic #44 (0.020): 0.032*\"rooftop\" + 0.028*\"final\" + 0.021*\"wife\" + 0.021*\"tourist\" + 0.020*\"champion\" + 0.017*\"taxpay\" + 0.015*\"tiepolo\" + 0.015*\"martin\" + 0.015*\"chamber\" + 0.013*\"open\"\n", - "2019-01-31 00:33:56,334 : INFO : topic #31 (0.020): 0.061*\"fusiform\" + 0.025*\"scientist\" + 0.025*\"player\" + 0.022*\"taxpay\" + 0.019*\"place\" + 0.013*\"clot\" + 0.012*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.010*\"ruler\"\n", - "2019-01-31 00:33:56,335 : INFO : topic #27 (0.020): 0.072*\"questionnair\" + 0.019*\"taxpay\" + 0.018*\"candid\" + 0.014*\"fool\" + 0.013*\"ret\" + 0.012*\"driver\" + 0.012*\"tornado\" + 0.012*\"find\" + 0.011*\"horac\" + 0.010*\"champion\"\n", - "2019-01-31 00:33:56,336 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.044*\"franc\" + 0.031*\"pari\" + 0.024*\"sail\" + 0.024*\"jean\" + 0.018*\"daphn\" + 0.013*\"lazi\" + 0.013*\"piec\" + 0.013*\"loui\" + 0.010*\"wine\"\n", - "2019-01-31 00:33:56,337 : INFO : topic #1 (0.020): 0.053*\"china\" + 0.048*\"chilton\" + 0.025*\"kong\" + 0.025*\"hong\" + 0.021*\"korea\" + 0.018*\"korean\" + 0.016*\"leah\" + 0.015*\"sourc\" + 0.013*\"kim\" + 0.012*\"shirin\"\n", - "2019-01-31 00:33:56,343 : INFO : topic diff=0.007609, rho=0.043519\n", - "2019-01-31 00:33:56,497 : INFO : PROGRESS: pass 0, at document #1058000/4922894\n", - "2019-01-31 00:33:57,876 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:33:58,142 : INFO : topic #2 (0.020): 0.051*\"isl\" + 0.037*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.013*\"pope\" + 0.011*\"blur\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.008*\"sai\" + 0.008*\"bahá\"\n", - "2019-01-31 00:33:58,143 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.034*\"perceptu\" + 0.020*\"theater\" + 0.017*\"place\" + 0.017*\"compos\" + 0.016*\"damn\" + 0.014*\"physician\" + 0.014*\"olympo\" + 0.013*\"orchestr\" + 0.012*\"word\"\n", - "2019-01-31 00:33:58,144 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"pour\" + 0.014*\"depress\" + 0.010*\"elabor\" + 0.009*\"mode\" + 0.008*\"veget\" + 0.008*\"produc\" + 0.007*\"candid\" + 0.007*\"encyclopedia\" + 0.007*\"uruguayan\"\n", - "2019-01-31 00:33:58,145 : INFO : topic #37 (0.020): 0.010*\"man\" + 0.010*\"love\" + 0.008*\"gestur\" + 0.006*\"blue\" + 0.005*\"litig\" + 0.005*\"bewild\" + 0.004*\"vision\" + 0.004*\"comic\" + 0.004*\"madison\" + 0.004*\"night\"\n", - "2019-01-31 00:33:58,146 : INFO : topic #34 (0.020): 0.071*\"start\" + 0.032*\"cotton\" + 0.031*\"unionist\" + 0.030*\"american\" + 0.024*\"new\" + 0.014*\"terri\" + 0.013*\"year\" + 0.013*\"warrior\" + 0.013*\"california\" + 0.013*\"north\"\n", - "2019-01-31 00:33:58,152 : INFO : topic diff=0.006689, rho=0.043478\n", - "2019-01-31 00:34:00,893 : INFO : -11.641 per-word bound, 3194.2 perplexity estimate based on a held-out corpus of 2000 documents with 568585 words\n", - "2019-01-31 00:34:00,893 : INFO : PROGRESS: pass 0, at document #1060000/4922894\n", - "2019-01-31 00:34:02,319 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:34:02,585 : INFO : topic #35 (0.020): 0.052*\"russia\" + 0.036*\"sovereignti\" + 0.031*\"rural\" + 0.025*\"poison\" + 0.024*\"personifi\" + 0.022*\"reprint\" + 0.020*\"moscow\" + 0.018*\"unfortun\" + 0.016*\"poland\" + 0.015*\"malaysia\"\n", - "2019-01-31 00:34:02,586 : INFO : topic #41 (0.020): 0.044*\"citi\" + 0.031*\"new\" + 0.022*\"palmer\" + 0.015*\"strategist\" + 0.015*\"year\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"highli\"\n", - "2019-01-31 00:34:02,587 : INFO : topic #3 (0.020): 0.036*\"present\" + 0.027*\"minist\" + 0.026*\"offic\" + 0.020*\"serv\" + 0.019*\"gener\" + 0.019*\"member\" + 0.018*\"nation\" + 0.018*\"govern\" + 0.016*\"seri\" + 0.015*\"chickasaw\"\n", - "2019-01-31 00:34:02,588 : INFO : topic #46 (0.020): 0.018*\"stop\" + 0.017*\"damag\" + 0.016*\"sweden\" + 0.016*\"norwai\" + 0.015*\"swedish\" + 0.014*\"wind\" + 0.014*\"norwegian\" + 0.013*\"turkish\" + 0.012*\"treeless\" + 0.012*\"replac\"\n", - "2019-01-31 00:34:02,589 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"pour\" + 0.014*\"depress\" + 0.010*\"elabor\" + 0.009*\"mode\" + 0.008*\"veget\" + 0.008*\"produc\" + 0.008*\"candid\" + 0.007*\"encyclopedia\" + 0.007*\"uruguayan\"\n", - "2019-01-31 00:34:02,595 : INFO : topic diff=0.007224, rho=0.043437\n", - "2019-01-31 00:34:02,748 : INFO : PROGRESS: pass 0, at document #1062000/4922894\n", - "2019-01-31 00:34:04,130 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:34:04,396 : INFO : topic #48 (0.020): 0.079*\"march\" + 0.074*\"octob\" + 0.074*\"januari\" + 0.073*\"sens\" + 0.069*\"notion\" + 0.068*\"april\" + 0.066*\"juli\" + 0.066*\"august\" + 0.066*\"decatur\" + 0.063*\"judici\"\n", - "2019-01-31 00:34:04,398 : INFO : topic #5 (0.020): 0.040*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.017*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 00:34:04,399 : INFO : topic #34 (0.020): 0.070*\"start\" + 0.032*\"cotton\" + 0.030*\"unionist\" + 0.030*\"american\" + 0.024*\"new\" + 0.013*\"terri\" + 0.013*\"warrior\" + 0.013*\"year\" + 0.013*\"north\" + 0.013*\"california\"\n", - "2019-01-31 00:34:04,400 : INFO : topic #23 (0.020): 0.135*\"audit\" + 0.067*\"best\" + 0.035*\"yawn\" + 0.031*\"jacksonvil\" + 0.026*\"japanes\" + 0.021*\"noll\" + 0.020*\"festiv\" + 0.018*\"women\" + 0.018*\"intern\" + 0.015*\"prison\"\n", - "2019-01-31 00:34:04,401 : INFO : topic #49 (0.020): 0.042*\"india\" + 0.028*\"incumb\" + 0.016*\"televis\" + 0.012*\"islam\" + 0.011*\"pakistan\" + 0.010*\"sri\" + 0.010*\"anglo\" + 0.010*\"affection\" + 0.010*\"alam\" + 0.010*\"khalsa\"\n", - "2019-01-31 00:34:04,407 : INFO : topic diff=0.006235, rho=0.043396\n", - "2019-01-31 00:34:04,564 : INFO : PROGRESS: pass 0, at document #1064000/4922894\n", - "2019-01-31 00:34:05,971 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:34:06,237 : INFO : topic #31 (0.020): 0.059*\"fusiform\" + 0.026*\"scientist\" + 0.025*\"player\" + 0.023*\"taxpay\" + 0.019*\"place\" + 0.014*\"clot\" + 0.012*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"barber\"\n", - "2019-01-31 00:34:06,238 : INFO : topic #39 (0.020): 0.043*\"canada\" + 0.036*\"canadian\" + 0.020*\"toronto\" + 0.019*\"hoar\" + 0.018*\"ontario\" + 0.013*\"new\" + 0.013*\"nba\" + 0.012*\"scientist\" + 0.011*\"taxpay\" + 0.011*\"hydrogen\"\n", - "2019-01-31 00:34:06,239 : INFO : topic #8 (0.020): 0.028*\"law\" + 0.023*\"cortic\" + 0.019*\"act\" + 0.019*\"start\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.012*\"polaris\" + 0.009*\"legal\" + 0.008*\"replac\" + 0.007*\"judaism\"\n", - "2019-01-31 00:34:06,240 : INFO : topic #20 (0.020): 0.140*\"scholar\" + 0.039*\"struggl\" + 0.034*\"high\" + 0.029*\"educ\" + 0.021*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.009*\"gothic\" + 0.009*\"task\"\n", - "2019-01-31 00:34:06,241 : INFO : topic #13 (0.020): 0.027*\"australia\" + 0.025*\"sourc\" + 0.025*\"new\" + 0.024*\"london\" + 0.023*\"england\" + 0.022*\"australian\" + 0.020*\"british\" + 0.017*\"ireland\" + 0.016*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:34:06,247 : INFO : topic diff=0.006765, rho=0.043355\n", - "2019-01-31 00:34:06,408 : INFO : PROGRESS: pass 0, at document #1066000/4922894\n", - "2019-01-31 00:34:07,842 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:34:08,108 : INFO : topic #46 (0.020): 0.018*\"stop\" + 0.016*\"damag\" + 0.016*\"norwai\" + 0.015*\"sweden\" + 0.015*\"swedish\" + 0.014*\"norwegian\" + 0.013*\"wind\" + 0.013*\"treeless\" + 0.013*\"turkish\" + 0.012*\"huntsvil\"\n", - "2019-01-31 00:34:08,109 : INFO : topic #33 (0.020): 0.060*\"french\" + 0.045*\"franc\" + 0.031*\"pari\" + 0.024*\"sail\" + 0.023*\"jean\" + 0.018*\"daphn\" + 0.013*\"lazi\" + 0.013*\"loui\" + 0.012*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 00:34:08,110 : INFO : topic #36 (0.020): 0.011*\"prognosi\" + 0.011*\"network\" + 0.010*\"pop\" + 0.008*\"develop\" + 0.008*\"serv\" + 0.008*\"cytokin\" + 0.008*\"user\" + 0.008*\"base\" + 0.008*\"includ\" + 0.007*\"softwar\"\n", - "2019-01-31 00:34:08,111 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.047*\"chilton\" + 0.025*\"kong\" + 0.025*\"hong\" + 0.023*\"korea\" + 0.018*\"korean\" + 0.016*\"leah\" + 0.016*\"sourc\" + 0.014*\"kim\" + 0.012*\"ashvil\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:34:08,112 : INFO : topic #48 (0.020): 0.079*\"march\" + 0.075*\"octob\" + 0.073*\"sens\" + 0.073*\"januari\" + 0.068*\"april\" + 0.068*\"notion\" + 0.065*\"decatur\" + 0.065*\"juli\" + 0.065*\"august\" + 0.062*\"judici\"\n", - "2019-01-31 00:34:08,118 : INFO : topic diff=0.007163, rho=0.043315\n", - "2019-01-31 00:34:08,271 : INFO : PROGRESS: pass 0, at document #1068000/4922894\n", - "2019-01-31 00:34:09,669 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:34:09,935 : INFO : topic #43 (0.020): 0.065*\"elect\" + 0.057*\"parti\" + 0.023*\"voluntari\" + 0.022*\"democrat\" + 0.021*\"member\" + 0.017*\"polici\" + 0.015*\"republ\" + 0.013*\"report\" + 0.013*\"seaport\" + 0.013*\"liber\"\n", - "2019-01-31 00:34:09,936 : INFO : topic #17 (0.020): 0.076*\"church\" + 0.021*\"christian\" + 0.021*\"cathol\" + 0.019*\"bishop\" + 0.015*\"sail\" + 0.014*\"retroflex\" + 0.010*\"parish\" + 0.010*\"relationship\" + 0.009*\"centuri\" + 0.009*\"historiographi\"\n", - "2019-01-31 00:34:09,937 : INFO : topic #21 (0.020): 0.039*\"samford\" + 0.023*\"spain\" + 0.020*\"mexico\" + 0.019*\"del\" + 0.013*\"soviet\" + 0.012*\"juan\" + 0.011*\"santa\" + 0.011*\"lizard\" + 0.011*\"josé\" + 0.011*\"francisco\"\n", - "2019-01-31 00:34:09,938 : INFO : topic #31 (0.020): 0.059*\"fusiform\" + 0.026*\"scientist\" + 0.025*\"player\" + 0.023*\"taxpay\" + 0.019*\"place\" + 0.014*\"clot\" + 0.012*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"ruler\"\n", - "2019-01-31 00:34:09,939 : INFO : topic #37 (0.020): 0.010*\"man\" + 0.009*\"love\" + 0.008*\"gestur\" + 0.005*\"blue\" + 0.005*\"bewild\" + 0.005*\"litig\" + 0.004*\"dixi\" + 0.004*\"vision\" + 0.004*\"comic\" + 0.004*\"night\"\n", - "2019-01-31 00:34:09,945 : INFO : topic diff=0.006457, rho=0.043274\n", - "2019-01-31 00:34:10,102 : INFO : PROGRESS: pass 0, at document #1070000/4922894\n", - "2019-01-31 00:34:11,502 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:34:11,768 : INFO : topic #40 (0.020): 0.092*\"unit\" + 0.025*\"collector\" + 0.022*\"schuster\" + 0.022*\"institut\" + 0.019*\"requir\" + 0.017*\"student\" + 0.015*\"professor\" + 0.012*\"word\" + 0.011*\"governor\" + 0.011*\"http\"\n", - "2019-01-31 00:34:11,769 : INFO : topic #24 (0.020): 0.042*\"book\" + 0.035*\"publicis\" + 0.024*\"word\" + 0.017*\"new\" + 0.014*\"edit\" + 0.013*\"nicola\" + 0.013*\"presid\" + 0.012*\"storag\" + 0.011*\"magazin\" + 0.011*\"collect\"\n", - "2019-01-31 00:34:11,770 : INFO : topic #34 (0.020): 0.070*\"start\" + 0.031*\"cotton\" + 0.031*\"unionist\" + 0.030*\"american\" + 0.024*\"new\" + 0.014*\"warrior\" + 0.014*\"terri\" + 0.013*\"year\" + 0.013*\"california\" + 0.013*\"north\"\n", - "2019-01-31 00:34:11,771 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.031*\"incumb\" + 0.016*\"televis\" + 0.012*\"islam\" + 0.011*\"pakistan\" + 0.011*\"sri\" + 0.010*\"anglo\" + 0.010*\"muskoge\" + 0.010*\"affection\" + 0.010*\"alam\"\n", - "2019-01-31 00:34:11,772 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.027*\"reconstruct\" + 0.022*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:34:11,778 : INFO : topic diff=0.005978, rho=0.043234\n", - "2019-01-31 00:34:11,938 : INFO : PROGRESS: pass 0, at document #1072000/4922894\n", - "2019-01-31 00:34:13,350 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:34:13,616 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.009*\"fleet\" + 0.008*\"bahá\"\n", - "2019-01-31 00:34:13,617 : INFO : topic #23 (0.020): 0.135*\"audit\" + 0.067*\"best\" + 0.035*\"yawn\" + 0.032*\"jacksonvil\" + 0.025*\"japanes\" + 0.021*\"noll\" + 0.020*\"festiv\" + 0.019*\"women\" + 0.018*\"intern\" + 0.015*\"prison\"\n", - "2019-01-31 00:34:13,618 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"pour\" + 0.014*\"depress\" + 0.010*\"mode\" + 0.009*\"elabor\" + 0.008*\"veget\" + 0.008*\"produc\" + 0.007*\"candid\" + 0.007*\"uruguayan\" + 0.007*\"mandir\"\n", - "2019-01-31 00:34:13,620 : INFO : topic #42 (0.020): 0.044*\"german\" + 0.030*\"germani\" + 0.015*\"jewish\" + 0.015*\"berlin\" + 0.013*\"israel\" + 0.013*\"vol\" + 0.012*\"der\" + 0.009*\"jeremiah\" + 0.009*\"european\" + 0.008*\"europ\"\n", - "2019-01-31 00:34:13,621 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.035*\"perceptu\" + 0.020*\"theater\" + 0.018*\"place\" + 0.017*\"compos\" + 0.017*\"damn\" + 0.014*\"olympo\" + 0.014*\"physician\" + 0.013*\"orchestr\" + 0.011*\"word\"\n", - "2019-01-31 00:34:13,627 : INFO : topic diff=0.007211, rho=0.043193\n", - "2019-01-31 00:34:13,785 : INFO : PROGRESS: pass 0, at document #1074000/4922894\n", - "2019-01-31 00:34:15,240 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:34:15,506 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"théori\" + 0.007*\"gener\" + 0.007*\"exampl\" + 0.006*\"southern\" + 0.006*\"poet\" + 0.006*\"measur\" + 0.006*\"servitud\" + 0.005*\"utopian\"\n", - "2019-01-31 00:34:15,507 : INFO : topic #28 (0.020): 0.030*\"build\" + 0.026*\"hous\" + 0.022*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.011*\"briarwood\" + 0.011*\"strategist\" + 0.011*\"constitut\" + 0.010*\"depress\" + 0.010*\"silicon\"\n", - "2019-01-31 00:34:15,509 : INFO : topic #37 (0.020): 0.010*\"man\" + 0.010*\"love\" + 0.008*\"gestur\" + 0.005*\"blue\" + 0.005*\"litig\" + 0.005*\"bewild\" + 0.004*\"vision\" + 0.004*\"comic\" + 0.004*\"dixi\" + 0.004*\"septemb\"\n", - "2019-01-31 00:34:15,510 : INFO : topic #40 (0.020): 0.091*\"unit\" + 0.025*\"collector\" + 0.024*\"schuster\" + 0.022*\"institut\" + 0.019*\"requir\" + 0.017*\"student\" + 0.015*\"professor\" + 0.012*\"word\" + 0.011*\"governor\" + 0.011*\"http\"\n", - "2019-01-31 00:34:15,511 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.011*\"organ\" + 0.011*\"develop\" + 0.010*\"commun\" + 0.009*\"group\" + 0.009*\"word\" + 0.008*\"cultur\" + 0.008*\"peopl\" + 0.006*\"human\" + 0.006*\"woman\"\n", - "2019-01-31 00:34:15,517 : INFO : topic diff=0.005948, rho=0.043153\n", - "2019-01-31 00:34:15,672 : INFO : PROGRESS: pass 0, at document #1076000/4922894\n", - "2019-01-31 00:34:17,088 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:34:17,355 : INFO : topic #6 (0.020): 0.072*\"fewer\" + 0.025*\"septemb\" + 0.024*\"epiru\" + 0.019*\"stake\" + 0.019*\"teacher\" + 0.013*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.011*\"acrimoni\"\n", - "2019-01-31 00:34:17,356 : INFO : topic #2 (0.020): 0.051*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.009*\"fleet\" + 0.009*\"sai\"\n", - "2019-01-31 00:34:17,357 : INFO : topic #27 (0.020): 0.072*\"questionnair\" + 0.019*\"candid\" + 0.018*\"taxpay\" + 0.013*\"fool\" + 0.012*\"driver\" + 0.012*\"ret\" + 0.012*\"tornado\" + 0.011*\"find\" + 0.011*\"horac\" + 0.010*\"champion\"\n", - "2019-01-31 00:34:17,358 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.013*\"aza\" + 0.009*\"battalion\" + 0.008*\"teufel\" + 0.008*\"forc\" + 0.008*\"till\" + 0.008*\"empath\" + 0.007*\"king\" + 0.007*\"armi\" + 0.006*\"centuri\"\n", - "2019-01-31 00:34:17,359 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.012*\"organ\" + 0.011*\"develop\" + 0.010*\"commun\" + 0.009*\"group\" + 0.009*\"word\" + 0.008*\"cultur\" + 0.008*\"peopl\" + 0.006*\"human\" + 0.006*\"student\"\n", - "2019-01-31 00:34:17,366 : INFO : topic diff=0.007542, rho=0.043113\n", - "2019-01-31 00:34:17,525 : INFO : PROGRESS: pass 0, at document #1078000/4922894\n", - "2019-01-31 00:34:18,959 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:34:19,225 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"théori\" + 0.007*\"gener\" + 0.007*\"exampl\" + 0.006*\"poet\" + 0.006*\"southern\" + 0.006*\"servitud\" + 0.005*\"measur\" + 0.005*\"differ\"\n", - "2019-01-31 00:34:19,227 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"disco\" + 0.008*\"acid\" + 0.007*\"media\" + 0.007*\"have\" + 0.007*\"proper\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"treat\" + 0.006*\"hormon\"\n", - "2019-01-31 00:34:19,228 : INFO : topic #40 (0.020): 0.091*\"unit\" + 0.025*\"collector\" + 0.024*\"schuster\" + 0.022*\"institut\" + 0.019*\"requir\" + 0.017*\"student\" + 0.015*\"professor\" + 0.012*\"word\" + 0.011*\"governor\" + 0.011*\"http\"\n", - "2019-01-31 00:34:19,229 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.014*\"pour\" + 0.014*\"depress\" + 0.010*\"elabor\" + 0.010*\"mode\" + 0.008*\"veget\" + 0.008*\"candid\" + 0.008*\"produc\" + 0.007*\"uruguayan\" + 0.007*\"encyclopedia\"\n", - "2019-01-31 00:34:19,230 : INFO : topic #32 (0.020): 0.055*\"district\" + 0.046*\"vigour\" + 0.044*\"popolo\" + 0.038*\"tortur\" + 0.028*\"area\" + 0.027*\"cotton\" + 0.025*\"regim\" + 0.025*\"multitud\" + 0.022*\"citi\" + 0.019*\"cede\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:34:19,236 : INFO : topic diff=0.006228, rho=0.043073\n", - "2019-01-31 00:34:21,897 : INFO : -11.672 per-word bound, 3262.0 perplexity estimate based on a held-out corpus of 2000 documents with 526071 words\n", - "2019-01-31 00:34:21,898 : INFO : PROGRESS: pass 0, at document #1080000/4922894\n", - "2019-01-31 00:34:23,286 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:34:23,553 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"disco\" + 0.008*\"acid\" + 0.007*\"have\" + 0.007*\"proper\" + 0.007*\"media\" + 0.007*\"pathwai\" + 0.006*\"caus\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 00:34:23,554 : INFO : topic #0 (0.020): 0.064*\"statewid\" + 0.041*\"arsen\" + 0.039*\"line\" + 0.034*\"raid\" + 0.030*\"museo\" + 0.020*\"traceabl\" + 0.017*\"serv\" + 0.015*\"pain\" + 0.014*\"exhaust\" + 0.013*\"gai\"\n", - "2019-01-31 00:34:23,555 : INFO : topic #20 (0.020): 0.142*\"scholar\" + 0.038*\"struggl\" + 0.035*\"high\" + 0.030*\"educ\" + 0.021*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.009*\"task\" + 0.009*\"gothic\"\n", - "2019-01-31 00:34:23,556 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.014*\"pour\" + 0.014*\"depress\" + 0.010*\"elabor\" + 0.010*\"mode\" + 0.009*\"veget\" + 0.008*\"candid\" + 0.008*\"produc\" + 0.007*\"uruguayan\" + 0.007*\"encyclopedia\"\n", - "2019-01-31 00:34:23,557 : INFO : topic #27 (0.020): 0.071*\"questionnair\" + 0.019*\"candid\" + 0.018*\"taxpay\" + 0.013*\"fool\" + 0.013*\"driver\" + 0.012*\"tornado\" + 0.011*\"find\" + 0.011*\"ret\" + 0.011*\"horac\" + 0.010*\"théori\"\n", - "2019-01-31 00:34:23,563 : INFO : topic diff=0.006625, rho=0.043033\n", - "2019-01-31 00:34:23,717 : INFO : PROGRESS: pass 0, at document #1082000/4922894\n", - "2019-01-31 00:34:25,108 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:34:25,375 : INFO : topic #27 (0.020): 0.071*\"questionnair\" + 0.019*\"candid\" + 0.018*\"taxpay\" + 0.013*\"fool\" + 0.013*\"driver\" + 0.012*\"tornado\" + 0.011*\"find\" + 0.011*\"ret\" + 0.011*\"horac\" + 0.010*\"champion\"\n", - "2019-01-31 00:34:25,376 : INFO : topic #11 (0.020): 0.027*\"john\" + 0.014*\"will\" + 0.013*\"jame\" + 0.012*\"david\" + 0.011*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"georg\" + 0.009*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:34:25,377 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.011*\"organ\" + 0.011*\"develop\" + 0.010*\"commun\" + 0.009*\"group\" + 0.009*\"word\" + 0.008*\"cultur\" + 0.008*\"peopl\" + 0.006*\"student\" + 0.006*\"woman\"\n", - "2019-01-31 00:34:25,378 : INFO : topic #17 (0.020): 0.074*\"church\" + 0.021*\"christian\" + 0.021*\"cathol\" + 0.019*\"bishop\" + 0.015*\"sail\" + 0.014*\"retroflex\" + 0.010*\"relationship\" + 0.010*\"parish\" + 0.009*\"centuri\" + 0.009*\"cathedr\"\n", - "2019-01-31 00:34:25,380 : INFO : topic #16 (0.020): 0.045*\"king\" + 0.030*\"priest\" + 0.020*\"duke\" + 0.018*\"quarterli\" + 0.018*\"grammat\" + 0.018*\"idiosyncrat\" + 0.018*\"rotterdam\" + 0.015*\"count\" + 0.013*\"brazil\" + 0.012*\"princ\"\n", - "2019-01-31 00:34:25,385 : INFO : topic diff=0.006195, rho=0.042993\n", - "2019-01-31 00:34:25,540 : INFO : PROGRESS: pass 0, at document #1084000/4922894\n", - "2019-01-31 00:34:26,932 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:34:27,199 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.004*\"deal\" + 0.004*\"end\" + 0.004*\"help\"\n", - "2019-01-31 00:34:27,200 : INFO : topic #20 (0.020): 0.142*\"scholar\" + 0.038*\"struggl\" + 0.035*\"high\" + 0.030*\"educ\" + 0.022*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.009*\"district\" + 0.009*\"task\" + 0.009*\"gothic\"\n", - "2019-01-31 00:34:27,201 : INFO : topic #33 (0.020): 0.060*\"french\" + 0.045*\"franc\" + 0.032*\"pari\" + 0.024*\"sail\" + 0.022*\"jean\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.012*\"piec\" + 0.011*\"wine\"\n", - "2019-01-31 00:34:27,202 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.055*\"parti\" + 0.023*\"voluntari\" + 0.022*\"democrat\" + 0.021*\"member\" + 0.018*\"polici\" + 0.016*\"liber\" + 0.014*\"republ\" + 0.013*\"seaport\" + 0.013*\"report\"\n", - "2019-01-31 00:34:27,203 : INFO : topic #34 (0.020): 0.071*\"start\" + 0.036*\"cotton\" + 0.030*\"unionist\" + 0.029*\"american\" + 0.024*\"new\" + 0.014*\"warrior\" + 0.013*\"california\" + 0.013*\"year\" + 0.013*\"terri\" + 0.013*\"north\"\n", - "2019-01-31 00:34:27,209 : INFO : topic diff=0.006214, rho=0.042954\n", - "2019-01-31 00:34:27,364 : INFO : PROGRESS: pass 0, at document #1086000/4922894\n", - "2019-01-31 00:34:28,764 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:34:29,030 : INFO : topic #32 (0.020): 0.055*\"district\" + 0.045*\"vigour\" + 0.044*\"popolo\" + 0.039*\"tortur\" + 0.028*\"cotton\" + 0.028*\"area\" + 0.025*\"multitud\" + 0.024*\"regim\" + 0.022*\"citi\" + 0.019*\"commun\"\n", - "2019-01-31 00:34:29,031 : INFO : topic #0 (0.020): 0.064*\"statewid\" + 0.041*\"arsen\" + 0.039*\"line\" + 0.034*\"raid\" + 0.030*\"museo\" + 0.020*\"traceabl\" + 0.017*\"serv\" + 0.015*\"pain\" + 0.014*\"exhaust\" + 0.013*\"gai\"\n", - "2019-01-31 00:34:29,032 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.024*\"factor\" + 0.023*\"adulthood\" + 0.016*\"feel\" + 0.015*\"hostil\" + 0.014*\"male\" + 0.011*\"plaisir\" + 0.011*\"genu\" + 0.010*\"live\" + 0.009*\"yawn\"\n", - "2019-01-31 00:34:29,033 : INFO : topic #9 (0.020): 0.068*\"bone\" + 0.041*\"american\" + 0.031*\"valour\" + 0.020*\"dutch\" + 0.018*\"folei\" + 0.018*\"player\" + 0.018*\"english\" + 0.016*\"polit\" + 0.012*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 00:34:29,034 : INFO : topic #37 (0.020): 0.010*\"man\" + 0.010*\"love\" + 0.008*\"gestur\" + 0.005*\"blue\" + 0.005*\"bewild\" + 0.005*\"litig\" + 0.004*\"dixi\" + 0.004*\"vision\" + 0.004*\"comic\" + 0.004*\"night\"\n", - "2019-01-31 00:34:29,040 : INFO : topic diff=0.007532, rho=0.042914\n", - "2019-01-31 00:34:29,254 : INFO : PROGRESS: pass 0, at document #1088000/4922894\n", - "2019-01-31 00:34:30,656 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:34:30,923 : INFO : topic #29 (0.020): 0.017*\"companhia\" + 0.011*\"million\" + 0.008*\"yawn\" + 0.008*\"bank\" + 0.008*\"market\" + 0.008*\"busi\" + 0.008*\"govern\" + 0.008*\"start\" + 0.007*\"function\" + 0.007*\"industri\"\n", - "2019-01-31 00:34:30,924 : INFO : topic #20 (0.020): 0.142*\"scholar\" + 0.038*\"struggl\" + 0.035*\"high\" + 0.030*\"educ\" + 0.023*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"task\" + 0.009*\"district\" + 0.009*\"gothic\"\n", - "2019-01-31 00:34:30,925 : INFO : topic #33 (0.020): 0.059*\"french\" + 0.045*\"franc\" + 0.031*\"pari\" + 0.024*\"sail\" + 0.022*\"jean\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.013*\"loui\" + 0.012*\"piec\" + 0.011*\"wine\"\n", - "2019-01-31 00:34:30,926 : INFO : topic #48 (0.020): 0.079*\"march\" + 0.075*\"octob\" + 0.074*\"januari\" + 0.074*\"sens\" + 0.070*\"april\" + 0.069*\"notion\" + 0.068*\"juli\" + 0.067*\"decatur\" + 0.066*\"august\" + 0.065*\"judici\"\n", - "2019-01-31 00:34:30,927 : INFO : topic #26 (0.020): 0.031*\"workplac\" + 0.029*\"champion\" + 0.028*\"woman\" + 0.027*\"men\" + 0.025*\"olymp\" + 0.022*\"medal\" + 0.021*\"event\" + 0.019*\"atheist\" + 0.019*\"alic\" + 0.017*\"rainfal\"\n", - "2019-01-31 00:34:30,933 : INFO : topic diff=0.005381, rho=0.042875\n", - "2019-01-31 00:34:31,098 : INFO : PROGRESS: pass 0, at document #1090000/4922894\n", - "2019-01-31 00:34:32,508 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:34:32,774 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.055*\"parti\" + 0.023*\"voluntari\" + 0.021*\"democrat\" + 0.021*\"member\" + 0.018*\"polici\" + 0.015*\"liber\" + 0.014*\"republ\" + 0.013*\"report\" + 0.013*\"seaport\"\n", - "2019-01-31 00:34:32,775 : INFO : topic #32 (0.020): 0.055*\"district\" + 0.045*\"vigour\" + 0.044*\"popolo\" + 0.039*\"tortur\" + 0.028*\"cotton\" + 0.027*\"area\" + 0.025*\"multitud\" + 0.024*\"regim\" + 0.022*\"citi\" + 0.019*\"commun\"\n", - "2019-01-31 00:34:32,777 : INFO : topic #29 (0.020): 0.017*\"companhia\" + 0.011*\"million\" + 0.008*\"yawn\" + 0.008*\"bank\" + 0.008*\"busi\" + 0.008*\"market\" + 0.008*\"govern\" + 0.008*\"start\" + 0.007*\"function\" + 0.007*\"industri\"\n", - "2019-01-31 00:34:32,778 : INFO : topic #37 (0.020): 0.010*\"man\" + 0.009*\"love\" + 0.008*\"gestur\" + 0.005*\"blue\" + 0.005*\"bewild\" + 0.005*\"vision\" + 0.005*\"litig\" + 0.004*\"dixi\" + 0.004*\"comic\" + 0.004*\"septemb\"\n", - "2019-01-31 00:34:32,779 : INFO : topic #42 (0.020): 0.043*\"german\" + 0.029*\"germani\" + 0.014*\"berlin\" + 0.014*\"jewish\" + 0.014*\"israel\" + 0.013*\"vol\" + 0.013*\"der\" + 0.009*\"jeremiah\" + 0.009*\"european\" + 0.009*\"europ\"\n", - "2019-01-31 00:34:32,785 : INFO : topic diff=0.006816, rho=0.042835\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:34:32,939 : INFO : PROGRESS: pass 0, at document #1092000/4922894\n", - "2019-01-31 00:34:34,316 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:34:34,582 : INFO : topic #24 (0.020): 0.042*\"book\" + 0.034*\"publicis\" + 0.024*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"nicola\" + 0.013*\"presid\" + 0.012*\"storag\" + 0.011*\"worldwid\" + 0.011*\"magazin\"\n", - "2019-01-31 00:34:34,584 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.019*\"di\" + 0.017*\"factor\" + 0.015*\"margin\" + 0.015*\"yawn\" + 0.014*\"bone\" + 0.012*\"life\" + 0.012*\"faster\" + 0.012*\"daughter\" + 0.011*\"deal\"\n", - "2019-01-31 00:34:34,585 : INFO : topic #30 (0.020): 0.037*\"cleveland\" + 0.036*\"leagu\" + 0.030*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.024*\"folei\" + 0.023*\"crete\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:34:34,586 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.024*\"factor\" + 0.023*\"adulthood\" + 0.017*\"feel\" + 0.015*\"hostil\" + 0.014*\"male\" + 0.011*\"plaisir\" + 0.011*\"genu\" + 0.010*\"live\" + 0.009*\"yawn\"\n", - "2019-01-31 00:34:34,587 : INFO : topic #40 (0.020): 0.088*\"unit\" + 0.024*\"collector\" + 0.024*\"schuster\" + 0.021*\"institut\" + 0.020*\"requir\" + 0.017*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.012*\"governor\" + 0.011*\"http\"\n", - "2019-01-31 00:34:34,593 : INFO : topic diff=0.007883, rho=0.042796\n", - "2019-01-31 00:34:34,748 : INFO : PROGRESS: pass 0, at document #1094000/4922894\n", - "2019-01-31 00:34:36,137 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:34:36,403 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.055*\"parti\" + 0.023*\"voluntari\" + 0.021*\"democrat\" + 0.021*\"member\" + 0.017*\"polici\" + 0.015*\"liber\" + 0.014*\"republ\" + 0.013*\"report\" + 0.013*\"seaport\"\n", - "2019-01-31 00:34:36,404 : INFO : topic #1 (0.020): 0.057*\"china\" + 0.047*\"chilton\" + 0.023*\"hong\" + 0.023*\"korea\" + 0.023*\"kong\" + 0.019*\"korean\" + 0.016*\"sourc\" + 0.015*\"leah\" + 0.014*\"kim\" + 0.013*\"ashvil\"\n", - "2019-01-31 00:34:36,405 : INFO : topic #24 (0.020): 0.042*\"book\" + 0.034*\"publicis\" + 0.024*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"nicola\" + 0.013*\"presid\" + 0.012*\"storag\" + 0.011*\"magazin\" + 0.011*\"collect\"\n", - "2019-01-31 00:34:36,406 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.014*\"depress\" + 0.014*\"pour\" + 0.010*\"elabor\" + 0.010*\"mode\" + 0.009*\"veget\" + 0.008*\"candid\" + 0.008*\"encyclopedia\" + 0.008*\"produc\" + 0.007*\"uruguayan\"\n", - "2019-01-31 00:34:36,407 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.028*\"final\" + 0.023*\"tourist\" + 0.022*\"wife\" + 0.019*\"champion\" + 0.017*\"taxpay\" + 0.014*\"chamber\" + 0.014*\"martin\" + 0.014*\"tiepolo\" + 0.012*\"open\"\n", - "2019-01-31 00:34:36,413 : INFO : topic diff=0.006432, rho=0.042757\n", - "2019-01-31 00:34:36,571 : INFO : PROGRESS: pass 0, at document #1096000/4922894\n", - "2019-01-31 00:34:37,976 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:34:38,242 : INFO : topic #35 (0.020): 0.055*\"russia\" + 0.033*\"sovereignti\" + 0.032*\"rural\" + 0.024*\"personifi\" + 0.024*\"poison\" + 0.021*\"reprint\" + 0.020*\"moscow\" + 0.016*\"poland\" + 0.016*\"unfortun\" + 0.015*\"malaysia\"\n", - "2019-01-31 00:34:38,243 : INFO : topic #39 (0.020): 0.042*\"canada\" + 0.035*\"canadian\" + 0.019*\"toronto\" + 0.019*\"hoar\" + 0.016*\"ontario\" + 0.013*\"new\" + 0.013*\"hydrogen\" + 0.011*\"scientist\" + 0.011*\"taxpay\" + 0.011*\"misericordia\"\n", - "2019-01-31 00:34:38,244 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.024*\"aggress\" + 0.020*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.012*\"refut\"\n", - "2019-01-31 00:34:38,245 : INFO : topic #30 (0.020): 0.037*\"cleveland\" + 0.036*\"leagu\" + 0.030*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"folei\" + 0.023*\"crete\" + 0.017*\"goal\" + 0.016*\"martin\" + 0.013*\"schmitz\"\n", - "2019-01-31 00:34:38,246 : INFO : topic #13 (0.020): 0.028*\"australia\" + 0.026*\"london\" + 0.026*\"sourc\" + 0.025*\"new\" + 0.023*\"australian\" + 0.022*\"england\" + 0.019*\"british\" + 0.019*\"ireland\" + 0.015*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 00:34:38,252 : INFO : topic diff=0.008384, rho=0.042718\n", - "2019-01-31 00:34:38,407 : INFO : PROGRESS: pass 0, at document #1098000/4922894\n", - "2019-01-31 00:34:39,784 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:34:40,051 : INFO : topic #32 (0.020): 0.056*\"district\" + 0.045*\"vigour\" + 0.043*\"popolo\" + 0.041*\"tortur\" + 0.028*\"area\" + 0.027*\"cotton\" + 0.025*\"multitud\" + 0.024*\"regim\" + 0.022*\"citi\" + 0.019*\"cede\"\n", - "2019-01-31 00:34:40,053 : INFO : topic #34 (0.020): 0.072*\"start\" + 0.034*\"cotton\" + 0.030*\"unionist\" + 0.030*\"american\" + 0.025*\"new\" + 0.014*\"warrior\" + 0.014*\"year\" + 0.013*\"terri\" + 0.013*\"california\" + 0.012*\"north\"\n", - "2019-01-31 00:34:40,054 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.004*\"end\" + 0.004*\"deal\" + 0.004*\"help\"\n", - "2019-01-31 00:34:40,055 : INFO : topic #31 (0.020): 0.062*\"fusiform\" + 0.025*\"scientist\" + 0.025*\"player\" + 0.023*\"taxpay\" + 0.020*\"place\" + 0.014*\"clot\" + 0.012*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"barber\"\n", - "2019-01-31 00:34:40,056 : INFO : topic #33 (0.020): 0.059*\"french\" + 0.044*\"franc\" + 0.032*\"pari\" + 0.024*\"sail\" + 0.023*\"jean\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.011*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 00:34:40,062 : INFO : topic diff=0.006874, rho=0.042679\n", - "2019-01-31 00:34:42,779 : INFO : -11.583 per-word bound, 3068.5 perplexity estimate based on a held-out corpus of 2000 documents with 563914 words\n", - "2019-01-31 00:34:42,780 : INFO : PROGRESS: pass 0, at document #1100000/4922894\n", - "2019-01-31 00:34:44,178 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:34:44,445 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.012*\"organ\" + 0.011*\"develop\" + 0.010*\"commun\" + 0.009*\"group\" + 0.008*\"word\" + 0.008*\"cultur\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.006*\"student\"\n", - "2019-01-31 00:34:44,446 : INFO : topic #1 (0.020): 0.056*\"china\" + 0.049*\"chilton\" + 0.023*\"hong\" + 0.023*\"kong\" + 0.023*\"korea\" + 0.018*\"korean\" + 0.016*\"sourc\" + 0.015*\"leah\" + 0.014*\"kim\" + 0.013*\"ashvil\"\n", - "2019-01-31 00:34:44,447 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.035*\"perceptu\" + 0.022*\"theater\" + 0.018*\"place\" + 0.017*\"compos\" + 0.016*\"damn\" + 0.014*\"physician\" + 0.014*\"olympo\" + 0.013*\"orchestr\" + 0.012*\"word\"\n", - "2019-01-31 00:34:44,448 : INFO : topic #13 (0.020): 0.028*\"australia\" + 0.026*\"sourc\" + 0.026*\"london\" + 0.024*\"new\" + 0.023*\"australian\" + 0.022*\"england\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 00:34:44,449 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.007*\"théori\" + 0.007*\"gener\" + 0.006*\"southern\" + 0.006*\"exampl\" + 0.006*\"servitud\" + 0.006*\"poet\" + 0.006*\"method\" + 0.006*\"measur\"\n", - "2019-01-31 00:34:44,455 : INFO : topic diff=0.007173, rho=0.042640\n", - "2019-01-31 00:34:44,612 : INFO : PROGRESS: pass 0, at document #1102000/4922894\n", - "2019-01-31 00:34:46,015 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:34:46,282 : INFO : topic #34 (0.020): 0.072*\"start\" + 0.034*\"cotton\" + 0.030*\"unionist\" + 0.030*\"american\" + 0.025*\"new\" + 0.014*\"year\" + 0.014*\"warrior\" + 0.013*\"california\" + 0.013*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 00:34:46,283 : INFO : topic #44 (0.020): 0.032*\"rooftop\" + 0.028*\"final\" + 0.023*\"wife\" + 0.022*\"tourist\" + 0.019*\"champion\" + 0.017*\"taxpay\" + 0.015*\"chamber\" + 0.014*\"tiepolo\" + 0.014*\"martin\" + 0.012*\"women\"\n", - "2019-01-31 00:34:46,284 : INFO : topic #49 (0.020): 0.042*\"india\" + 0.031*\"incumb\" + 0.015*\"televis\" + 0.013*\"pakistan\" + 0.012*\"islam\" + 0.011*\"muskoge\" + 0.011*\"tajikistan\" + 0.011*\"khalsa\" + 0.010*\"anglo\" + 0.010*\"sri\"\n", - "2019-01-31 00:34:46,285 : INFO : topic #33 (0.020): 0.059*\"french\" + 0.044*\"franc\" + 0.033*\"pari\" + 0.024*\"sail\" + 0.023*\"jean\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.011*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 00:34:46,286 : INFO : topic #16 (0.020): 0.044*\"king\" + 0.028*\"priest\" + 0.021*\"duke\" + 0.020*\"grammat\" + 0.017*\"idiosyncrat\" + 0.017*\"quarterli\" + 0.017*\"rotterdam\" + 0.014*\"count\" + 0.013*\"maria\" + 0.013*\"portugues\"\n", - "2019-01-31 00:34:46,292 : INFO : topic diff=0.007395, rho=0.042601\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:34:46,454 : INFO : PROGRESS: pass 0, at document #1104000/4922894\n", - "2019-01-31 00:34:47,886 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:34:48,152 : INFO : topic #28 (0.020): 0.030*\"build\" + 0.025*\"hous\" + 0.021*\"rivièr\" + 0.017*\"buford\" + 0.012*\"histor\" + 0.012*\"briarwood\" + 0.011*\"constitut\" + 0.010*\"depress\" + 0.010*\"strategist\" + 0.010*\"rosenwald\"\n", - "2019-01-31 00:34:48,154 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.024*\"factor\" + 0.023*\"adulthood\" + 0.017*\"feel\" + 0.015*\"hostil\" + 0.014*\"male\" + 0.011*\"plaisir\" + 0.011*\"genu\" + 0.010*\"live\" + 0.009*\"yawn\"\n", - "2019-01-31 00:34:48,155 : INFO : topic #10 (0.020): 0.013*\"cdd\" + 0.008*\"disco\" + 0.008*\"media\" + 0.007*\"have\" + 0.007*\"pathwai\" + 0.007*\"proper\" + 0.007*\"acid\" + 0.006*\"caus\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 00:34:48,156 : INFO : topic #32 (0.020): 0.056*\"district\" + 0.045*\"vigour\" + 0.043*\"popolo\" + 0.041*\"tortur\" + 0.028*\"area\" + 0.027*\"cotton\" + 0.025*\"multitud\" + 0.024*\"regim\" + 0.022*\"citi\" + 0.019*\"commun\"\n", - "2019-01-31 00:34:48,157 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.017*\"factor\" + 0.015*\"margin\" + 0.015*\"yawn\" + 0.014*\"bone\" + 0.012*\"life\" + 0.012*\"faster\" + 0.011*\"daughter\" + 0.011*\"deal\"\n", - "2019-01-31 00:34:48,163 : INFO : topic diff=0.008300, rho=0.042563\n", - "2019-01-31 00:34:48,318 : INFO : PROGRESS: pass 0, at document #1106000/4922894\n", - "2019-01-31 00:34:49,706 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:34:49,971 : INFO : topic #31 (0.020): 0.062*\"fusiform\" + 0.025*\"scientist\" + 0.024*\"player\" + 0.023*\"taxpay\" + 0.020*\"place\" + 0.014*\"clot\" + 0.012*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 00:34:49,972 : INFO : topic #1 (0.020): 0.057*\"china\" + 0.050*\"chilton\" + 0.023*\"hong\" + 0.023*\"korea\" + 0.023*\"kong\" + 0.018*\"korean\" + 0.016*\"sourc\" + 0.015*\"leah\" + 0.015*\"kim\" + 0.013*\"ashvil\"\n", - "2019-01-31 00:34:49,973 : INFO : topic #35 (0.020): 0.056*\"russia\" + 0.034*\"sovereignti\" + 0.033*\"rural\" + 0.026*\"personifi\" + 0.023*\"poison\" + 0.023*\"reprint\" + 0.020*\"moscow\" + 0.016*\"poland\" + 0.016*\"unfortun\" + 0.014*\"malaysia\"\n", - "2019-01-31 00:34:49,974 : INFO : topic #11 (0.020): 0.027*\"john\" + 0.014*\"will\" + 0.013*\"jame\" + 0.012*\"david\" + 0.011*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"georg\" + 0.009*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:34:49,975 : INFO : topic #46 (0.020): 0.020*\"stop\" + 0.015*\"treeless\" + 0.015*\"norwai\" + 0.015*\"sweden\" + 0.015*\"damag\" + 0.014*\"swedish\" + 0.014*\"huntsvil\" + 0.014*\"norwegian\" + 0.013*\"wind\" + 0.011*\"replac\"\n", - "2019-01-31 00:34:49,981 : INFO : topic diff=0.007876, rho=0.042524\n", - "2019-01-31 00:34:50,136 : INFO : PROGRESS: pass 0, at document #1108000/4922894\n", - "2019-01-31 00:34:51,505 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:34:51,771 : INFO : topic #19 (0.020): 0.014*\"languag\" + 0.010*\"form\" + 0.010*\"woodcut\" + 0.009*\"origin\" + 0.009*\"centuri\" + 0.008*\"mean\" + 0.007*\"uruguayan\" + 0.007*\"like\" + 0.007*\"charact\" + 0.006*\"trade\"\n", - "2019-01-31 00:34:51,772 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.011*\"develop\" + 0.011*\"organ\" + 0.010*\"commun\" + 0.009*\"word\" + 0.008*\"group\" + 0.008*\"cultur\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.006*\"student\"\n", - "2019-01-31 00:34:51,774 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.004*\"end\" + 0.004*\"deal\" + 0.004*\"man\"\n", - "2019-01-31 00:34:51,775 : INFO : topic #28 (0.020): 0.030*\"build\" + 0.025*\"hous\" + 0.021*\"rivièr\" + 0.017*\"buford\" + 0.012*\"histor\" + 0.012*\"briarwood\" + 0.011*\"constitut\" + 0.010*\"depress\" + 0.010*\"strategist\" + 0.010*\"rosenwald\"\n", - "2019-01-31 00:34:51,776 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.013*\"aza\" + 0.009*\"battalion\" + 0.008*\"teufel\" + 0.008*\"forc\" + 0.008*\"empath\" + 0.008*\"till\" + 0.007*\"king\" + 0.007*\"armi\" + 0.006*\"centuri\"\n", - "2019-01-31 00:34:51,782 : INFO : topic diff=0.006043, rho=0.042486\n", - "2019-01-31 00:34:51,936 : INFO : PROGRESS: pass 0, at document #1110000/4922894\n", - "2019-01-31 00:34:53,315 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:34:53,581 : INFO : topic #11 (0.020): 0.027*\"john\" + 0.014*\"will\" + 0.013*\"jame\" + 0.012*\"david\" + 0.011*\"rival\" + 0.009*\"georg\" + 0.009*\"mexican–american\" + 0.009*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:34:53,582 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.025*\"septemb\" + 0.024*\"epiru\" + 0.019*\"teacher\" + 0.018*\"stake\" + 0.013*\"proclaim\" + 0.013*\"rodríguez\" + 0.012*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:34:53,584 : INFO : topic #19 (0.020): 0.014*\"languag\" + 0.010*\"form\" + 0.010*\"woodcut\" + 0.009*\"origin\" + 0.009*\"centuri\" + 0.008*\"mean\" + 0.007*\"uruguayan\" + 0.007*\"like\" + 0.007*\"charact\" + 0.006*\"trade\"\n", - "2019-01-31 00:34:53,585 : INFO : topic #42 (0.020): 0.043*\"german\" + 0.028*\"germani\" + 0.015*\"vol\" + 0.015*\"berlin\" + 0.013*\"jewish\" + 0.013*\"der\" + 0.013*\"israel\" + 0.009*\"european\" + 0.009*\"europ\" + 0.009*\"itali\"\n", - "2019-01-31 00:34:53,586 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.020*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.012*\"refut\"\n", - "2019-01-31 00:34:53,592 : INFO : topic diff=0.006477, rho=0.042448\n", - "2019-01-31 00:34:53,747 : INFO : PROGRESS: pass 0, at document #1112000/4922894\n", - "2019-01-31 00:34:55,142 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:34:55,408 : INFO : topic #9 (0.020): 0.065*\"bone\" + 0.041*\"american\" + 0.032*\"valour\" + 0.021*\"dutch\" + 0.018*\"english\" + 0.018*\"player\" + 0.017*\"folei\" + 0.015*\"polit\" + 0.012*\"simpler\" + 0.011*\"acrimoni\"\n", - "2019-01-31 00:34:55,410 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.025*\"septemb\" + 0.024*\"epiru\" + 0.019*\"teacher\" + 0.018*\"stake\" + 0.013*\"rodríguez\" + 0.013*\"proclaim\" + 0.012*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:34:55,411 : INFO : topic #32 (0.020): 0.057*\"district\" + 0.046*\"vigour\" + 0.043*\"popolo\" + 0.040*\"tortur\" + 0.028*\"area\" + 0.026*\"cotton\" + 0.025*\"multitud\" + 0.024*\"regim\" + 0.022*\"citi\" + 0.019*\"commun\"\n", - "2019-01-31 00:34:55,412 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.024*\"factor\" + 0.023*\"adulthood\" + 0.016*\"feel\" + 0.015*\"hostil\" + 0.014*\"male\" + 0.011*\"plaisir\" + 0.011*\"genu\" + 0.010*\"live\" + 0.009*\"yawn\"\n", - "2019-01-31 00:34:55,413 : INFO : topic #28 (0.020): 0.030*\"build\" + 0.025*\"hous\" + 0.021*\"rivièr\" + 0.017*\"buford\" + 0.012*\"histor\" + 0.012*\"briarwood\" + 0.011*\"constitut\" + 0.010*\"strategist\" + 0.010*\"depress\" + 0.010*\"rosenwald\"\n", - "2019-01-31 00:34:55,419 : INFO : topic diff=0.006224, rho=0.042409\n", - "2019-01-31 00:34:55,571 : INFO : PROGRESS: pass 0, at document #1114000/4922894\n", - "2019-01-31 00:34:56,950 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:34:57,216 : INFO : topic #29 (0.020): 0.018*\"companhia\" + 0.011*\"million\" + 0.008*\"busi\" + 0.008*\"yawn\" + 0.008*\"bank\" + 0.008*\"market\" + 0.008*\"govern\" + 0.007*\"start\" + 0.007*\"industri\" + 0.007*\"function\"\n", - "2019-01-31 00:34:57,217 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.036*\"cleveland\" + 0.030*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.024*\"crete\" + 0.023*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:34:57,218 : INFO : topic #34 (0.020): 0.072*\"start\" + 0.034*\"cotton\" + 0.030*\"unionist\" + 0.029*\"american\" + 0.025*\"new\" + 0.014*\"year\" + 0.013*\"warrior\" + 0.013*\"california\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 00:34:57,219 : INFO : topic #42 (0.020): 0.043*\"german\" + 0.029*\"germani\" + 0.014*\"vol\" + 0.014*\"berlin\" + 0.013*\"jewish\" + 0.013*\"der\" + 0.013*\"israel\" + 0.009*\"european\" + 0.009*\"europ\" + 0.009*\"itali\"\n", - "2019-01-31 00:34:57,220 : INFO : topic #45 (0.020): 0.022*\"jpg\" + 0.021*\"fifteenth\" + 0.016*\"illicit\" + 0.015*\"colder\" + 0.015*\"black\" + 0.015*\"western\" + 0.012*\"record\" + 0.010*\"blind\" + 0.009*\"light\" + 0.007*\"green\"\n", - "2019-01-31 00:34:57,226 : INFO : topic diff=0.006855, rho=0.042371\n", - "2019-01-31 00:34:57,378 : INFO : PROGRESS: pass 0, at document #1116000/4922894\n", - "2019-01-31 00:34:58,752 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:34:59,018 : INFO : topic #21 (0.020): 0.037*\"samford\" + 0.022*\"spain\" + 0.018*\"mexico\" + 0.018*\"del\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.012*\"carlo\" + 0.011*\"juan\" + 0.011*\"francisco\" + 0.011*\"lizard\"\n", - "2019-01-31 00:34:59,019 : INFO : topic #1 (0.020): 0.057*\"china\" + 0.049*\"chilton\" + 0.024*\"hong\" + 0.024*\"kong\" + 0.024*\"korea\" + 0.019*\"korean\" + 0.017*\"sourc\" + 0.015*\"leah\" + 0.014*\"kim\" + 0.013*\"ashvil\"\n", - "2019-01-31 00:34:59,020 : INFO : topic #33 (0.020): 0.059*\"french\" + 0.043*\"franc\" + 0.032*\"pari\" + 0.023*\"sail\" + 0.022*\"jean\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.013*\"loui\" + 0.011*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 00:34:59,021 : INFO : topic #0 (0.020): 0.065*\"statewid\" + 0.040*\"arsen\" + 0.039*\"line\" + 0.036*\"raid\" + 0.029*\"museo\" + 0.023*\"pain\" + 0.018*\"traceabl\" + 0.017*\"serv\" + 0.013*\"exhaust\" + 0.013*\"gai\"\n", - "2019-01-31 00:34:59,022 : INFO : topic #3 (0.020): 0.036*\"present\" + 0.026*\"offic\" + 0.025*\"minist\" + 0.021*\"nation\" + 0.020*\"serv\" + 0.019*\"govern\" + 0.019*\"member\" + 0.018*\"gener\" + 0.017*\"seri\" + 0.015*\"appeas\"\n", - "2019-01-31 00:34:59,028 : INFO : topic diff=0.007364, rho=0.042333\n", - "2019-01-31 00:34:59,242 : INFO : PROGRESS: pass 0, at document #1118000/4922894\n", - "2019-01-31 00:35:00,659 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:35:00,925 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.015*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.012*\"life\" + 0.012*\"faster\" + 0.011*\"deal\" + 0.011*\"daughter\"\n", - "2019-01-31 00:35:00,927 : INFO : topic #4 (0.020): 0.022*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.009*\"elabor\" + 0.009*\"mode\" + 0.008*\"veget\" + 0.008*\"produc\" + 0.008*\"candid\" + 0.007*\"encyclopedia\" + 0.007*\"uruguayan\"\n", - "2019-01-31 00:35:00,928 : INFO : topic #21 (0.020): 0.037*\"samford\" + 0.023*\"spain\" + 0.018*\"mexico\" + 0.018*\"del\" + 0.015*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"carlo\" + 0.011*\"francisco\" + 0.011*\"lizard\"\n", - "2019-01-31 00:35:00,929 : INFO : topic #16 (0.020): 0.045*\"king\" + 0.031*\"priest\" + 0.020*\"grammat\" + 0.020*\"duke\" + 0.018*\"idiosyncrat\" + 0.017*\"quarterli\" + 0.017*\"rotterdam\" + 0.014*\"portugues\" + 0.014*\"count\" + 0.013*\"maria\"\n", - "2019-01-31 00:35:00,930 : INFO : topic #37 (0.020): 0.010*\"man\" + 0.009*\"love\" + 0.008*\"gestur\" + 0.005*\"blue\" + 0.005*\"comic\" + 0.005*\"litig\" + 0.005*\"vision\" + 0.005*\"bewild\" + 0.004*\"septemb\" + 0.004*\"black\"\n", - "2019-01-31 00:35:00,936 : INFO : topic diff=0.006929, rho=0.042295\n", - "2019-01-31 00:35:03,682 : INFO : -11.629 per-word bound, 3166.4 perplexity estimate based on a held-out corpus of 2000 documents with 566734 words\n", - "2019-01-31 00:35:03,682 : INFO : PROGRESS: pass 0, at document #1120000/4922894\n", - "2019-01-31 00:35:05,087 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:35:05,354 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.038*\"shield\" + 0.017*\"narrat\" + 0.014*\"scot\" + 0.012*\"pope\" + 0.011*\"blur\" + 0.011*\"class\" + 0.010*\"nativist\" + 0.010*\"coalit\" + 0.009*\"sai\"\n", - "2019-01-31 00:35:05,355 : INFO : topic #41 (0.020): 0.044*\"citi\" + 0.031*\"new\" + 0.023*\"palmer\" + 0.014*\"year\" + 0.014*\"strategist\" + 0.012*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.010*\"hot\" + 0.010*\"lobe\"\n", - "2019-01-31 00:35:05,357 : INFO : topic #26 (0.020): 0.030*\"workplac\" + 0.030*\"champion\" + 0.027*\"woman\" + 0.027*\"olymp\" + 0.025*\"men\" + 0.022*\"medal\" + 0.021*\"event\" + 0.019*\"atheist\" + 0.017*\"rainfal\" + 0.017*\"alic\"\n", - "2019-01-31 00:35:05,358 : INFO : topic #34 (0.020): 0.071*\"start\" + 0.033*\"cotton\" + 0.030*\"unionist\" + 0.029*\"american\" + 0.026*\"new\" + 0.014*\"year\" + 0.014*\"warrior\" + 0.013*\"california\" + 0.013*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 00:35:05,359 : INFO : topic #46 (0.020): 0.019*\"stop\" + 0.019*\"norwai\" + 0.016*\"norwegian\" + 0.016*\"sweden\" + 0.015*\"swedish\" + 0.014*\"damag\" + 0.013*\"treeless\" + 0.013*\"wind\" + 0.012*\"huntsvil\" + 0.012*\"financ\"\n", - "2019-01-31 00:35:05,365 : INFO : topic diff=0.006813, rho=0.042258\n", - "2019-01-31 00:35:05,526 : INFO : PROGRESS: pass 0, at document #1122000/4922894\n", - "2019-01-31 00:35:06,945 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:35:07,211 : INFO : topic #15 (0.020): 0.012*\"develop\" + 0.012*\"small\" + 0.011*\"organ\" + 0.011*\"commun\" + 0.009*\"word\" + 0.008*\"group\" + 0.008*\"cultur\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.006*\"workplac\"\n", - "2019-01-31 00:35:07,212 : INFO : topic #47 (0.020): 0.066*\"muscl\" + 0.033*\"perceptu\" + 0.021*\"theater\" + 0.018*\"place\" + 0.018*\"damn\" + 0.017*\"compos\" + 0.016*\"olympo\" + 0.013*\"orchestr\" + 0.013*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 00:35:07,213 : INFO : topic #46 (0.020): 0.020*\"norwai\" + 0.019*\"stop\" + 0.017*\"norwegian\" + 0.016*\"sweden\" + 0.015*\"swedish\" + 0.014*\"treeless\" + 0.014*\"damag\" + 0.013*\"wind\" + 0.012*\"huntsvil\" + 0.011*\"financ\"\n", - "2019-01-31 00:35:07,214 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.028*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.018*\"muscl\" + 0.017*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:35:07,215 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.020*\"walter\" + 0.020*\"armi\" + 0.018*\"com\" + 0.014*\"oper\" + 0.014*\"militari\" + 0.013*\"unionist\" + 0.012*\"refut\" + 0.012*\"airbu\"\n", - "2019-01-31 00:35:07,221 : INFO : topic diff=0.007671, rho=0.042220\n", - "2019-01-31 00:35:07,379 : INFO : PROGRESS: pass 0, at document #1124000/4922894\n", - "2019-01-31 00:35:08,788 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:35:09,054 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"disco\" + 0.008*\"media\" + 0.008*\"pathwai\" + 0.008*\"have\" + 0.007*\"treat\" + 0.007*\"proper\" + 0.006*\"caus\" + 0.006*\"acid\" + 0.006*\"gastrointestin\"\n", - "2019-01-31 00:35:09,055 : INFO : topic #9 (0.020): 0.067*\"bone\" + 0.042*\"american\" + 0.032*\"valour\" + 0.021*\"dutch\" + 0.018*\"english\" + 0.017*\"folei\" + 0.017*\"player\" + 0.016*\"polit\" + 0.012*\"simpler\" + 0.011*\"acrimoni\"\n", - "2019-01-31 00:35:09,056 : INFO : topic #20 (0.020): 0.143*\"scholar\" + 0.038*\"struggl\" + 0.035*\"high\" + 0.029*\"educ\" + 0.022*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.009*\"gothic\" + 0.009*\"district\" + 0.009*\"task\"\n", - "2019-01-31 00:35:09,057 : INFO : topic #37 (0.020): 0.010*\"man\" + 0.009*\"love\" + 0.008*\"gestur\" + 0.005*\"blue\" + 0.005*\"comic\" + 0.005*\"litig\" + 0.004*\"vision\" + 0.004*\"bewild\" + 0.004*\"septemb\" + 0.004*\"black\"\n", - "2019-01-31 00:35:09,059 : INFO : topic #35 (0.020): 0.053*\"russia\" + 0.035*\"sovereignti\" + 0.031*\"rural\" + 0.030*\"rsm\" + 0.026*\"personifi\" + 0.023*\"poison\" + 0.022*\"reprint\" + 0.020*\"moscow\" + 0.016*\"poland\" + 0.016*\"unfortun\"\n", - "2019-01-31 00:35:09,064 : INFO : topic diff=0.008978, rho=0.042182\n", - "2019-01-31 00:35:09,221 : INFO : PROGRESS: pass 0, at document #1126000/4922894\n", - "2019-01-31 00:35:10,630 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:35:10,896 : INFO : topic #29 (0.020): 0.018*\"companhia\" + 0.010*\"million\" + 0.009*\"bank\" + 0.009*\"busi\" + 0.008*\"market\" + 0.008*\"yawn\" + 0.008*\"govern\" + 0.007*\"start\" + 0.007*\"industri\" + 0.007*\"function\"\n", - "2019-01-31 00:35:10,898 : INFO : topic #32 (0.020): 0.057*\"district\" + 0.046*\"vigour\" + 0.044*\"popolo\" + 0.040*\"tortur\" + 0.028*\"area\" + 0.026*\"cotton\" + 0.024*\"multitud\" + 0.024*\"regim\" + 0.022*\"citi\" + 0.019*\"commun\"\n", - "2019-01-31 00:35:10,899 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.026*\"septemb\" + 0.025*\"epiru\" + 0.019*\"teacher\" + 0.018*\"stake\" + 0.013*\"proclaim\" + 0.012*\"rodríguez\" + 0.012*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:35:10,900 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.015*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.012*\"life\" + 0.012*\"faster\" + 0.011*\"daughter\" + 0.011*\"deal\"\n", - "2019-01-31 00:35:10,901 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.013*\"aza\" + 0.009*\"battalion\" + 0.009*\"teufel\" + 0.008*\"forc\" + 0.008*\"till\" + 0.008*\"king\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.006*\"centuri\"\n", - "2019-01-31 00:35:10,907 : INFO : topic diff=0.006269, rho=0.042145\n", - "2019-01-31 00:35:11,062 : INFO : PROGRESS: pass 0, at document #1128000/4922894\n", - "2019-01-31 00:35:12,460 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:35:12,727 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.026*\"septemb\" + 0.025*\"epiru\" + 0.019*\"teacher\" + 0.018*\"stake\" + 0.013*\"proclaim\" + 0.013*\"rodríguez\" + 0.012*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:35:12,728 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.024*\"factor\" + 0.023*\"adulthood\" + 0.016*\"feel\" + 0.015*\"male\" + 0.014*\"hostil\" + 0.011*\"plaisir\" + 0.011*\"genu\" + 0.010*\"live\" + 0.009*\"yawn\"\n", - "2019-01-31 00:35:12,729 : INFO : topic #41 (0.020): 0.044*\"citi\" + 0.031*\"new\" + 0.024*\"palmer\" + 0.014*\"year\" + 0.014*\"strategist\" + 0.012*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.010*\"hot\" + 0.010*\"lobe\"\n", - "2019-01-31 00:35:12,730 : INFO : topic #25 (0.020): 0.031*\"ring\" + 0.023*\"lagrang\" + 0.017*\"warmth\" + 0.016*\"area\" + 0.015*\"mount\" + 0.010*\"palmer\" + 0.008*\"north\" + 0.008*\"foam\" + 0.008*\"vacant\" + 0.008*\"land\"\n", - "2019-01-31 00:35:12,731 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.009*\"mode\" + 0.009*\"elabor\" + 0.008*\"veget\" + 0.007*\"produc\" + 0.007*\"candid\" + 0.007*\"uruguayan\" + 0.007*\"encyclopedia\"\n", - "2019-01-31 00:35:12,737 : INFO : topic diff=0.007026, rho=0.042108\n", - "2019-01-31 00:35:12,890 : INFO : PROGRESS: pass 0, at document #1130000/4922894\n", - "2019-01-31 00:35:14,274 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:35:14,541 : INFO : topic #48 (0.020): 0.081*\"march\" + 0.077*\"sens\" + 0.074*\"octob\" + 0.071*\"januari\" + 0.069*\"notion\" + 0.067*\"april\" + 0.066*\"juli\" + 0.066*\"judici\" + 0.066*\"decatur\" + 0.065*\"august\"\n", - "2019-01-31 00:35:14,542 : INFO : topic #3 (0.020): 0.036*\"present\" + 0.027*\"offic\" + 0.026*\"minist\" + 0.021*\"nation\" + 0.020*\"serv\" + 0.020*\"govern\" + 0.019*\"member\" + 0.017*\"gener\" + 0.017*\"seri\" + 0.014*\"appeas\"\n", - "2019-01-31 00:35:14,543 : INFO : topic #2 (0.020): 0.047*\"isl\" + 0.038*\"shield\" + 0.017*\"narrat\" + 0.014*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.011*\"class\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.009*\"bahá\"\n", - "2019-01-31 00:35:14,544 : INFO : topic #32 (0.020): 0.057*\"district\" + 0.046*\"vigour\" + 0.044*\"popolo\" + 0.041*\"tortur\" + 0.028*\"area\" + 0.027*\"cotton\" + 0.024*\"regim\" + 0.024*\"multitud\" + 0.022*\"citi\" + 0.019*\"commun\"\n", - "2019-01-31 00:35:14,545 : INFO : topic #13 (0.020): 0.025*\"sourc\" + 0.025*\"australia\" + 0.025*\"london\" + 0.024*\"new\" + 0.022*\"australian\" + 0.020*\"england\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.015*\"youth\" + 0.013*\"ipa\"\n", - "2019-01-31 00:35:14,551 : INFO : topic diff=0.007217, rho=0.042070\n", - "2019-01-31 00:35:14,702 : INFO : PROGRESS: pass 0, at document #1132000/4922894\n", - "2019-01-31 00:35:16,063 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:35:16,330 : INFO : topic #16 (0.020): 0.046*\"king\" + 0.031*\"priest\" + 0.021*\"grammat\" + 0.019*\"duke\" + 0.018*\"quarterli\" + 0.017*\"idiosyncrat\" + 0.017*\"rotterdam\" + 0.014*\"portugues\" + 0.014*\"count\" + 0.013*\"maria\"\n", - "2019-01-31 00:35:16,331 : INFO : topic #0 (0.020): 0.066*\"statewid\" + 0.039*\"line\" + 0.037*\"raid\" + 0.037*\"arsen\" + 0.028*\"museo\" + 0.020*\"pain\" + 0.019*\"traceabl\" + 0.017*\"serv\" + 0.013*\"exhaust\" + 0.012*\"gai\"\n", - "2019-01-31 00:35:16,332 : INFO : topic #11 (0.020): 0.027*\"john\" + 0.014*\"will\" + 0.013*\"jame\" + 0.012*\"david\" + 0.011*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"georg\" + 0.009*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:35:16,333 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.009*\"elabor\" + 0.009*\"mode\" + 0.009*\"veget\" + 0.007*\"produc\" + 0.007*\"candid\" + 0.007*\"uruguayan\" + 0.007*\"encyclopedia\"\n", - "2019-01-31 00:35:16,334 : INFO : topic #9 (0.020): 0.069*\"bone\" + 0.043*\"american\" + 0.031*\"valour\" + 0.019*\"dutch\" + 0.018*\"folei\" + 0.017*\"english\" + 0.017*\"player\" + 0.017*\"polit\" + 0.012*\"simpler\" + 0.011*\"acrimoni\"\n", - "2019-01-31 00:35:16,340 : INFO : topic diff=0.006899, rho=0.042033\n", - "2019-01-31 00:35:16,499 : INFO : PROGRESS: pass 0, at document #1134000/4922894\n", - "2019-01-31 00:35:17,931 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:35:18,197 : INFO : topic #45 (0.020): 0.022*\"jpg\" + 0.021*\"fifteenth\" + 0.017*\"illicit\" + 0.016*\"colder\" + 0.015*\"western\" + 0.015*\"black\" + 0.012*\"record\" + 0.010*\"blind\" + 0.008*\"light\" + 0.007*\"green\"\n", - "2019-01-31 00:35:18,199 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.004*\"end\" + 0.004*\"help\" + 0.004*\"man\"\n", - "2019-01-31 00:35:18,200 : INFO : topic #13 (0.020): 0.025*\"sourc\" + 0.025*\"australia\" + 0.025*\"london\" + 0.024*\"new\" + 0.023*\"australian\" + 0.020*\"england\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.013*\"ipa\"\n", - "2019-01-31 00:35:18,201 : INFO : topic #3 (0.020): 0.036*\"present\" + 0.027*\"offic\" + 0.026*\"minist\" + 0.021*\"nation\" + 0.020*\"govern\" + 0.020*\"serv\" + 0.019*\"member\" + 0.017*\"gener\" + 0.017*\"seri\" + 0.014*\"appeas\"\n", - "2019-01-31 00:35:18,202 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.039*\"line\" + 0.037*\"raid\" + 0.037*\"arsen\" + 0.028*\"museo\" + 0.020*\"pain\" + 0.019*\"traceabl\" + 0.017*\"serv\" + 0.013*\"exhaust\" + 0.012*\"gai\"\n", - "2019-01-31 00:35:18,208 : INFO : topic diff=0.007484, rho=0.041996\n", - "2019-01-31 00:35:18,364 : INFO : PROGRESS: pass 0, at document #1136000/4922894\n", - "2019-01-31 00:35:19,774 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:35:20,040 : INFO : topic #42 (0.020): 0.043*\"german\" + 0.029*\"germani\" + 0.016*\"jewish\" + 0.015*\"vol\" + 0.015*\"berlin\" + 0.013*\"der\" + 0.013*\"israel\" + 0.009*\"european\" + 0.009*\"itali\" + 0.009*\"europ\"\n", - "2019-01-31 00:35:20,041 : INFO : topic #13 (0.020): 0.026*\"sourc\" + 0.026*\"australia\" + 0.025*\"london\" + 0.024*\"new\" + 0.023*\"australian\" + 0.021*\"england\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 00:35:20,042 : INFO : topic #40 (0.020): 0.089*\"unit\" + 0.026*\"collector\" + 0.023*\"schuster\" + 0.021*\"institut\" + 0.020*\"requir\" + 0.017*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.012*\"governor\" + 0.011*\"degre\"\n", - "2019-01-31 00:35:20,043 : INFO : topic #19 (0.020): 0.014*\"languag\" + 0.010*\"woodcut\" + 0.010*\"form\" + 0.010*\"origin\" + 0.009*\"centuri\" + 0.008*\"mean\" + 0.007*\"like\" + 0.007*\"charact\" + 0.007*\"uruguayan\" + 0.006*\"known\"\n", - "2019-01-31 00:35:20,044 : INFO : topic #11 (0.020): 0.027*\"john\" + 0.014*\"will\" + 0.013*\"jame\" + 0.012*\"david\" + 0.011*\"rival\" + 0.009*\"georg\" + 0.009*\"mexican–american\" + 0.009*\"slur\" + 0.008*\"rhyme\" + 0.008*\"paul\"\n", - "2019-01-31 00:35:20,050 : INFO : topic diff=0.006667, rho=0.041959\n", - "2019-01-31 00:35:20,206 : INFO : PROGRESS: pass 0, at document #1138000/4922894\n", - "2019-01-31 00:35:21,598 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:35:21,864 : INFO : topic #35 (0.020): 0.054*\"russia\" + 0.040*\"rural\" + 0.036*\"sovereignti\" + 0.026*\"personifi\" + 0.023*\"rsm\" + 0.022*\"poison\" + 0.021*\"reprint\" + 0.019*\"moscow\" + 0.015*\"unfortun\" + 0.015*\"poland\"\n", - "2019-01-31 00:35:21,865 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.029*\"final\" + 0.023*\"wife\" + 0.021*\"tourist\" + 0.018*\"taxpay\" + 0.017*\"champion\" + 0.015*\"martin\" + 0.014*\"chamber\" + 0.014*\"tiepolo\" + 0.013*\"open\"\n", - "2019-01-31 00:35:21,866 : INFO : topic #9 (0.020): 0.070*\"bone\" + 0.042*\"american\" + 0.030*\"valour\" + 0.019*\"dutch\" + 0.018*\"folei\" + 0.017*\"english\" + 0.017*\"player\" + 0.016*\"polit\" + 0.012*\"simpler\" + 0.011*\"acrimoni\"\n", - "2019-01-31 00:35:21,867 : INFO : topic #29 (0.020): 0.018*\"companhia\" + 0.010*\"million\" + 0.010*\"bank\" + 0.008*\"busi\" + 0.008*\"market\" + 0.008*\"yawn\" + 0.007*\"govern\" + 0.007*\"start\" + 0.007*\"industri\" + 0.007*\"function\"\n", - "2019-01-31 00:35:21,868 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.033*\"perceptu\" + 0.021*\"theater\" + 0.018*\"place\" + 0.017*\"compos\" + 0.016*\"damn\" + 0.015*\"orchestr\" + 0.015*\"olympo\" + 0.013*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 00:35:21,874 : INFO : topic diff=0.009771, rho=0.041922\n", - "2019-01-31 00:35:24,538 : INFO : -11.660 per-word bound, 3235.1 perplexity estimate based on a held-out corpus of 2000 documents with 541570 words\n", - "2019-01-31 00:35:24,539 : INFO : PROGRESS: pass 0, at document #1140000/4922894\n", - "2019-01-31 00:35:25,931 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:35:26,197 : INFO : topic #41 (0.020): 0.045*\"citi\" + 0.031*\"new\" + 0.023*\"palmer\" + 0.014*\"year\" + 0.014*\"strategist\" + 0.013*\"center\" + 0.011*\"open\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"hot\"\n", - "2019-01-31 00:35:26,198 : INFO : topic #49 (0.020): 0.042*\"india\" + 0.031*\"incumb\" + 0.014*\"televis\" + 0.013*\"pakistan\" + 0.012*\"islam\" + 0.011*\"khalsa\" + 0.011*\"tajikistan\" + 0.011*\"anglo\" + 0.010*\"muskoge\" + 0.010*\"alam\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:35:26,200 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.013*\"aza\" + 0.009*\"battalion\" + 0.008*\"teufel\" + 0.008*\"forc\" + 0.007*\"king\" + 0.007*\"till\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.006*\"centuri\"\n", - "2019-01-31 00:35:26,201 : INFO : topic #29 (0.020): 0.018*\"companhia\" + 0.010*\"million\" + 0.009*\"bank\" + 0.009*\"busi\" + 0.008*\"market\" + 0.008*\"yawn\" + 0.007*\"govern\" + 0.007*\"industri\" + 0.007*\"start\" + 0.007*\"function\"\n", - "2019-01-31 00:35:26,202 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.034*\"perceptu\" + 0.020*\"theater\" + 0.018*\"place\" + 0.017*\"compos\" + 0.016*\"damn\" + 0.015*\"orchestr\" + 0.015*\"olympo\" + 0.013*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 00:35:26,208 : INFO : topic diff=0.006620, rho=0.041885\n", - "2019-01-31 00:35:26,363 : INFO : PROGRESS: pass 0, at document #1142000/4922894\n", - "2019-01-31 00:35:27,746 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:35:28,012 : INFO : topic #26 (0.020): 0.031*\"workplac\" + 0.029*\"champion\" + 0.028*\"woman\" + 0.026*\"olymp\" + 0.025*\"men\" + 0.021*\"medal\" + 0.021*\"event\" + 0.019*\"atheist\" + 0.018*\"alic\" + 0.017*\"rainfal\"\n", - "2019-01-31 00:35:28,013 : INFO : topic #32 (0.020): 0.056*\"district\" + 0.047*\"vigour\" + 0.043*\"popolo\" + 0.040*\"tortur\" + 0.028*\"area\" + 0.026*\"cotton\" + 0.024*\"regim\" + 0.024*\"multitud\" + 0.021*\"citi\" + 0.019*\"commun\"\n", - "2019-01-31 00:35:28,014 : INFO : topic #28 (0.020): 0.030*\"build\" + 0.026*\"hous\" + 0.020*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.011*\"constitut\" + 0.010*\"briarwood\" + 0.010*\"strategist\" + 0.010*\"depress\" + 0.010*\"silicon\"\n", - "2019-01-31 00:35:28,016 : INFO : topic #12 (0.020): 0.008*\"frontal\" + 0.008*\"number\" + 0.007*\"gener\" + 0.007*\"théori\" + 0.007*\"servitud\" + 0.006*\"southern\" + 0.006*\"poet\" + 0.006*\"exampl\" + 0.006*\"measur\" + 0.006*\"method\"\n", - "2019-01-31 00:35:28,017 : INFO : topic #4 (0.020): 0.022*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.009*\"elabor\" + 0.009*\"mode\" + 0.008*\"veget\" + 0.007*\"produc\" + 0.007*\"candid\" + 0.007*\"uruguayan\" + 0.007*\"develop\"\n", - "2019-01-31 00:35:28,022 : INFO : topic diff=0.006957, rho=0.041849\n", - "2019-01-31 00:35:28,183 : INFO : PROGRESS: pass 0, at document #1144000/4922894\n", - "2019-01-31 00:35:29,579 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:35:29,849 : INFO : topic #43 (0.020): 0.063*\"elect\" + 0.053*\"parti\" + 0.023*\"voluntari\" + 0.022*\"member\" + 0.021*\"democrat\" + 0.017*\"polici\" + 0.015*\"republ\" + 0.015*\"liber\" + 0.013*\"report\" + 0.013*\"selma\"\n", - "2019-01-31 00:35:29,850 : INFO : topic #35 (0.020): 0.055*\"russia\" + 0.039*\"rural\" + 0.035*\"sovereignti\" + 0.026*\"personifi\" + 0.023*\"poison\" + 0.021*\"reprint\" + 0.020*\"rsm\" + 0.020*\"moscow\" + 0.015*\"poland\" + 0.015*\"unfortun\"\n", - "2019-01-31 00:35:29,851 : INFO : topic #19 (0.020): 0.014*\"languag\" + 0.010*\"woodcut\" + 0.010*\"form\" + 0.010*\"origin\" + 0.009*\"centuri\" + 0.008*\"mean\" + 0.007*\"charact\" + 0.007*\"like\" + 0.007*\"uruguayan\" + 0.006*\"known\"\n", - "2019-01-31 00:35:29,852 : INFO : topic #12 (0.020): 0.009*\"frontal\" + 0.008*\"number\" + 0.007*\"gener\" + 0.007*\"théori\" + 0.007*\"servitud\" + 0.007*\"southern\" + 0.006*\"poet\" + 0.006*\"exampl\" + 0.006*\"measur\" + 0.006*\"method\"\n", - "2019-01-31 00:35:29,853 : INFO : topic #49 (0.020): 0.042*\"india\" + 0.031*\"incumb\" + 0.014*\"televis\" + 0.013*\"pakistan\" + 0.012*\"islam\" + 0.011*\"khalsa\" + 0.011*\"tajikistan\" + 0.010*\"anglo\" + 0.010*\"singh\" + 0.010*\"muskoge\"\n", - "2019-01-31 00:35:29,859 : INFO : topic diff=0.006565, rho=0.041812\n", - "2019-01-31 00:35:30,014 : INFO : PROGRESS: pass 0, at document #1146000/4922894\n", - "2019-01-31 00:35:31,404 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:35:31,671 : INFO : topic #49 (0.020): 0.042*\"india\" + 0.031*\"incumb\" + 0.014*\"televis\" + 0.014*\"pakistan\" + 0.011*\"islam\" + 0.011*\"khalsa\" + 0.010*\"tajikistan\" + 0.010*\"anglo\" + 0.010*\"singh\" + 0.010*\"alam\"\n", - "2019-01-31 00:35:31,673 : INFO : topic #19 (0.020): 0.013*\"languag\" + 0.010*\"form\" + 0.010*\"woodcut\" + 0.010*\"origin\" + 0.010*\"centuri\" + 0.008*\"mean\" + 0.007*\"charact\" + 0.007*\"like\" + 0.007*\"uruguayan\" + 0.006*\"trade\"\n", - "2019-01-31 00:35:31,674 : INFO : topic #41 (0.020): 0.045*\"citi\" + 0.031*\"new\" + 0.023*\"palmer\" + 0.014*\"strategist\" + 0.014*\"year\" + 0.012*\"center\" + 0.011*\"open\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"hot\"\n", - "2019-01-31 00:35:31,675 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.004*\"end\" + 0.004*\"help\" + 0.004*\"man\"\n", - "2019-01-31 00:35:31,676 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.025*\"septemb\" + 0.023*\"epiru\" + 0.020*\"teacher\" + 0.018*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.012*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:35:31,682 : INFO : topic diff=0.007417, rho=0.041776\n", - "2019-01-31 00:35:31,842 : INFO : PROGRESS: pass 0, at document #1148000/4922894\n", - "2019-01-31 00:35:33,262 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:35:33,529 : INFO : topic #36 (0.020): 0.012*\"network\" + 0.012*\"pop\" + 0.011*\"prognosi\" + 0.009*\"develop\" + 0.008*\"serv\" + 0.008*\"cytokin\" + 0.008*\"brio\" + 0.007*\"base\" + 0.007*\"softwar\" + 0.007*\"championship\"\n", - "2019-01-31 00:35:33,530 : INFO : topic #20 (0.020): 0.138*\"scholar\" + 0.039*\"struggl\" + 0.033*\"high\" + 0.030*\"educ\" + 0.021*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.009*\"gothic\" + 0.009*\"task\"\n", - "2019-01-31 00:35:33,531 : INFO : topic #31 (0.020): 0.061*\"fusiform\" + 0.024*\"scientist\" + 0.023*\"player\" + 0.023*\"taxpay\" + 0.020*\"place\" + 0.014*\"clot\" + 0.012*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 00:35:33,532 : INFO : topic #33 (0.020): 0.060*\"french\" + 0.044*\"franc\" + 0.034*\"pari\" + 0.024*\"sail\" + 0.023*\"jean\" + 0.018*\"daphn\" + 0.015*\"lazi\" + 0.014*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 00:35:33,533 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.023*\"spain\" + 0.019*\"mexico\" + 0.018*\"del\" + 0.015*\"soviet\" + 0.012*\"santa\" + 0.012*\"lizard\" + 0.011*\"francisco\" + 0.011*\"juan\" + 0.010*\"carlo\"\n", - "2019-01-31 00:35:33,539 : INFO : topic diff=0.006646, rho=0.041739\n", - "2019-01-31 00:35:33,752 : INFO : PROGRESS: pass 0, at document #1150000/4922894\n", - "2019-01-31 00:35:35,186 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:35:35,452 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.036*\"cleveland\" + 0.030*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.024*\"crete\" + 0.022*\"folei\" + 0.017*\"goal\" + 0.016*\"martin\" + 0.013*\"schmitz\"\n", - "2019-01-31 00:35:35,453 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.022*\"lagrang\" + 0.017*\"warmth\" + 0.016*\"area\" + 0.015*\"mount\" + 0.010*\"palmer\" + 0.008*\"north\" + 0.008*\"vacant\" + 0.008*\"land\" + 0.008*\"foam\"\n", - "2019-01-31 00:35:35,454 : INFO : topic #28 (0.020): 0.030*\"build\" + 0.025*\"hous\" + 0.021*\"rivièr\" + 0.019*\"buford\" + 0.013*\"histor\" + 0.011*\"linear\" + 0.011*\"briarwood\" + 0.011*\"constitut\" + 0.010*\"strategist\" + 0.010*\"depress\"\n", - "2019-01-31 00:35:35,455 : INFO : topic #35 (0.020): 0.053*\"russia\" + 0.037*\"rural\" + 0.034*\"sovereignti\" + 0.025*\"personifi\" + 0.023*\"poison\" + 0.021*\"reprint\" + 0.019*\"moscow\" + 0.018*\"rsm\" + 0.015*\"poland\" + 0.015*\"unfortun\"\n", - "2019-01-31 00:35:35,456 : INFO : topic #29 (0.020): 0.019*\"companhia\" + 0.011*\"million\" + 0.010*\"bank\" + 0.009*\"busi\" + 0.009*\"market\" + 0.008*\"yawn\" + 0.007*\"govern\" + 0.007*\"industri\" + 0.007*\"start\" + 0.007*\"function\"\n", - "2019-01-31 00:35:35,463 : INFO : topic diff=0.007564, rho=0.041703\n", - "2019-01-31 00:35:35,615 : INFO : PROGRESS: pass 0, at document #1152000/4922894\n", - "2019-01-31 00:35:36,991 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:35:37,257 : INFO : topic #11 (0.020): 0.027*\"john\" + 0.015*\"will\" + 0.013*\"jame\" + 0.011*\"david\" + 0.011*\"rival\" + 0.010*\"georg\" + 0.009*\"mexican–american\" + 0.009*\"slur\" + 0.008*\"rhyme\" + 0.008*\"paul\"\n", - "2019-01-31 00:35:37,258 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"have\" + 0.008*\"disco\" + 0.008*\"media\" + 0.007*\"pathwai\" + 0.007*\"treat\" + 0.007*\"caus\" + 0.006*\"hormon\" + 0.006*\"acid\" + 0.006*\"proper\"\n", - "2019-01-31 00:35:37,259 : INFO : topic #29 (0.020): 0.019*\"companhia\" + 0.011*\"million\" + 0.009*\"bank\" + 0.009*\"busi\" + 0.009*\"market\" + 0.008*\"yawn\" + 0.007*\"govern\" + 0.007*\"industri\" + 0.007*\"start\" + 0.007*\"function\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:35:37,260 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.020*\"di\" + 0.017*\"factor\" + 0.015*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.012*\"life\" + 0.012*\"faster\" + 0.011*\"daughter\" + 0.011*\"deal\"\n", - "2019-01-31 00:35:37,261 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.023*\"spain\" + 0.018*\"mexico\" + 0.018*\"del\" + 0.015*\"soviet\" + 0.012*\"santa\" + 0.012*\"lizard\" + 0.011*\"francisco\" + 0.011*\"juan\" + 0.010*\"carlo\"\n", - "2019-01-31 00:35:37,267 : INFO : topic diff=0.006275, rho=0.041667\n", - "2019-01-31 00:35:37,428 : INFO : PROGRESS: pass 0, at document #1154000/4922894\n", - "2019-01-31 00:35:38,853 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:35:39,119 : INFO : topic #5 (0.020): 0.040*\"abroad\" + 0.029*\"son\" + 0.028*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.017*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:35:39,120 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.021*\"cathol\" + 0.020*\"christian\" + 0.020*\"bishop\" + 0.015*\"sail\" + 0.014*\"retroflex\" + 0.010*\"centuri\" + 0.010*\"relationship\" + 0.009*\"poll\" + 0.009*\"cathedr\"\n", - "2019-01-31 00:35:39,122 : INFO : topic #15 (0.020): 0.011*\"develop\" + 0.011*\"small\" + 0.011*\"commun\" + 0.011*\"organ\" + 0.009*\"word\" + 0.009*\"cultur\" + 0.008*\"group\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"human\"\n", - "2019-01-31 00:35:39,123 : INFO : topic #19 (0.020): 0.014*\"languag\" + 0.010*\"centuri\" + 0.010*\"form\" + 0.010*\"origin\" + 0.009*\"woodcut\" + 0.008*\"mean\" + 0.007*\"like\" + 0.007*\"uruguayan\" + 0.007*\"charact\" + 0.006*\"trade\"\n", - "2019-01-31 00:35:39,124 : INFO : topic #37 (0.020): 0.010*\"man\" + 0.009*\"love\" + 0.008*\"gestur\" + 0.006*\"blue\" + 0.005*\"bewild\" + 0.005*\"comic\" + 0.005*\"vision\" + 0.004*\"septemb\" + 0.004*\"litig\" + 0.004*\"dixi\"\n", - "2019-01-31 00:35:39,130 : INFO : topic diff=0.007083, rho=0.041631\n", - "2019-01-31 00:35:39,281 : INFO : PROGRESS: pass 0, at document #1156000/4922894\n", - "2019-01-31 00:35:40,654 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:35:40,920 : INFO : topic #20 (0.020): 0.137*\"scholar\" + 0.039*\"struggl\" + 0.032*\"high\" + 0.030*\"educ\" + 0.022*\"collector\" + 0.019*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.010*\"gothic\" + 0.009*\"task\"\n", - "2019-01-31 00:35:40,921 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.024*\"factor\" + 0.023*\"adulthood\" + 0.016*\"feel\" + 0.014*\"male\" + 0.014*\"hostil\" + 0.011*\"plaisir\" + 0.010*\"live\" + 0.010*\"genu\" + 0.009*\"yawn\"\n", - "2019-01-31 00:35:40,922 : INFO : topic #41 (0.020): 0.044*\"citi\" + 0.031*\"new\" + 0.022*\"palmer\" + 0.014*\"year\" + 0.013*\"strategist\" + 0.013*\"center\" + 0.011*\"open\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"hot\"\n", - "2019-01-31 00:35:40,923 : INFO : topic #11 (0.020): 0.027*\"john\" + 0.015*\"will\" + 0.013*\"jame\" + 0.011*\"david\" + 0.011*\"rival\" + 0.009*\"georg\" + 0.009*\"slur\" + 0.009*\"mexican–american\" + 0.008*\"rhyme\" + 0.008*\"paul\"\n", - "2019-01-31 00:35:40,924 : INFO : topic #16 (0.020): 0.045*\"king\" + 0.031*\"priest\" + 0.020*\"grammat\" + 0.018*\"quarterli\" + 0.018*\"duke\" + 0.017*\"idiosyncrat\" + 0.017*\"rotterdam\" + 0.015*\"count\" + 0.013*\"brazil\" + 0.012*\"portugues\"\n", - "2019-01-31 00:35:40,930 : INFO : topic diff=0.007047, rho=0.041595\n", - "2019-01-31 00:35:41,082 : INFO : PROGRESS: pass 0, at document #1158000/4922894\n", - "2019-01-31 00:35:42,471 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:35:42,737 : INFO : topic #48 (0.020): 0.079*\"march\" + 0.077*\"sens\" + 0.077*\"octob\" + 0.072*\"januari\" + 0.071*\"notion\" + 0.069*\"juli\" + 0.067*\"judici\" + 0.067*\"august\" + 0.067*\"april\" + 0.066*\"decatur\"\n", - "2019-01-31 00:35:42,739 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.054*\"parti\" + 0.024*\"voluntari\" + 0.021*\"member\" + 0.021*\"democrat\" + 0.017*\"polici\" + 0.014*\"republ\" + 0.014*\"liber\" + 0.014*\"selma\" + 0.013*\"report\"\n", - "2019-01-31 00:35:42,740 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.024*\"factor\" + 0.023*\"adulthood\" + 0.016*\"feel\" + 0.014*\"male\" + 0.014*\"hostil\" + 0.011*\"plaisir\" + 0.010*\"live\" + 0.010*\"genu\" + 0.009*\"yawn\"\n", - "2019-01-31 00:35:42,741 : INFO : topic #35 (0.020): 0.054*\"russia\" + 0.037*\"rural\" + 0.034*\"sovereignti\" + 0.026*\"personifi\" + 0.022*\"poison\" + 0.021*\"reprint\" + 0.019*\"moscow\" + 0.016*\"unfortun\" + 0.015*\"rsm\" + 0.015*\"poland\"\n", - "2019-01-31 00:35:42,742 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.021*\"lagrang\" + 0.017*\"warmth\" + 0.016*\"area\" + 0.015*\"mount\" + 0.009*\"palmer\" + 0.008*\"north\" + 0.008*\"vacant\" + 0.008*\"foam\" + 0.008*\"lobe\"\n", - "2019-01-31 00:35:42,748 : INFO : topic diff=0.005839, rho=0.041559\n", - "2019-01-31 00:35:45,468 : INFO : -12.230 per-word bound, 4804.3 perplexity estimate based on a held-out corpus of 2000 documents with 589084 words\n", - "2019-01-31 00:35:45,469 : INFO : PROGRESS: pass 0, at document #1160000/4922894\n", - "2019-01-31 00:35:46,869 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:35:47,135 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.035*\"publicis\" + 0.024*\"word\" + 0.018*\"new\" + 0.015*\"edit\" + 0.013*\"presid\" + 0.012*\"storag\" + 0.012*\"nicola\" + 0.012*\"worldwid\" + 0.011*\"author\"\n", - "2019-01-31 00:35:47,136 : INFO : topic #37 (0.020): 0.010*\"man\" + 0.009*\"love\" + 0.007*\"gestur\" + 0.006*\"blue\" + 0.005*\"vision\" + 0.005*\"bewild\" + 0.005*\"comic\" + 0.004*\"septemb\" + 0.004*\"litig\" + 0.004*\"dixi\"\n", - "2019-01-31 00:35:47,137 : INFO : topic #41 (0.020): 0.044*\"citi\" + 0.030*\"new\" + 0.023*\"palmer\" + 0.013*\"strategist\" + 0.013*\"year\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"hot\"\n", - "2019-01-31 00:35:47,139 : INFO : topic #9 (0.020): 0.073*\"bone\" + 0.042*\"american\" + 0.029*\"valour\" + 0.020*\"dutch\" + 0.018*\"folei\" + 0.017*\"player\" + 0.017*\"polit\" + 0.016*\"english\" + 0.013*\"simpler\" + 0.012*\"acrimoni\"\n", - "2019-01-31 00:35:47,140 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.025*\"septemb\" + 0.023*\"epiru\" + 0.019*\"teacher\" + 0.017*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:35:47,146 : INFO : topic diff=0.008513, rho=0.041523\n", - "2019-01-31 00:35:47,300 : INFO : PROGRESS: pass 0, at document #1162000/4922894\n", - "2019-01-31 00:35:48,692 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:35:48,958 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"man\"\n", - "2019-01-31 00:35:48,959 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.028*\"final\" + 0.024*\"wife\" + 0.021*\"tourist\" + 0.018*\"taxpay\" + 0.017*\"champion\" + 0.015*\"chamber\" + 0.014*\"martin\" + 0.014*\"tiepolo\" + 0.012*\"winner\"\n", - "2019-01-31 00:35:48,960 : INFO : topic #37 (0.020): 0.009*\"man\" + 0.009*\"love\" + 0.007*\"gestur\" + 0.006*\"blue\" + 0.005*\"vision\" + 0.005*\"bewild\" + 0.005*\"comic\" + 0.004*\"septemb\" + 0.004*\"litig\" + 0.004*\"dixi\"\n", - "2019-01-31 00:35:48,961 : INFO : topic #3 (0.020): 0.038*\"present\" + 0.028*\"minist\" + 0.026*\"offic\" + 0.021*\"nation\" + 0.020*\"govern\" + 0.019*\"member\" + 0.018*\"gener\" + 0.018*\"serv\" + 0.016*\"seri\" + 0.015*\"start\"\n", - "2019-01-31 00:35:48,962 : INFO : topic #20 (0.020): 0.139*\"scholar\" + 0.039*\"struggl\" + 0.032*\"high\" + 0.030*\"educ\" + 0.021*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.010*\"gothic\" + 0.009*\"task\"\n", - "2019-01-31 00:35:48,968 : INFO : topic diff=0.006946, rho=0.041487\n", - "2019-01-31 00:35:49,120 : INFO : PROGRESS: pass 0, at document #1164000/4922894\n", - "2019-01-31 00:35:50,492 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:35:50,759 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 00:35:50,760 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.035*\"publicis\" + 0.024*\"word\" + 0.017*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"storag\" + 0.012*\"nicola\" + 0.012*\"worldwid\" + 0.011*\"author\"\n", - "2019-01-31 00:35:50,761 : INFO : topic #35 (0.020): 0.054*\"russia\" + 0.037*\"rural\" + 0.034*\"sovereignti\" + 0.026*\"personifi\" + 0.022*\"poison\" + 0.021*\"reprint\" + 0.019*\"moscow\" + 0.015*\"unfortun\" + 0.015*\"poland\" + 0.015*\"malaysia\"\n", - "2019-01-31 00:35:50,762 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.020*\"di\" + 0.017*\"factor\" + 0.015*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.011*\"daughter\" + 0.011*\"deal\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:35:50,763 : INFO : topic #0 (0.020): 0.071*\"statewid\" + 0.042*\"raid\" + 0.039*\"arsen\" + 0.038*\"line\" + 0.030*\"museo\" + 0.019*\"traceabl\" + 0.017*\"pain\" + 0.017*\"serv\" + 0.014*\"exhaust\" + 0.012*\"oper\"\n", - "2019-01-31 00:35:50,769 : INFO : topic diff=0.006318, rho=0.041451\n", - "2019-01-31 00:35:50,921 : INFO : PROGRESS: pass 0, at document #1166000/4922894\n", - "2019-01-31 00:35:52,301 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:35:52,567 : INFO : topic #32 (0.020): 0.055*\"district\" + 0.046*\"vigour\" + 0.043*\"popolo\" + 0.041*\"tortur\" + 0.028*\"cotton\" + 0.028*\"area\" + 0.024*\"regim\" + 0.024*\"multitud\" + 0.021*\"citi\" + 0.019*\"commun\"\n", - "2019-01-31 00:35:52,568 : INFO : topic #36 (0.020): 0.013*\"network\" + 0.011*\"pop\" + 0.010*\"oper\" + 0.010*\"prognosi\" + 0.009*\"develop\" + 0.008*\"serv\" + 0.008*\"cytokin\" + 0.007*\"base\" + 0.007*\"brio\" + 0.007*\"softwar\"\n", - "2019-01-31 00:35:52,569 : INFO : topic #28 (0.020): 0.029*\"build\" + 0.026*\"hous\" + 0.020*\"rivièr\" + 0.019*\"buford\" + 0.013*\"histor\" + 0.011*\"briarwood\" + 0.011*\"strategist\" + 0.010*\"constitut\" + 0.010*\"linear\" + 0.010*\"depress\"\n", - "2019-01-31 00:35:52,571 : INFO : topic #11 (0.020): 0.028*\"john\" + 0.015*\"will\" + 0.013*\"jame\" + 0.011*\"rival\" + 0.011*\"david\" + 0.010*\"georg\" + 0.009*\"slur\" + 0.009*\"mexican–american\" + 0.008*\"rhyme\" + 0.008*\"paul\"\n", - "2019-01-31 00:35:52,572 : INFO : topic #42 (0.020): 0.044*\"german\" + 0.029*\"germani\" + 0.015*\"jewish\" + 0.015*\"vol\" + 0.013*\"israel\" + 0.013*\"berlin\" + 0.013*\"der\" + 0.010*\"european\" + 0.009*\"europ\" + 0.009*\"itali\"\n", - "2019-01-31 00:35:52,577 : INFO : topic diff=0.007075, rho=0.041416\n", - "2019-01-31 00:35:52,733 : INFO : PROGRESS: pass 0, at document #1168000/4922894\n", - "2019-01-31 00:35:54,135 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:35:54,401 : INFO : topic #13 (0.020): 0.026*\"sourc\" + 0.025*\"australia\" + 0.024*\"london\" + 0.024*\"new\" + 0.023*\"australian\" + 0.021*\"england\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.015*\"rotterdam\" + 0.015*\"youth\"\n", - "2019-01-31 00:35:54,402 : INFO : topic #21 (0.020): 0.037*\"samford\" + 0.023*\"spain\" + 0.020*\"mexico\" + 0.018*\"del\" + 0.016*\"soviet\" + 0.012*\"santa\" + 0.012*\"lizard\" + 0.012*\"francisco\" + 0.011*\"juan\" + 0.010*\"carlo\"\n", - "2019-01-31 00:35:54,404 : INFO : topic #11 (0.020): 0.027*\"john\" + 0.015*\"will\" + 0.013*\"jame\" + 0.011*\"david\" + 0.011*\"rival\" + 0.009*\"georg\" + 0.009*\"slur\" + 0.009*\"mexican–american\" + 0.008*\"rhyme\" + 0.008*\"paul\"\n", - "2019-01-31 00:35:54,405 : INFO : topic #39 (0.020): 0.046*\"canada\" + 0.037*\"canadian\" + 0.020*\"toronto\" + 0.019*\"ontario\" + 0.019*\"hoar\" + 0.013*\"new\" + 0.012*\"hydrogen\" + 0.012*\"novotná\" + 0.012*\"misericordia\" + 0.011*\"araz\"\n", - "2019-01-31 00:35:54,406 : INFO : topic #3 (0.020): 0.037*\"present\" + 0.027*\"minist\" + 0.027*\"offic\" + 0.021*\"nation\" + 0.020*\"govern\" + 0.019*\"member\" + 0.019*\"serv\" + 0.018*\"gener\" + 0.016*\"seri\" + 0.014*\"start\"\n", - "2019-01-31 00:35:54,412 : INFO : topic diff=0.005852, rho=0.041380\n", - "2019-01-31 00:35:54,567 : INFO : PROGRESS: pass 0, at document #1170000/4922894\n", - "2019-01-31 00:35:55,946 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:35:56,212 : INFO : topic #49 (0.020): 0.041*\"india\" + 0.029*\"incumb\" + 0.015*\"islam\" + 0.013*\"televis\" + 0.013*\"pakistan\" + 0.012*\"muskoge\" + 0.011*\"khalsa\" + 0.010*\"alam\" + 0.010*\"tajikistan\" + 0.010*\"anglo\"\n", - "2019-01-31 00:35:56,213 : INFO : topic #16 (0.020): 0.046*\"king\" + 0.032*\"priest\" + 0.019*\"grammat\" + 0.019*\"quarterli\" + 0.019*\"duke\" + 0.017*\"idiosyncrat\" + 0.016*\"rotterdam\" + 0.015*\"brazil\" + 0.014*\"count\" + 0.013*\"portugues\"\n", - "2019-01-31 00:35:56,215 : INFO : topic #34 (0.020): 0.072*\"start\" + 0.033*\"cotton\" + 0.033*\"unionist\" + 0.029*\"american\" + 0.026*\"new\" + 0.014*\"year\" + 0.013*\"warrior\" + 0.013*\"california\" + 0.012*\"north\" + 0.012*\"terri\"\n", - "2019-01-31 00:35:56,216 : INFO : topic #15 (0.020): 0.011*\"develop\" + 0.011*\"small\" + 0.011*\"organ\" + 0.011*\"commun\" + 0.009*\"word\" + 0.009*\"group\" + 0.008*\"cultur\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.007*\"woman\"\n", - "2019-01-31 00:35:56,217 : INFO : topic #23 (0.020): 0.138*\"audit\" + 0.068*\"best\" + 0.035*\"yawn\" + 0.032*\"jacksonvil\" + 0.025*\"japanes\" + 0.021*\"festiv\" + 0.021*\"noll\" + 0.020*\"women\" + 0.020*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 00:35:56,223 : INFO : topic diff=0.006069, rho=0.041345\n", - "2019-01-31 00:35:56,379 : INFO : PROGRESS: pass 0, at document #1172000/4922894\n", - "2019-01-31 00:35:57,766 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:35:58,032 : INFO : topic #2 (0.020): 0.044*\"isl\" + 0.037*\"shield\" + 0.019*\"narrat\" + 0.013*\"scot\" + 0.012*\"nativist\" + 0.012*\"blur\" + 0.011*\"pope\" + 0.010*\"bahá\" + 0.009*\"class\" + 0.009*\"coalit\"\n", - "2019-01-31 00:35:58,033 : INFO : topic #13 (0.020): 0.026*\"australia\" + 0.026*\"sourc\" + 0.025*\"london\" + 0.024*\"new\" + 0.023*\"australian\" + 0.021*\"england\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.015*\"rotterdam\"\n", - "2019-01-31 00:35:58,034 : INFO : topic #21 (0.020): 0.037*\"samford\" + 0.023*\"spain\" + 0.021*\"mexico\" + 0.019*\"del\" + 0.016*\"soviet\" + 0.012*\"lizard\" + 0.012*\"santa\" + 0.012*\"francisco\" + 0.011*\"juan\" + 0.010*\"carlo\"\n", - "2019-01-31 00:35:58,035 : INFO : topic #36 (0.020): 0.012*\"network\" + 0.011*\"pop\" + 0.010*\"prognosi\" + 0.010*\"oper\" + 0.009*\"develop\" + 0.008*\"serv\" + 0.008*\"cytokin\" + 0.008*\"base\" + 0.007*\"softwar\" + 0.007*\"user\"\n", - "2019-01-31 00:35:58,037 : INFO : topic #42 (0.020): 0.043*\"german\" + 0.029*\"germani\" + 0.015*\"jewish\" + 0.014*\"vol\" + 0.013*\"berlin\" + 0.013*\"israel\" + 0.013*\"der\" + 0.010*\"european\" + 0.009*\"europ\" + 0.009*\"itali\"\n", - "2019-01-31 00:35:58,042 : INFO : topic diff=0.006696, rho=0.041310\n", - "2019-01-31 00:35:58,198 : INFO : PROGRESS: pass 0, at document #1174000/4922894\n", - "2019-01-31 00:35:59,595 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:35:59,861 : INFO : topic #39 (0.020): 0.046*\"canada\" + 0.036*\"canadian\" + 0.020*\"toronto\" + 0.019*\"ontario\" + 0.018*\"hoar\" + 0.013*\"new\" + 0.012*\"hydrogen\" + 0.012*\"araz\" + 0.011*\"misericordia\" + 0.011*\"novotná\"\n", - "2019-01-31 00:35:59,862 : INFO : topic #17 (0.020): 0.079*\"church\" + 0.021*\"cathol\" + 0.021*\"christian\" + 0.020*\"bishop\" + 0.016*\"sail\" + 0.014*\"retroflex\" + 0.010*\"relationship\" + 0.010*\"centuri\" + 0.009*\"cathedr\" + 0.009*\"poll\"\n", - "2019-01-31 00:35:59,863 : INFO : topic #41 (0.020): 0.044*\"citi\" + 0.030*\"new\" + 0.022*\"palmer\" + 0.013*\"strategist\" + 0.013*\"year\" + 0.012*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"dai\"\n", - "2019-01-31 00:35:59,864 : INFO : topic #11 (0.020): 0.027*\"john\" + 0.015*\"will\" + 0.013*\"jame\" + 0.011*\"rival\" + 0.011*\"david\" + 0.009*\"georg\" + 0.009*\"mexican–american\" + 0.009*\"slur\" + 0.008*\"rhyme\" + 0.008*\"paul\"\n", - "2019-01-31 00:35:59,865 : INFO : topic #46 (0.020): 0.018*\"stop\" + 0.017*\"norwai\" + 0.017*\"norwegian\" + 0.016*\"swedish\" + 0.015*\"sweden\" + 0.015*\"unjust\" + 0.015*\"wind\" + 0.014*\"damag\" + 0.011*\"financ\" + 0.011*\"treeless\"\n", - "2019-01-31 00:35:59,871 : INFO : topic diff=0.007020, rho=0.041274\n", - "2019-01-31 00:36:00,027 : INFO : PROGRESS: pass 0, at document #1176000/4922894\n", - "2019-01-31 00:36:01,413 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:36:01,680 : INFO : topic #2 (0.020): 0.044*\"isl\" + 0.036*\"shield\" + 0.019*\"narrat\" + 0.014*\"scot\" + 0.012*\"blur\" + 0.012*\"nativist\" + 0.011*\"pope\" + 0.010*\"bahá\" + 0.010*\"class\" + 0.009*\"coalit\"\n", - "2019-01-31 00:36:01,681 : INFO : topic #46 (0.020): 0.018*\"stop\" + 0.017*\"norwai\" + 0.017*\"norwegian\" + 0.015*\"swedish\" + 0.015*\"sweden\" + 0.015*\"damag\" + 0.014*\"unjust\" + 0.014*\"wind\" + 0.011*\"turkish\" + 0.011*\"financ\"\n", - "2019-01-31 00:36:01,682 : INFO : topic #42 (0.020): 0.043*\"german\" + 0.029*\"germani\" + 0.015*\"jewish\" + 0.015*\"vol\" + 0.014*\"berlin\" + 0.013*\"israel\" + 0.013*\"der\" + 0.010*\"european\" + 0.009*\"europ\" + 0.009*\"itali\"\n", - "2019-01-31 00:36:01,683 : INFO : topic #30 (0.020): 0.037*\"leagu\" + 0.036*\"cleveland\" + 0.030*\"place\" + 0.028*\"taxpay\" + 0.025*\"scientist\" + 0.024*\"crete\" + 0.022*\"folei\" + 0.016*\"goal\" + 0.016*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:36:01,684 : INFO : topic #20 (0.020): 0.140*\"scholar\" + 0.039*\"struggl\" + 0.034*\"high\" + 0.030*\"educ\" + 0.022*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.010*\"gothic\" + 0.009*\"task\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:36:01,690 : INFO : topic diff=0.005963, rho=0.041239\n", - "2019-01-31 00:36:01,847 : INFO : PROGRESS: pass 0, at document #1178000/4922894\n", - "2019-01-31 00:36:03,242 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:36:03,509 : INFO : topic #46 (0.020): 0.018*\"stop\" + 0.018*\"norwai\" + 0.017*\"norwegian\" + 0.016*\"swedish\" + 0.015*\"sweden\" + 0.015*\"damag\" + 0.015*\"wind\" + 0.014*\"unjust\" + 0.011*\"turkish\" + 0.011*\"denmark\"\n", - "2019-01-31 00:36:03,511 : INFO : topic #25 (0.020): 0.031*\"ring\" + 0.019*\"lagrang\" + 0.017*\"warmth\" + 0.016*\"area\" + 0.015*\"mount\" + 0.009*\"palmer\" + 0.009*\"foam\" + 0.008*\"north\" + 0.008*\"vacant\" + 0.008*\"land\"\n", - "2019-01-31 00:36:03,512 : INFO : topic #29 (0.020): 0.020*\"companhia\" + 0.011*\"million\" + 0.009*\"bank\" + 0.009*\"market\" + 0.009*\"busi\" + 0.008*\"yawn\" + 0.007*\"industri\" + 0.007*\"start\" + 0.007*\"produc\" + 0.007*\"govern\"\n", - "2019-01-31 00:36:03,513 : INFO : topic #33 (0.020): 0.058*\"french\" + 0.044*\"franc\" + 0.033*\"pari\" + 0.024*\"jean\" + 0.024*\"sail\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.012*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 00:36:03,514 : INFO : topic #13 (0.020): 0.026*\"australia\" + 0.025*\"sourc\" + 0.025*\"london\" + 0.024*\"new\" + 0.022*\"australian\" + 0.021*\"england\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.015*\"youth\" + 0.015*\"rotterdam\"\n", - "2019-01-31 00:36:03,520 : INFO : topic diff=0.007834, rho=0.041204\n", - "2019-01-31 00:36:06,233 : INFO : -11.496 per-word bound, 2888.2 perplexity estimate based on a held-out corpus of 2000 documents with 539919 words\n", - "2019-01-31 00:36:06,234 : INFO : PROGRESS: pass 0, at document #1180000/4922894\n", - "2019-01-31 00:36:07,638 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:36:07,904 : INFO : topic #45 (0.020): 0.022*\"jpg\" + 0.022*\"fifteenth\" + 0.016*\"illicit\" + 0.016*\"black\" + 0.016*\"colder\" + 0.015*\"western\" + 0.012*\"record\" + 0.011*\"blind\" + 0.008*\"light\" + 0.007*\"green\"\n", - "2019-01-31 00:36:07,905 : INFO : topic #19 (0.020): 0.013*\"languag\" + 0.010*\"woodcut\" + 0.010*\"centuri\" + 0.010*\"form\" + 0.010*\"origin\" + 0.008*\"mean\" + 0.007*\"like\" + 0.007*\"charact\" + 0.007*\"uruguayan\" + 0.007*\"trade\"\n", - "2019-01-31 00:36:07,906 : INFO : topic #35 (0.020): 0.053*\"russia\" + 0.037*\"sovereignti\" + 0.036*\"rural\" + 0.027*\"personifi\" + 0.022*\"poison\" + 0.021*\"reprint\" + 0.021*\"moscow\" + 0.016*\"unfortun\" + 0.016*\"malaysia\" + 0.015*\"poland\"\n", - "2019-01-31 00:36:07,907 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.011*\"aza\" + 0.009*\"battalion\" + 0.008*\"teufel\" + 0.008*\"forc\" + 0.008*\"empath\" + 0.007*\"armi\" + 0.007*\"till\" + 0.007*\"king\" + 0.006*\"militari\"\n", - "2019-01-31 00:36:07,908 : INFO : topic #30 (0.020): 0.037*\"leagu\" + 0.036*\"cleveland\" + 0.030*\"place\" + 0.028*\"taxpay\" + 0.025*\"scientist\" + 0.024*\"crete\" + 0.022*\"folei\" + 0.016*\"goal\" + 0.016*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:36:07,914 : INFO : topic diff=0.007236, rho=0.041169\n", - "2019-01-31 00:36:08,069 : INFO : PROGRESS: pass 0, at document #1182000/4922894\n", - "2019-01-31 00:36:09,458 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:36:09,725 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.024*\"adulthood\" + 0.024*\"factor\" + 0.017*\"feel\" + 0.015*\"male\" + 0.015*\"hostil\" + 0.011*\"live\" + 0.011*\"plaisir\" + 0.011*\"genu\" + 0.010*\"yawn\"\n", - "2019-01-31 00:36:09,726 : INFO : topic #33 (0.020): 0.059*\"french\" + 0.045*\"franc\" + 0.034*\"pari\" + 0.024*\"jean\" + 0.023*\"sail\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.011*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 00:36:09,727 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.035*\"publicis\" + 0.023*\"word\" + 0.017*\"new\" + 0.014*\"edit\" + 0.012*\"presid\" + 0.012*\"storag\" + 0.012*\"nicola\" + 0.012*\"worldwid\" + 0.011*\"author\"\n", - "2019-01-31 00:36:09,728 : INFO : topic #27 (0.020): 0.072*\"questionnair\" + 0.019*\"taxpay\" + 0.018*\"candid\" + 0.014*\"tornado\" + 0.013*\"driver\" + 0.012*\"fool\" + 0.012*\"find\" + 0.011*\"horac\" + 0.011*\"ret\" + 0.010*\"théori\"\n", - "2019-01-31 00:36:09,729 : INFO : topic #0 (0.020): 0.071*\"statewid\" + 0.041*\"raid\" + 0.039*\"line\" + 0.038*\"arsen\" + 0.028*\"museo\" + 0.019*\"traceabl\" + 0.017*\"serv\" + 0.016*\"pain\" + 0.013*\"exhaust\" + 0.012*\"oper\"\n", - "2019-01-31 00:36:09,735 : INFO : topic diff=0.005971, rho=0.041135\n", - "2019-01-31 00:36:09,950 : INFO : PROGRESS: pass 0, at document #1184000/4922894\n", - "2019-01-31 00:36:11,352 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:36:11,618 : INFO : topic #48 (0.020): 0.079*\"octob\" + 0.075*\"march\" + 0.075*\"sens\" + 0.070*\"notion\" + 0.070*\"januari\" + 0.067*\"juli\" + 0.065*\"august\" + 0.065*\"april\" + 0.064*\"judici\" + 0.064*\"decatur\"\n", - "2019-01-31 00:36:11,619 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.049*\"chilton\" + 0.026*\"hong\" + 0.025*\"kong\" + 0.023*\"korea\" + 0.019*\"korean\" + 0.017*\"sourc\" + 0.015*\"shirin\" + 0.013*\"leah\" + 0.013*\"kim\"\n", - "2019-01-31 00:36:11,621 : INFO : topic #23 (0.020): 0.139*\"audit\" + 0.070*\"best\" + 0.034*\"yawn\" + 0.033*\"jacksonvil\" + 0.025*\"japanes\" + 0.021*\"festiv\" + 0.021*\"noll\" + 0.019*\"women\" + 0.018*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 00:36:11,621 : INFO : topic #16 (0.020): 0.047*\"king\" + 0.033*\"priest\" + 0.020*\"quarterli\" + 0.020*\"duke\" + 0.020*\"grammat\" + 0.016*\"idiosyncrat\" + 0.015*\"rotterdam\" + 0.015*\"brazil\" + 0.014*\"princ\" + 0.013*\"count\"\n", - "2019-01-31 00:36:11,623 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.004*\"end\" + 0.004*\"call\" + 0.004*\"man\"\n", - "2019-01-31 00:36:11,629 : INFO : topic diff=0.008042, rho=0.041100\n", - "2019-01-31 00:36:11,785 : INFO : PROGRESS: pass 0, at document #1186000/4922894\n", - "2019-01-31 00:36:13,339 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:36:13,607 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.019*\"di\" + 0.017*\"factor\" + 0.016*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.012*\"life\" + 0.012*\"faster\" + 0.012*\"daughter\" + 0.011*\"deal\"\n", - "2019-01-31 00:36:13,608 : INFO : topic #33 (0.020): 0.059*\"french\" + 0.045*\"franc\" + 0.034*\"pari\" + 0.024*\"jean\" + 0.023*\"sail\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.011*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 00:36:13,609 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"disco\" + 0.008*\"media\" + 0.008*\"have\" + 0.007*\"caus\" + 0.007*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"treat\" + 0.006*\"gastrointestin\" + 0.006*\"proper\"\n", - "2019-01-31 00:36:13,610 : INFO : topic #6 (0.020): 0.072*\"fewer\" + 0.025*\"septemb\" + 0.023*\"epiru\" + 0.019*\"teacher\" + 0.017*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"director\"\n", - "2019-01-31 00:36:13,612 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.024*\"factor\" + 0.023*\"adulthood\" + 0.017*\"feel\" + 0.015*\"male\" + 0.014*\"hostil\" + 0.011*\"live\" + 0.011*\"genu\" + 0.011*\"plaisir\" + 0.009*\"yawn\"\n", - "2019-01-31 00:36:13,617 : INFO : topic diff=0.006065, rho=0.041065\n", - "2019-01-31 00:36:13,773 : INFO : PROGRESS: pass 0, at document #1188000/4922894\n", - "2019-01-31 00:36:15,174 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:36:15,440 : INFO : topic #46 (0.020): 0.019*\"stop\" + 0.018*\"norwai\" + 0.017*\"norwegian\" + 0.016*\"swedish\" + 0.015*\"sweden\" + 0.014*\"wind\" + 0.014*\"damag\" + 0.013*\"unjust\" + 0.011*\"turkish\" + 0.011*\"denmark\"\n", - "2019-01-31 00:36:15,441 : INFO : topic #19 (0.020): 0.014*\"languag\" + 0.010*\"woodcut\" + 0.010*\"centuri\" + 0.010*\"form\" + 0.009*\"origin\" + 0.008*\"mean\" + 0.007*\"charact\" + 0.007*\"like\" + 0.007*\"uruguayan\" + 0.007*\"god\"\n", - "2019-01-31 00:36:15,442 : INFO : topic #16 (0.020): 0.046*\"king\" + 0.034*\"priest\" + 0.020*\"quarterli\" + 0.020*\"duke\" + 0.019*\"grammat\" + 0.017*\"idiosyncrat\" + 0.015*\"rotterdam\" + 0.014*\"brazil\" + 0.013*\"princ\" + 0.013*\"count\"\n", - "2019-01-31 00:36:15,444 : INFO : topic #45 (0.020): 0.022*\"jpg\" + 0.021*\"fifteenth\" + 0.017*\"colder\" + 0.017*\"illicit\" + 0.016*\"black\" + 0.015*\"western\" + 0.012*\"record\" + 0.011*\"blind\" + 0.008*\"light\" + 0.007*\"green\"\n", - "2019-01-31 00:36:15,445 : INFO : topic #30 (0.020): 0.037*\"leagu\" + 0.036*\"cleveland\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.025*\"scientist\" + 0.024*\"crete\" + 0.022*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.011*\"schmitz\"\n", - "2019-01-31 00:36:15,450 : INFO : topic diff=0.006913, rho=0.041030\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:36:15,607 : INFO : PROGRESS: pass 0, at document #1190000/4922894\n", - "2019-01-31 00:36:17,016 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:36:17,283 : INFO : topic #0 (0.020): 0.070*\"statewid\" + 0.040*\"raid\" + 0.039*\"line\" + 0.038*\"arsen\" + 0.028*\"museo\" + 0.020*\"traceabl\" + 0.017*\"serv\" + 0.017*\"pain\" + 0.013*\"exhaust\" + 0.012*\"artist\"\n", - "2019-01-31 00:36:17,284 : INFO : topic #23 (0.020): 0.140*\"audit\" + 0.070*\"best\" + 0.034*\"yawn\" + 0.032*\"jacksonvil\" + 0.025*\"japanes\" + 0.021*\"festiv\" + 0.021*\"noll\" + 0.020*\"women\" + 0.018*\"intern\" + 0.013*\"prison\"\n", - "2019-01-31 00:36:17,285 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.019*\"lagrang\" + 0.017*\"warmth\" + 0.016*\"area\" + 0.014*\"mount\" + 0.009*\"palmer\" + 0.009*\"foam\" + 0.008*\"north\" + 0.008*\"vacant\" + 0.008*\"land\"\n", - "2019-01-31 00:36:17,286 : INFO : topic #2 (0.020): 0.047*\"isl\" + 0.036*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.012*\"nativist\" + 0.012*\"blur\" + 0.011*\"pope\" + 0.010*\"fleet\" + 0.009*\"bahá\" + 0.009*\"class\"\n", - "2019-01-31 00:36:17,287 : INFO : topic #34 (0.020): 0.072*\"start\" + 0.033*\"unionist\" + 0.033*\"cotton\" + 0.030*\"american\" + 0.026*\"new\" + 0.015*\"year\" + 0.013*\"warrior\" + 0.013*\"california\" + 0.012*\"north\" + 0.012*\"terri\"\n", - "2019-01-31 00:36:17,293 : INFO : topic diff=0.006854, rho=0.040996\n", - "2019-01-31 00:36:17,449 : INFO : PROGRESS: pass 0, at document #1192000/4922894\n", - "2019-01-31 00:36:18,844 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:36:19,111 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.054*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.021*\"member\" + 0.017*\"polici\" + 0.015*\"republ\" + 0.014*\"bypass\" + 0.014*\"liber\" + 0.013*\"report\"\n", - "2019-01-31 00:36:19,112 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.009*\"elabor\" + 0.009*\"mode\" + 0.008*\"veget\" + 0.007*\"produc\" + 0.007*\"candid\" + 0.007*\"encyclopedia\" + 0.007*\"uruguayan\"\n", - "2019-01-31 00:36:19,113 : INFO : topic #0 (0.020): 0.070*\"statewid\" + 0.040*\"raid\" + 0.039*\"line\" + 0.038*\"arsen\" + 0.028*\"museo\" + 0.020*\"traceabl\" + 0.017*\"serv\" + 0.017*\"pain\" + 0.013*\"exhaust\" + 0.012*\"artist\"\n", - "2019-01-31 00:36:19,114 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"disco\" + 0.008*\"have\" + 0.008*\"media\" + 0.007*\"hormon\" + 0.007*\"caus\" + 0.007*\"pathwai\" + 0.006*\"treat\" + 0.006*\"proper\" + 0.006*\"effect\"\n", - "2019-01-31 00:36:19,115 : INFO : topic #3 (0.020): 0.038*\"present\" + 0.028*\"offic\" + 0.025*\"minist\" + 0.021*\"nation\" + 0.020*\"govern\" + 0.018*\"member\" + 0.018*\"serv\" + 0.018*\"gener\" + 0.016*\"chickasaw\" + 0.015*\"seri\"\n", - "2019-01-31 00:36:19,121 : INFO : topic diff=0.005556, rho=0.040962\n", - "2019-01-31 00:36:19,277 : INFO : PROGRESS: pass 0, at document #1194000/4922894\n", - "2019-01-31 00:36:20,674 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:36:20,940 : INFO : topic #23 (0.020): 0.140*\"audit\" + 0.069*\"best\" + 0.034*\"yawn\" + 0.032*\"jacksonvil\" + 0.025*\"japanes\" + 0.022*\"festiv\" + 0.021*\"noll\" + 0.020*\"women\" + 0.018*\"intern\" + 0.013*\"prison\"\n", - "2019-01-31 00:36:20,941 : INFO : topic #26 (0.020): 0.032*\"workplac\" + 0.030*\"champion\" + 0.028*\"woman\" + 0.024*\"olymp\" + 0.024*\"men\" + 0.021*\"event\" + 0.021*\"medal\" + 0.018*\"rainfal\" + 0.018*\"nation\" + 0.018*\"alic\"\n", - "2019-01-31 00:36:20,942 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.023*\"cortic\" + 0.018*\"start\" + 0.016*\"act\" + 0.015*\"ricardo\" + 0.012*\"case\" + 0.010*\"polaris\" + 0.009*\"order\" + 0.009*\"legal\" + 0.008*\"replac\"\n", - "2019-01-31 00:36:20,943 : INFO : topic #0 (0.020): 0.070*\"statewid\" + 0.040*\"line\" + 0.039*\"raid\" + 0.038*\"arsen\" + 0.028*\"museo\" + 0.019*\"traceabl\" + 0.018*\"serv\" + 0.016*\"pain\" + 0.013*\"exhaust\" + 0.012*\"oper\"\n", - "2019-01-31 00:36:20,944 : INFO : topic #42 (0.020): 0.044*\"german\" + 0.030*\"germani\" + 0.015*\"vol\" + 0.015*\"jewish\" + 0.014*\"berlin\" + 0.014*\"israel\" + 0.013*\"der\" + 0.009*\"european\" + 0.009*\"itali\" + 0.008*\"austria\"\n", - "2019-01-31 00:36:20,950 : INFO : topic diff=0.005746, rho=0.040927\n", - "2019-01-31 00:36:21,106 : INFO : PROGRESS: pass 0, at document #1196000/4922894\n", - "2019-01-31 00:36:22,488 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:36:22,754 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.028*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.017*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:36:22,755 : INFO : topic #33 (0.020): 0.058*\"french\" + 0.044*\"franc\" + 0.032*\"pari\" + 0.023*\"sail\" + 0.022*\"jean\" + 0.016*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 00:36:22,757 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.028*\"final\" + 0.024*\"wife\" + 0.021*\"tourist\" + 0.018*\"champion\" + 0.017*\"taxpay\" + 0.016*\"chamber\" + 0.014*\"martin\" + 0.014*\"tiepolo\" + 0.012*\"open\"\n", - "2019-01-31 00:36:22,758 : INFO : topic #0 (0.020): 0.070*\"statewid\" + 0.040*\"line\" + 0.039*\"raid\" + 0.038*\"arsen\" + 0.028*\"museo\" + 0.020*\"traceabl\" + 0.017*\"serv\" + 0.016*\"pain\" + 0.013*\"exhaust\" + 0.012*\"artist\"\n", - "2019-01-31 00:36:22,759 : INFO : topic #37 (0.020): 0.010*\"man\" + 0.009*\"love\" + 0.008*\"comic\" + 0.007*\"gestur\" + 0.006*\"blue\" + 0.005*\"vision\" + 0.004*\"bewild\" + 0.004*\"dixi\" + 0.004*\"black\" + 0.004*\"litig\"\n", - "2019-01-31 00:36:22,765 : INFO : topic diff=0.006996, rho=0.040893\n", - "2019-01-31 00:36:22,915 : INFO : PROGRESS: pass 0, at document #1198000/4922894\n", - "2019-01-31 00:36:24,283 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:36:24,550 : INFO : topic #29 (0.020): 0.020*\"companhia\" + 0.011*\"million\" + 0.009*\"busi\" + 0.009*\"bank\" + 0.009*\"yawn\" + 0.009*\"market\" + 0.007*\"industri\" + 0.007*\"function\" + 0.007*\"start\" + 0.007*\"govern\"\n", - "2019-01-31 00:36:24,551 : INFO : topic #20 (0.020): 0.139*\"scholar\" + 0.040*\"struggl\" + 0.032*\"high\" + 0.031*\"educ\" + 0.022*\"collector\" + 0.019*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.009*\"gothic\" + 0.009*\"task\"\n", - "2019-01-31 00:36:24,552 : INFO : topic #40 (0.020): 0.089*\"unit\" + 0.025*\"collector\" + 0.022*\"schuster\" + 0.021*\"institut\" + 0.020*\"requir\" + 0.018*\"student\" + 0.015*\"professor\" + 0.012*\"word\" + 0.012*\"degre\" + 0.011*\"governor\"\n", - "2019-01-31 00:36:24,553 : INFO : topic #35 (0.020): 0.052*\"russia\" + 0.037*\"sovereignti\" + 0.034*\"rural\" + 0.025*\"personifi\" + 0.025*\"poison\" + 0.021*\"reprint\" + 0.021*\"moscow\" + 0.017*\"poland\" + 0.016*\"unfortun\" + 0.014*\"malaysia\"\n", - "2019-01-31 00:36:24,555 : INFO : topic #11 (0.020): 0.027*\"john\" + 0.015*\"will\" + 0.013*\"jame\" + 0.011*\"david\" + 0.011*\"rival\" + 0.009*\"georg\" + 0.009*\"mexican–american\" + 0.009*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:36:24,560 : INFO : topic diff=0.007585, rho=0.040859\n", - "2019-01-31 00:36:27,262 : INFO : -11.689 per-word bound, 3302.0 perplexity estimate based on a held-out corpus of 2000 documents with 554964 words\n", - "2019-01-31 00:36:27,263 : INFO : PROGRESS: pass 0, at document #1200000/4922894\n", - "2019-01-31 00:36:28,659 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:36:28,926 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.010*\"mode\" + 0.009*\"elabor\" + 0.008*\"veget\" + 0.008*\"produc\" + 0.007*\"candid\" + 0.007*\"mandir\" + 0.007*\"uruguayan\"\n", - "2019-01-31 00:36:28,927 : INFO : topic #1 (0.020): 0.053*\"china\" + 0.052*\"chilton\" + 0.025*\"hong\" + 0.024*\"kong\" + 0.022*\"korea\" + 0.018*\"korean\" + 0.015*\"sourc\" + 0.014*\"shirin\" + 0.014*\"leah\" + 0.013*\"kim\"\n", - "2019-01-31 00:36:28,928 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.011*\"develop\" + 0.011*\"commun\" + 0.011*\"organ\" + 0.009*\"word\" + 0.008*\"group\" + 0.008*\"cultur\" + 0.008*\"peopl\" + 0.007*\"summerhil\" + 0.006*\"human\"\n", - "2019-01-31 00:36:28,929 : INFO : topic #3 (0.020): 0.037*\"present\" + 0.027*\"offic\" + 0.026*\"minist\" + 0.021*\"nation\" + 0.020*\"govern\" + 0.019*\"member\" + 0.018*\"serv\" + 0.018*\"gener\" + 0.016*\"chickasaw\" + 0.015*\"seri\"\n", - "2019-01-31 00:36:28,930 : INFO : topic #30 (0.020): 0.037*\"leagu\" + 0.036*\"cleveland\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.025*\"scientist\" + 0.024*\"crete\" + 0.022*\"folei\" + 0.016*\"goal\" + 0.016*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:36:28,936 : INFO : topic diff=0.006620, rho=0.040825\n", - "2019-01-31 00:36:29,092 : INFO : PROGRESS: pass 0, at document #1202000/4922894\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:36:30,495 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:36:30,762 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.035*\"publicis\" + 0.023*\"word\" + 0.017*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"storag\" + 0.012*\"nicola\" + 0.012*\"worldwid\" + 0.011*\"author\"\n", - "2019-01-31 00:36:30,763 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.024*\"adulthood\" + 0.024*\"factor\" + 0.017*\"feel\" + 0.015*\"male\" + 0.015*\"hostil\" + 0.011*\"genu\" + 0.011*\"live\" + 0.011*\"plaisir\" + 0.010*\"yawn\"\n", - "2019-01-31 00:36:30,765 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.023*\"armi\" + 0.022*\"aggress\" + 0.021*\"walter\" + 0.018*\"com\" + 0.014*\"oper\" + 0.013*\"militari\" + 0.012*\"unionist\" + 0.012*\"airbu\" + 0.011*\"refut\"\n", - "2019-01-31 00:36:30,766 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"margin\" + 0.016*\"yawn\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"daughter\" + 0.011*\"deal\"\n", - "2019-01-31 00:36:30,767 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.020*\"lagrang\" + 0.018*\"warmth\" + 0.016*\"area\" + 0.015*\"mount\" + 0.009*\"palmer\" + 0.009*\"foam\" + 0.008*\"north\" + 0.008*\"land\" + 0.008*\"vacant\"\n", - "2019-01-31 00:36:30,772 : INFO : topic diff=0.006743, rho=0.040791\n", - "2019-01-31 00:36:30,925 : INFO : PROGRESS: pass 0, at document #1204000/4922894\n", - "2019-01-31 00:36:32,318 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:36:32,585 : INFO : topic #6 (0.020): 0.072*\"fewer\" + 0.024*\"septemb\" + 0.023*\"epiru\" + 0.019*\"teacher\" + 0.017*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:36:32,586 : INFO : topic #0 (0.020): 0.070*\"statewid\" + 0.039*\"line\" + 0.039*\"arsen\" + 0.038*\"raid\" + 0.029*\"museo\" + 0.020*\"traceabl\" + 0.018*\"serv\" + 0.016*\"pain\" + 0.013*\"exhaust\" + 0.012*\"artist\"\n", - "2019-01-31 00:36:32,587 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"armi\" + 0.022*\"aggress\" + 0.021*\"walter\" + 0.018*\"com\" + 0.014*\"oper\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.012*\"unionist\" + 0.011*\"airmen\"\n", - "2019-01-31 00:36:32,588 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.023*\"cortic\" + 0.018*\"start\" + 0.017*\"act\" + 0.016*\"ricardo\" + 0.012*\"case\" + 0.011*\"polaris\" + 0.009*\"legal\" + 0.008*\"replac\" + 0.008*\"order\"\n", - "2019-01-31 00:36:32,590 : INFO : topic #33 (0.020): 0.059*\"french\" + 0.046*\"franc\" + 0.032*\"pari\" + 0.023*\"sail\" + 0.022*\"jean\" + 0.016*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 00:36:32,595 : INFO : topic diff=0.005168, rho=0.040757\n", - "2019-01-31 00:36:32,756 : INFO : PROGRESS: pass 0, at document #1206000/4922894\n", - "2019-01-31 00:36:34,154 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:36:34,421 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.033*\"perceptu\" + 0.019*\"place\" + 0.018*\"theater\" + 0.017*\"compos\" + 0.016*\"damn\" + 0.014*\"orchestr\" + 0.014*\"olympo\" + 0.013*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 00:36:34,422 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.030*\"son\" + 0.028*\"rel\" + 0.025*\"reconstruct\" + 0.020*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 00:36:34,423 : INFO : topic #49 (0.020): 0.042*\"india\" + 0.031*\"incumb\" + 0.014*\"islam\" + 0.013*\"televis\" + 0.011*\"tajikistan\" + 0.011*\"muskoge\" + 0.011*\"pakistan\" + 0.011*\"khalsa\" + 0.010*\"anglo\" + 0.009*\"alam\"\n", - "2019-01-31 00:36:34,424 : INFO : topic #12 (0.020): 0.010*\"number\" + 0.007*\"frontal\" + 0.007*\"théori\" + 0.007*\"gener\" + 0.006*\"southern\" + 0.006*\"poet\" + 0.006*\"exampl\" + 0.006*\"servitud\" + 0.006*\"measur\" + 0.005*\"differ\"\n", - "2019-01-31 00:36:34,425 : INFO : topic #44 (0.020): 0.032*\"rooftop\" + 0.029*\"final\" + 0.023*\"wife\" + 0.021*\"tourist\" + 0.018*\"champion\" + 0.017*\"taxpay\" + 0.016*\"chamber\" + 0.015*\"tiepolo\" + 0.014*\"martin\" + 0.012*\"open\"\n", - "2019-01-31 00:36:34,431 : INFO : topic diff=0.005536, rho=0.040723\n", - "2019-01-31 00:36:34,588 : INFO : PROGRESS: pass 0, at document #1208000/4922894\n", - "2019-01-31 00:36:35,992 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:36:36,258 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.012*\"aza\" + 0.009*\"battalion\" + 0.009*\"teufel\" + 0.008*\"forc\" + 0.008*\"empath\" + 0.008*\"till\" + 0.007*\"armi\" + 0.007*\"king\" + 0.006*\"militari\"\n", - "2019-01-31 00:36:36,259 : INFO : topic #3 (0.020): 0.037*\"present\" + 0.027*\"offic\" + 0.026*\"minist\" + 0.021*\"nation\" + 0.020*\"govern\" + 0.019*\"member\" + 0.018*\"gener\" + 0.018*\"serv\" + 0.016*\"seri\" + 0.016*\"chickasaw\"\n", - "2019-01-31 00:36:36,260 : INFO : topic #48 (0.020): 0.079*\"octob\" + 0.078*\"march\" + 0.074*\"sens\" + 0.071*\"notion\" + 0.069*\"januari\" + 0.067*\"juli\" + 0.066*\"august\" + 0.066*\"april\" + 0.065*\"decatur\" + 0.065*\"judici\"\n", - "2019-01-31 00:36:36,262 : INFO : topic #33 (0.020): 0.060*\"french\" + 0.045*\"franc\" + 0.032*\"pari\" + 0.023*\"sail\" + 0.023*\"jean\" + 0.016*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.011*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 00:36:36,263 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.019*\"lagrang\" + 0.017*\"warmth\" + 0.017*\"area\" + 0.015*\"mount\" + 0.009*\"palmer\" + 0.009*\"foam\" + 0.008*\"north\" + 0.008*\"land\" + 0.008*\"vacant\"\n", - "2019-01-31 00:36:36,269 : INFO : topic diff=0.005751, rho=0.040689\n", - "2019-01-31 00:36:36,422 : INFO : PROGRESS: pass 0, at document #1210000/4922894\n", - "2019-01-31 00:36:37,796 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:36:38,063 : INFO : topic #49 (0.020): 0.041*\"india\" + 0.031*\"incumb\" + 0.014*\"islam\" + 0.013*\"televis\" + 0.012*\"tajikistan\" + 0.012*\"anglo\" + 0.011*\"muskoge\" + 0.011*\"pakistan\" + 0.010*\"khalsa\" + 0.009*\"alam\"\n", - "2019-01-31 00:36:38,064 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.030*\"son\" + 0.028*\"rel\" + 0.026*\"reconstruct\" + 0.020*\"band\" + 0.017*\"muscl\" + 0.017*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 00:36:38,065 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.033*\"perceptu\" + 0.019*\"theater\" + 0.019*\"place\" + 0.017*\"compos\" + 0.016*\"damn\" + 0.014*\"orchestr\" + 0.013*\"olympo\" + 0.012*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 00:36:38,066 : INFO : topic #16 (0.020): 0.046*\"king\" + 0.031*\"priest\" + 0.021*\"quarterli\" + 0.019*\"duke\" + 0.019*\"grammat\" + 0.017*\"idiosyncrat\" + 0.015*\"rotterdam\" + 0.015*\"brazil\" + 0.014*\"princ\" + 0.013*\"portugues\"\n", - "2019-01-31 00:36:38,068 : INFO : topic #20 (0.020): 0.141*\"scholar\" + 0.040*\"struggl\" + 0.033*\"high\" + 0.031*\"educ\" + 0.022*\"collector\" + 0.019*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.009*\"gothic\" + 0.009*\"task\"\n", - "2019-01-31 00:36:38,073 : INFO : topic diff=0.005992, rho=0.040656\n", - "2019-01-31 00:36:38,230 : INFO : PROGRESS: pass 0, at document #1212000/4922894\n", - "2019-01-31 00:36:39,656 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:36:39,922 : INFO : topic #31 (0.020): 0.063*\"fusiform\" + 0.024*\"scientist\" + 0.023*\"player\" + 0.023*\"taxpay\" + 0.021*\"place\" + 0.014*\"clot\" + 0.012*\"leagu\" + 0.011*\"folei\" + 0.009*\"yawn\" + 0.009*\"ruler\"\n", - "2019-01-31 00:36:39,924 : INFO : topic #40 (0.020): 0.088*\"unit\" + 0.025*\"collector\" + 0.022*\"institut\" + 0.021*\"schuster\" + 0.020*\"requir\" + 0.018*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"governor\" + 0.011*\"degre\"\n", - "2019-01-31 00:36:39,925 : INFO : topic #7 (0.020): 0.020*\"di\" + 0.020*\"snatch\" + 0.018*\"factor\" + 0.016*\"margin\" + 0.016*\"yawn\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"daughter\" + 0.012*\"deal\"\n", - "2019-01-31 00:36:39,926 : INFO : topic #20 (0.020): 0.139*\"scholar\" + 0.041*\"struggl\" + 0.033*\"high\" + 0.031*\"educ\" + 0.022*\"collector\" + 0.019*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.009*\"gothic\" + 0.009*\"task\"\n", - "2019-01-31 00:36:39,927 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.030*\"son\" + 0.028*\"rel\" + 0.026*\"reconstruct\" + 0.020*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:36:39,933 : INFO : topic diff=0.007340, rho=0.040622\n", - "2019-01-31 00:36:40,147 : INFO : PROGRESS: pass 0, at document #1214000/4922894\n", - "2019-01-31 00:36:41,558 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:36:41,825 : INFO : topic #2 (0.020): 0.046*\"isl\" + 0.037*\"shield\" + 0.019*\"narrat\" + 0.014*\"scot\" + 0.012*\"pope\" + 0.012*\"nativist\" + 0.012*\"blur\" + 0.010*\"bahá\" + 0.010*\"coalit\" + 0.009*\"class\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:36:41,826 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.024*\"factor\" + 0.023*\"adulthood\" + 0.016*\"feel\" + 0.015*\"male\" + 0.014*\"hostil\" + 0.011*\"plaisir\" + 0.011*\"genu\" + 0.010*\"live\" + 0.009*\"yawn\"\n", - "2019-01-31 00:36:41,828 : INFO : topic #6 (0.020): 0.073*\"fewer\" + 0.024*\"septemb\" + 0.022*\"epiru\" + 0.018*\"teacher\" + 0.017*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"movi\" + 0.011*\"direct\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:36:41,829 : INFO : topic #28 (0.020): 0.030*\"build\" + 0.027*\"hous\" + 0.020*\"rivièr\" + 0.018*\"buford\" + 0.013*\"histor\" + 0.011*\"briarwood\" + 0.011*\"strategist\" + 0.010*\"constitut\" + 0.010*\"linear\" + 0.010*\"depress\"\n", - "2019-01-31 00:36:41,830 : INFO : topic #20 (0.020): 0.140*\"scholar\" + 0.041*\"struggl\" + 0.033*\"high\" + 0.031*\"educ\" + 0.022*\"collector\" + 0.019*\"yawn\" + 0.013*\"prognosi\" + 0.009*\"district\" + 0.009*\"gothic\" + 0.009*\"task\"\n", - "2019-01-31 00:36:41,836 : INFO : topic diff=0.005980, rho=0.040589\n", - "2019-01-31 00:36:41,990 : INFO : PROGRESS: pass 0, at document #1216000/4922894\n", - "2019-01-31 00:36:43,381 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:36:43,648 : INFO : topic #10 (0.020): 0.013*\"cdd\" + 0.008*\"disco\" + 0.008*\"media\" + 0.007*\"have\" + 0.007*\"treat\" + 0.007*\"caus\" + 0.006*\"hormon\" + 0.006*\"pathwai\" + 0.006*\"effect\" + 0.006*\"proper\"\n", - "2019-01-31 00:36:43,649 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.035*\"publicis\" + 0.023*\"word\" + 0.017*\"new\" + 0.015*\"edit\" + 0.013*\"presid\" + 0.012*\"nicola\" + 0.012*\"storag\" + 0.011*\"worldwid\" + 0.011*\"author\"\n", - "2019-01-31 00:36:43,650 : INFO : topic #23 (0.020): 0.138*\"audit\" + 0.071*\"best\" + 0.034*\"yawn\" + 0.030*\"jacksonvil\" + 0.023*\"japanes\" + 0.021*\"noll\" + 0.021*\"festiv\" + 0.019*\"women\" + 0.018*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 00:36:43,651 : INFO : topic #29 (0.020): 0.020*\"companhia\" + 0.011*\"million\" + 0.010*\"bank\" + 0.009*\"busi\" + 0.008*\"market\" + 0.008*\"yawn\" + 0.007*\"industri\" + 0.007*\"start\" + 0.007*\"govern\" + 0.007*\"function\"\n", - "2019-01-31 00:36:43,652 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.025*\"collector\" + 0.022*\"schuster\" + 0.021*\"institut\" + 0.020*\"requir\" + 0.018*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"degre\" + 0.011*\"governor\"\n", - "2019-01-31 00:36:43,658 : INFO : topic diff=0.006676, rho=0.040555\n", - "2019-01-31 00:36:43,817 : INFO : PROGRESS: pass 0, at document #1218000/4922894\n", - "2019-01-31 00:36:45,206 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:36:45,472 : INFO : topic #47 (0.020): 0.062*\"muscl\" + 0.033*\"perceptu\" + 0.019*\"place\" + 0.019*\"theater\" + 0.017*\"damn\" + 0.016*\"compos\" + 0.013*\"orchestr\" + 0.013*\"olympo\" + 0.012*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 00:36:45,473 : INFO : topic #39 (0.020): 0.048*\"canada\" + 0.039*\"canadian\" + 0.022*\"toronto\" + 0.020*\"hoar\" + 0.019*\"ontario\" + 0.013*\"new\" + 0.012*\"hydrogen\" + 0.012*\"novotná\" + 0.011*\"misericordia\" + 0.011*\"araz\"\n", - "2019-01-31 00:36:45,474 : INFO : topic #45 (0.020): 0.021*\"jpg\" + 0.021*\"fifteenth\" + 0.017*\"illicit\" + 0.017*\"colder\" + 0.016*\"black\" + 0.014*\"western\" + 0.012*\"record\" + 0.011*\"blind\" + 0.008*\"light\" + 0.007*\"green\"\n", - "2019-01-31 00:36:45,476 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.024*\"factor\" + 0.023*\"adulthood\" + 0.016*\"feel\" + 0.015*\"male\" + 0.014*\"hostil\" + 0.011*\"plaisir\" + 0.011*\"genu\" + 0.010*\"live\" + 0.009*\"yawn\"\n", - "2019-01-31 00:36:45,477 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"poet\" + 0.007*\"frontal\" + 0.007*\"théori\" + 0.006*\"gener\" + 0.006*\"southern\" + 0.006*\"exampl\" + 0.006*\"servitud\" + 0.006*\"measur\" + 0.005*\"utopian\"\n", - "2019-01-31 00:36:45,482 : INFO : topic diff=0.006979, rho=0.040522\n", - "2019-01-31 00:36:48,134 : INFO : -11.796 per-word bound, 3557.0 perplexity estimate based on a held-out corpus of 2000 documents with 533248 words\n", - "2019-01-31 00:36:48,135 : INFO : PROGRESS: pass 0, at document #1220000/4922894\n", - "2019-01-31 00:36:49,527 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:36:49,794 : INFO : topic #28 (0.020): 0.030*\"build\" + 0.028*\"hous\" + 0.020*\"rivièr\" + 0.018*\"buford\" + 0.013*\"histor\" + 0.012*\"briarwood\" + 0.011*\"strategist\" + 0.010*\"linear\" + 0.010*\"constitut\" + 0.010*\"depress\"\n", - "2019-01-31 00:36:49,795 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.025*\"collector\" + 0.022*\"schuster\" + 0.022*\"institut\" + 0.020*\"requir\" + 0.018*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"governor\" + 0.011*\"degre\"\n", - "2019-01-31 00:36:49,796 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.021*\"spain\" + 0.020*\"del\" + 0.019*\"mexico\" + 0.014*\"soviet\" + 0.012*\"lizard\" + 0.012*\"juan\" + 0.011*\"francisco\" + 0.011*\"santa\" + 0.011*\"carlo\"\n", - "2019-01-31 00:36:49,797 : INFO : topic #39 (0.020): 0.048*\"canada\" + 0.038*\"canadian\" + 0.021*\"toronto\" + 0.020*\"hoar\" + 0.019*\"ontario\" + 0.013*\"new\" + 0.012*\"hydrogen\" + 0.012*\"novotná\" + 0.011*\"misericordia\" + 0.010*\"araz\"\n", - "2019-01-31 00:36:49,799 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"armi\" + 0.021*\"aggress\" + 0.021*\"walter\" + 0.018*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.011*\"airmen\"\n", - "2019-01-31 00:36:49,805 : INFO : topic diff=0.007897, rho=0.040489\n", - "2019-01-31 00:36:49,958 : INFO : PROGRESS: pass 0, at document #1222000/4922894\n", - "2019-01-31 00:36:51,349 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:36:51,616 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.009*\"elabor\" + 0.009*\"mode\" + 0.008*\"veget\" + 0.008*\"produc\" + 0.007*\"encyclopedia\" + 0.007*\"candid\" + 0.007*\"mandir\"\n", - "2019-01-31 00:36:51,617 : INFO : topic #49 (0.020): 0.042*\"india\" + 0.033*\"incumb\" + 0.013*\"televis\" + 0.012*\"islam\" + 0.012*\"tajikistan\" + 0.012*\"anglo\" + 0.010*\"pakistan\" + 0.010*\"muskoge\" + 0.010*\"khalsa\" + 0.010*\"alam\"\n", - "2019-01-31 00:36:51,619 : INFO : topic #11 (0.020): 0.027*\"john\" + 0.015*\"will\" + 0.013*\"jame\" + 0.011*\"david\" + 0.011*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"georg\" + 0.009*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:36:51,620 : INFO : topic #32 (0.020): 0.054*\"district\" + 0.047*\"vigour\" + 0.043*\"popolo\" + 0.042*\"tortur\" + 0.028*\"cotton\" + 0.027*\"area\" + 0.025*\"regim\" + 0.024*\"multitud\" + 0.022*\"citi\" + 0.018*\"commun\"\n", - "2019-01-31 00:36:51,621 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.030*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.020*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:36:51,626 : INFO : topic diff=0.005738, rho=0.040456\n", - "2019-01-31 00:36:51,787 : INFO : PROGRESS: pass 0, at document #1224000/4922894\n", - "2019-01-31 00:36:53,215 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:36:53,481 : INFO : topic #35 (0.020): 0.057*\"russia\" + 0.039*\"sovereignti\" + 0.035*\"rural\" + 0.023*\"personifi\" + 0.022*\"poison\" + 0.022*\"moscow\" + 0.021*\"reprint\" + 0.016*\"unfortun\" + 0.016*\"poland\" + 0.014*\"indonesia\"\n", - "2019-01-31 00:36:53,482 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"depress\" + 0.013*\"pour\" + 0.009*\"elabor\" + 0.009*\"mode\" + 0.008*\"veget\" + 0.008*\"produc\" + 0.007*\"candid\" + 0.007*\"encyclopedia\" + 0.007*\"uruguayan\"\n", - "2019-01-31 00:36:53,483 : INFO : topic #20 (0.020): 0.142*\"scholar\" + 0.041*\"struggl\" + 0.033*\"high\" + 0.030*\"educ\" + 0.023*\"collector\" + 0.019*\"yawn\" + 0.013*\"prognosi\" + 0.009*\"district\" + 0.009*\"task\" + 0.009*\"class\"\n", - "2019-01-31 00:36:53,484 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.011*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.009*\"teufel\" + 0.008*\"empath\" + 0.008*\"till\" + 0.007*\"armi\" + 0.006*\"king\" + 0.006*\"militari\"\n", - "2019-01-31 00:36:53,486 : INFO : topic #41 (0.020): 0.044*\"citi\" + 0.030*\"new\" + 0.022*\"palmer\" + 0.014*\"strategist\" + 0.013*\"year\" + 0.012*\"open\" + 0.012*\"center\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"dai\"\n", - "2019-01-31 00:36:53,491 : INFO : topic diff=0.006623, rho=0.040423\n", - "2019-01-31 00:36:53,644 : INFO : PROGRESS: pass 0, at document #1226000/4922894\n", - "2019-01-31 00:36:55,025 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:36:55,291 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.035*\"publicis\" + 0.023*\"word\" + 0.017*\"new\" + 0.015*\"edit\" + 0.013*\"presid\" + 0.012*\"nicola\" + 0.012*\"worldwid\" + 0.012*\"storag\" + 0.011*\"magazin\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:36:55,293 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.024*\"factor\" + 0.022*\"adulthood\" + 0.016*\"feel\" + 0.014*\"male\" + 0.013*\"hostil\" + 0.011*\"plaisir\" + 0.011*\"genu\" + 0.010*\"live\" + 0.009*\"yawn\"\n", - "2019-01-31 00:36:55,294 : INFO : topic #32 (0.020): 0.054*\"district\" + 0.047*\"vigour\" + 0.043*\"popolo\" + 0.042*\"tortur\" + 0.028*\"cotton\" + 0.026*\"area\" + 0.024*\"regim\" + 0.024*\"multitud\" + 0.022*\"citi\" + 0.018*\"commun\"\n", - "2019-01-31 00:36:55,295 : INFO : topic #49 (0.020): 0.042*\"india\" + 0.032*\"incumb\" + 0.013*\"televis\" + 0.012*\"islam\" + 0.011*\"anglo\" + 0.011*\"tajikistan\" + 0.011*\"pakistan\" + 0.010*\"muskoge\" + 0.010*\"khalsa\" + 0.010*\"alam\"\n", - "2019-01-31 00:36:55,296 : INFO : topic #9 (0.020): 0.069*\"bone\" + 0.041*\"american\" + 0.030*\"valour\" + 0.018*\"dutch\" + 0.018*\"folei\" + 0.018*\"player\" + 0.017*\"polit\" + 0.016*\"english\" + 0.013*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 00:36:55,302 : INFO : topic diff=0.006572, rho=0.040390\n", - "2019-01-31 00:36:55,464 : INFO : PROGRESS: pass 0, at document #1228000/4922894\n", - "2019-01-31 00:36:56,899 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:36:57,165 : INFO : topic #23 (0.020): 0.138*\"audit\" + 0.070*\"best\" + 0.035*\"yawn\" + 0.030*\"jacksonvil\" + 0.024*\"japanes\" + 0.022*\"festiv\" + 0.021*\"noll\" + 0.019*\"women\" + 0.019*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 00:36:57,166 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.025*\"collector\" + 0.022*\"schuster\" + 0.022*\"institut\" + 0.020*\"requir\" + 0.018*\"student\" + 0.015*\"professor\" + 0.012*\"word\" + 0.011*\"governor\" + 0.011*\"degre\"\n", - "2019-01-31 00:36:57,167 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"armi\" + 0.021*\"aggress\" + 0.021*\"walter\" + 0.017*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.013*\"diversifi\" + 0.013*\"militari\" + 0.011*\"airbu\"\n", - "2019-01-31 00:36:57,168 : INFO : topic #10 (0.020): 0.013*\"cdd\" + 0.008*\"disco\" + 0.007*\"media\" + 0.007*\"caus\" + 0.007*\"have\" + 0.007*\"hormon\" + 0.006*\"treat\" + 0.006*\"pathwai\" + 0.006*\"proper\" + 0.006*\"effect\"\n", - "2019-01-31 00:36:57,169 : INFO : topic #25 (0.020): 0.031*\"ring\" + 0.018*\"warmth\" + 0.018*\"lagrang\" + 0.017*\"area\" + 0.015*\"mount\" + 0.009*\"palmer\" + 0.008*\"north\" + 0.008*\"foam\" + 0.008*\"land\" + 0.008*\"vacant\"\n", - "2019-01-31 00:36:57,175 : INFO : topic diff=0.007349, rho=0.040357\n", - "2019-01-31 00:36:57,334 : INFO : PROGRESS: pass 0, at document #1230000/4922894\n", - "2019-01-31 00:36:58,747 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:36:59,013 : INFO : topic #45 (0.020): 0.021*\"jpg\" + 0.020*\"fifteenth\" + 0.017*\"illicit\" + 0.017*\"colder\" + 0.015*\"black\" + 0.014*\"western\" + 0.012*\"record\" + 0.010*\"blind\" + 0.007*\"light\" + 0.007*\"hand\"\n", - "2019-01-31 00:36:59,014 : INFO : topic #48 (0.020): 0.078*\"octob\" + 0.077*\"march\" + 0.076*\"sens\" + 0.071*\"notion\" + 0.069*\"januari\" + 0.068*\"juli\" + 0.067*\"august\" + 0.066*\"decatur\" + 0.065*\"judici\" + 0.065*\"april\"\n", - "2019-01-31 00:36:59,016 : INFO : topic #2 (0.020): 0.047*\"isl\" + 0.037*\"shield\" + 0.018*\"narrat\" + 0.013*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.010*\"bahá\" + 0.010*\"coalit\" + 0.009*\"fleet\"\n", - "2019-01-31 00:36:59,017 : INFO : topic #17 (0.020): 0.075*\"church\" + 0.022*\"cathol\" + 0.020*\"christian\" + 0.020*\"bishop\" + 0.016*\"sail\" + 0.014*\"retroflex\" + 0.010*\"centuri\" + 0.009*\"relationship\" + 0.009*\"cathedr\" + 0.009*\"historiographi\"\n", - "2019-01-31 00:36:59,018 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.032*\"incumb\" + 0.013*\"islam\" + 0.012*\"televis\" + 0.011*\"anglo\" + 0.011*\"tajikistan\" + 0.011*\"pakistan\" + 0.010*\"muskoge\" + 0.010*\"alam\" + 0.010*\"khalsa\"\n", - "2019-01-31 00:36:59,024 : INFO : topic diff=0.006716, rho=0.040324\n", - "2019-01-31 00:36:59,193 : INFO : PROGRESS: pass 0, at document #1232000/4922894\n", - "2019-01-31 00:37:00,678 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:37:00,945 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.023*\"armi\" + 0.022*\"aggress\" + 0.020*\"walter\" + 0.017*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.013*\"militari\" + 0.012*\"diversifi\" + 0.011*\"refut\"\n", - "2019-01-31 00:37:00,946 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.024*\"factor\" + 0.022*\"adulthood\" + 0.016*\"feel\" + 0.014*\"male\" + 0.014*\"hostil\" + 0.011*\"plaisir\" + 0.011*\"genu\" + 0.010*\"live\" + 0.009*\"yawn\"\n", - "2019-01-31 00:37:00,947 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.036*\"leagu\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.025*\"scientist\" + 0.024*\"crete\" + 0.022*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:37:00,948 : INFO : topic #37 (0.020): 0.010*\"man\" + 0.009*\"love\" + 0.007*\"gestur\" + 0.007*\"comic\" + 0.006*\"blue\" + 0.004*\"black\" + 0.004*\"septemb\" + 0.004*\"vision\" + 0.004*\"litig\" + 0.004*\"bewild\"\n", - "2019-01-31 00:37:00,949 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.011*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.008*\"teufel\" + 0.008*\"empath\" + 0.007*\"armi\" + 0.007*\"till\" + 0.006*\"militari\" + 0.006*\"pour\"\n", - "2019-01-31 00:37:00,955 : INFO : topic diff=0.005569, rho=0.040291\n", - "2019-01-31 00:37:01,113 : INFO : PROGRESS: pass 0, at document #1234000/4922894\n", - "2019-01-31 00:37:02,521 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:37:02,787 : INFO : topic #2 (0.020): 0.046*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.013*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.011*\"fleet\" + 0.010*\"bahá\" + 0.010*\"coalit\"\n", - "2019-01-31 00:37:02,788 : INFO : topic #13 (0.020): 0.027*\"australia\" + 0.026*\"london\" + 0.025*\"sourc\" + 0.025*\"new\" + 0.023*\"australian\" + 0.022*\"england\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.016*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:37:02,789 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.024*\"collector\" + 0.022*\"schuster\" + 0.022*\"institut\" + 0.020*\"requir\" + 0.018*\"student\" + 0.015*\"professor\" + 0.012*\"word\" + 0.011*\"degre\" + 0.011*\"governor\"\n", - "2019-01-31 00:37:02,790 : INFO : topic #11 (0.020): 0.027*\"john\" + 0.015*\"will\" + 0.013*\"jame\" + 0.011*\"david\" + 0.011*\"rival\" + 0.010*\"mexican–american\" + 0.009*\"georg\" + 0.009*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:37:02,791 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.028*\"final\" + 0.022*\"wife\" + 0.021*\"tourist\" + 0.018*\"champion\" + 0.016*\"taxpay\" + 0.015*\"chamber\" + 0.014*\"tiepolo\" + 0.014*\"martin\" + 0.012*\"open\"\n", - "2019-01-31 00:37:02,797 : INFO : topic diff=0.006951, rho=0.040258\n", - "2019-01-31 00:37:02,953 : INFO : PROGRESS: pass 0, at document #1236000/4922894\n", - "2019-01-31 00:37:04,358 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:37:04,625 : INFO : topic #9 (0.020): 0.068*\"bone\" + 0.040*\"american\" + 0.030*\"valour\" + 0.019*\"dutch\" + 0.018*\"player\" + 0.018*\"folei\" + 0.017*\"polit\" + 0.016*\"english\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 00:37:04,626 : INFO : topic #45 (0.020): 0.021*\"jpg\" + 0.020*\"fifteenth\" + 0.017*\"illicit\" + 0.017*\"colder\" + 0.015*\"black\" + 0.014*\"western\" + 0.012*\"record\" + 0.010*\"blind\" + 0.007*\"light\" + 0.007*\"hand\"\n", - "2019-01-31 00:37:04,628 : INFO : topic #21 (0.020): 0.037*\"samford\" + 0.023*\"spain\" + 0.020*\"mexico\" + 0.020*\"del\" + 0.014*\"soviet\" + 0.012*\"lizard\" + 0.012*\"juan\" + 0.011*\"mexican\" + 0.011*\"francisco\" + 0.010*\"carlo\"\n", - "2019-01-31 00:37:04,629 : INFO : topic #20 (0.020): 0.143*\"scholar\" + 0.041*\"struggl\" + 0.033*\"high\" + 0.030*\"educ\" + 0.023*\"collector\" + 0.019*\"yawn\" + 0.013*\"prognosi\" + 0.009*\"class\" + 0.009*\"task\" + 0.009*\"district\"\n", - "2019-01-31 00:37:04,630 : INFO : topic #42 (0.020): 0.043*\"german\" + 0.029*\"germani\" + 0.015*\"vol\" + 0.014*\"jewish\" + 0.014*\"der\" + 0.013*\"israel\" + 0.013*\"berlin\" + 0.010*\"european\" + 0.009*\"austria\" + 0.009*\"europ\"\n", - "2019-01-31 00:37:04,636 : INFO : topic diff=0.006980, rho=0.040226\n", - "2019-01-31 00:37:04,788 : INFO : PROGRESS: pass 0, at document #1238000/4922894\n", - "2019-01-31 00:37:06,158 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:37:06,425 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.023*\"cortic\" + 0.018*\"start\" + 0.017*\"act\" + 0.017*\"ricardo\" + 0.012*\"case\" + 0.011*\"polaris\" + 0.009*\"replac\" + 0.009*\"legal\" + 0.007*\"order\"\n", - "2019-01-31 00:37:06,427 : INFO : topic #43 (0.020): 0.062*\"elect\" + 0.053*\"parti\" + 0.023*\"voluntari\" + 0.023*\"democrat\" + 0.021*\"member\" + 0.017*\"polici\" + 0.014*\"republ\" + 0.014*\"report\" + 0.013*\"liber\" + 0.013*\"selma\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:37:06,428 : INFO : topic #13 (0.020): 0.026*\"australia\" + 0.025*\"sourc\" + 0.025*\"london\" + 0.025*\"new\" + 0.022*\"australian\" + 0.022*\"england\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:37:06,429 : INFO : topic #0 (0.020): 0.070*\"statewid\" + 0.039*\"line\" + 0.038*\"arsen\" + 0.036*\"raid\" + 0.031*\"museo\" + 0.020*\"traceabl\" + 0.018*\"serv\" + 0.014*\"pain\" + 0.013*\"exhaust\" + 0.012*\"artist\"\n", - "2019-01-31 00:37:06,431 : INFO : topic #17 (0.020): 0.074*\"church\" + 0.022*\"cathol\" + 0.020*\"christian\" + 0.019*\"bishop\" + 0.016*\"sail\" + 0.014*\"retroflex\" + 0.009*\"centuri\" + 0.009*\"monasteri\" + 0.009*\"relationship\" + 0.009*\"cathedr\"\n", - "2019-01-31 00:37:06,437 : INFO : topic diff=0.006379, rho=0.040193\n", - "2019-01-31 00:37:09,131 : INFO : -11.836 per-word bound, 3654.9 perplexity estimate based on a held-out corpus of 2000 documents with 559726 words\n", - "2019-01-31 00:37:09,131 : INFO : PROGRESS: pass 0, at document #1240000/4922894\n", - "2019-01-31 00:37:10,521 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:37:10,788 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"deal\" + 0.012*\"daughter\"\n", - "2019-01-31 00:37:10,789 : INFO : topic #0 (0.020): 0.069*\"statewid\" + 0.039*\"line\" + 0.038*\"arsen\" + 0.036*\"raid\" + 0.030*\"museo\" + 0.021*\"traceabl\" + 0.018*\"serv\" + 0.014*\"pain\" + 0.013*\"exhaust\" + 0.012*\"artist\"\n", - "2019-01-31 00:37:10,790 : INFO : topic #36 (0.020): 0.013*\"network\" + 0.011*\"prognosi\" + 0.011*\"pop\" + 0.008*\"develop\" + 0.008*\"cytokin\" + 0.008*\"serv\" + 0.008*\"oper\" + 0.008*\"softwar\" + 0.007*\"base\" + 0.007*\"diggin\"\n", - "2019-01-31 00:37:10,791 : INFO : topic #2 (0.020): 0.046*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.013*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.010*\"fleet\" + 0.010*\"class\" + 0.010*\"coalit\"\n", - "2019-01-31 00:37:10,792 : INFO : topic #23 (0.020): 0.138*\"audit\" + 0.071*\"best\" + 0.036*\"yawn\" + 0.029*\"jacksonvil\" + 0.023*\"japanes\" + 0.021*\"noll\" + 0.021*\"festiv\" + 0.019*\"intern\" + 0.019*\"women\" + 0.014*\"prison\"\n", - "2019-01-31 00:37:10,798 : INFO : topic diff=0.006861, rho=0.040161\n", - "2019-01-31 00:37:10,955 : INFO : PROGRESS: pass 0, at document #1242000/4922894\n", - "2019-01-31 00:37:12,359 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:37:12,628 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.024*\"factor\" + 0.021*\"adulthood\" + 0.015*\"feel\" + 0.014*\"male\" + 0.013*\"hostil\" + 0.011*\"plaisir\" + 0.010*\"genu\" + 0.010*\"live\" + 0.009*\"yawn\"\n", - "2019-01-31 00:37:12,629 : INFO : topic #27 (0.020): 0.071*\"questionnair\" + 0.019*\"candid\" + 0.018*\"taxpay\" + 0.014*\"tornado\" + 0.014*\"driver\" + 0.012*\"find\" + 0.012*\"ret\" + 0.011*\"landslid\" + 0.010*\"fool\" + 0.010*\"théori\"\n", - "2019-01-31 00:37:12,631 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.011*\"organ\" + 0.011*\"commun\" + 0.010*\"develop\" + 0.009*\"word\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.008*\"cultur\" + 0.007*\"human\" + 0.007*\"woman\"\n", - "2019-01-31 00:37:12,632 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.005*\"like\" + 0.004*\"call\" + 0.004*\"kenworthi\"\n", - "2019-01-31 00:37:12,633 : INFO : topic #42 (0.020): 0.044*\"german\" + 0.030*\"germani\" + 0.015*\"vol\" + 0.014*\"israel\" + 0.014*\"jewish\" + 0.013*\"der\" + 0.013*\"berlin\" + 0.010*\"european\" + 0.009*\"austria\" + 0.009*\"europ\"\n", - "2019-01-31 00:37:12,639 : INFO : topic diff=0.005765, rho=0.040129\n", - "2019-01-31 00:37:12,808 : INFO : PROGRESS: pass 0, at document #1244000/4922894\n", - "2019-01-31 00:37:14,259 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:37:14,525 : INFO : topic #27 (0.020): 0.071*\"questionnair\" + 0.019*\"candid\" + 0.018*\"taxpay\" + 0.014*\"tornado\" + 0.014*\"driver\" + 0.012*\"ret\" + 0.012*\"find\" + 0.011*\"landslid\" + 0.010*\"fool\" + 0.010*\"théori\"\n", - "2019-01-31 00:37:14,527 : INFO : topic #29 (0.020): 0.021*\"companhia\" + 0.011*\"million\" + 0.010*\"bank\" + 0.010*\"busi\" + 0.008*\"market\" + 0.008*\"yawn\" + 0.008*\"industri\" + 0.007*\"manag\" + 0.007*\"govern\" + 0.007*\"produc\"\n", - "2019-01-31 00:37:14,528 : INFO : topic #30 (0.020): 0.037*\"leagu\" + 0.036*\"cleveland\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.025*\"scientist\" + 0.024*\"crete\" + 0.022*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:37:14,529 : INFO : topic #42 (0.020): 0.043*\"german\" + 0.029*\"germani\" + 0.015*\"vol\" + 0.014*\"jewish\" + 0.014*\"berlin\" + 0.014*\"israel\" + 0.013*\"der\" + 0.010*\"european\" + 0.009*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 00:37:14,530 : INFO : topic #39 (0.020): 0.048*\"canada\" + 0.037*\"canadian\" + 0.020*\"toronto\" + 0.019*\"hoar\" + 0.018*\"ontario\" + 0.014*\"new\" + 0.012*\"novotná\" + 0.012*\"misericordia\" + 0.012*\"hydrogen\" + 0.011*\"quebec\"\n", - "2019-01-31 00:37:14,536 : INFO : topic diff=0.007045, rho=0.040096\n", - "2019-01-31 00:37:14,747 : INFO : PROGRESS: pass 0, at document #1246000/4922894\n", - "2019-01-31 00:37:16,160 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:37:16,426 : INFO : topic #0 (0.020): 0.070*\"statewid\" + 0.040*\"line\" + 0.037*\"arsen\" + 0.037*\"raid\" + 0.030*\"museo\" + 0.021*\"traceabl\" + 0.018*\"serv\" + 0.014*\"pain\" + 0.013*\"exhaust\" + 0.012*\"artist\"\n", - "2019-01-31 00:37:16,427 : INFO : topic #16 (0.020): 0.047*\"king\" + 0.030*\"priest\" + 0.019*\"duke\" + 0.019*\"grammat\" + 0.019*\"quarterli\" + 0.017*\"idiosyncrat\" + 0.016*\"brazil\" + 0.015*\"portugues\" + 0.015*\"rotterdam\" + 0.013*\"portrait\"\n", - "2019-01-31 00:37:16,428 : INFO : topic #42 (0.020): 0.044*\"german\" + 0.029*\"germani\" + 0.015*\"vol\" + 0.014*\"jewish\" + 0.014*\"israel\" + 0.014*\"berlin\" + 0.013*\"der\" + 0.010*\"european\" + 0.009*\"europ\" + 0.009*\"hungarian\"\n", - "2019-01-31 00:37:16,429 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.023*\"armi\" + 0.021*\"aggress\" + 0.021*\"walter\" + 0.017*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.013*\"militari\" + 0.012*\"diversifi\" + 0.012*\"airmen\"\n", - "2019-01-31 00:37:16,430 : INFO : topic #36 (0.020): 0.013*\"network\" + 0.011*\"prognosi\" + 0.010*\"pop\" + 0.009*\"develop\" + 0.008*\"cytokin\" + 0.008*\"serv\" + 0.008*\"oper\" + 0.007*\"softwar\" + 0.007*\"base\" + 0.007*\"diggin\"\n", - "2019-01-31 00:37:16,436 : INFO : topic diff=0.006898, rho=0.040064\n", - "2019-01-31 00:37:16,593 : INFO : PROGRESS: pass 0, at document #1248000/4922894\n", - "2019-01-31 00:37:17,998 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:37:18,264 : INFO : topic #39 (0.020): 0.050*\"canada\" + 0.038*\"canadian\" + 0.020*\"toronto\" + 0.019*\"hoar\" + 0.018*\"ontario\" + 0.013*\"new\" + 0.012*\"misericordia\" + 0.012*\"novotná\" + 0.012*\"hydrogen\" + 0.011*\"quebec\"\n", - "2019-01-31 00:37:18,265 : INFO : topic #38 (0.020): 0.024*\"walter\" + 0.010*\"aza\" + 0.010*\"battalion\" + 0.009*\"forc\" + 0.008*\"empath\" + 0.008*\"teufel\" + 0.007*\"armi\" + 0.007*\"king\" + 0.006*\"militari\" + 0.006*\"pour\"\n", - "2019-01-31 00:37:18,266 : INFO : topic #24 (0.020): 0.042*\"book\" + 0.035*\"publicis\" + 0.024*\"word\" + 0.017*\"new\" + 0.015*\"edit\" + 0.013*\"presid\" + 0.012*\"nicola\" + 0.012*\"storag\" + 0.012*\"worldwid\" + 0.011*\"author\"\n", - "2019-01-31 00:37:18,267 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"deal\" + 0.012*\"daughter\"\n", - "2019-01-31 00:37:18,268 : INFO : topic #34 (0.020): 0.072*\"start\" + 0.034*\"unionist\" + 0.031*\"american\" + 0.030*\"cotton\" + 0.027*\"new\" + 0.015*\"year\" + 0.015*\"warrior\" + 0.014*\"california\" + 0.013*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 00:37:18,274 : INFO : topic diff=0.006420, rho=0.040032\n", - "2019-01-31 00:37:18,428 : INFO : PROGRESS: pass 0, at document #1250000/4922894\n", - "2019-01-31 00:37:19,796 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:37:20,062 : INFO : topic #39 (0.020): 0.050*\"canada\" + 0.038*\"canadian\" + 0.020*\"toronto\" + 0.019*\"hoar\" + 0.018*\"ontario\" + 0.013*\"new\" + 0.012*\"misericordia\" + 0.012*\"novotná\" + 0.012*\"hydrogen\" + 0.011*\"quebec\"\n", - "2019-01-31 00:37:20,063 : INFO : topic #38 (0.020): 0.024*\"walter\" + 0.010*\"aza\" + 0.010*\"battalion\" + 0.009*\"forc\" + 0.008*\"empath\" + 0.008*\"teufel\" + 0.007*\"armi\" + 0.007*\"king\" + 0.006*\"militari\" + 0.006*\"till\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:37:20,065 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"deal\" + 0.012*\"daughter\"\n", - "2019-01-31 00:37:20,066 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.020*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 00:37:20,067 : INFO : topic #11 (0.020): 0.027*\"john\" + 0.015*\"will\" + 0.013*\"jame\" + 0.012*\"david\" + 0.011*\"rival\" + 0.010*\"mexican–american\" + 0.009*\"georg\" + 0.009*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:37:20,073 : INFO : topic diff=0.007088, rho=0.040000\n", - "2019-01-31 00:37:20,227 : INFO : PROGRESS: pass 0, at document #1252000/4922894\n", - "2019-01-31 00:37:21,613 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:37:21,880 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.024*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.016*\"com\" + 0.014*\"oper\" + 0.013*\"refut\" + 0.013*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\"\n", - "2019-01-31 00:37:21,881 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"poet\" + 0.007*\"frontal\" + 0.007*\"théori\" + 0.007*\"measur\" + 0.006*\"gener\" + 0.006*\"exampl\" + 0.006*\"southern\" + 0.006*\"method\" + 0.006*\"utopian\"\n", - "2019-01-31 00:37:21,882 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.023*\"cortic\" + 0.018*\"start\" + 0.016*\"act\" + 0.016*\"ricardo\" + 0.012*\"case\" + 0.010*\"polaris\" + 0.009*\"replac\" + 0.009*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 00:37:21,883 : INFO : topic #46 (0.020): 0.017*\"stop\" + 0.017*\"swedish\" + 0.016*\"sweden\" + 0.016*\"norwai\" + 0.016*\"norwegian\" + 0.015*\"damag\" + 0.014*\"wind\" + 0.013*\"turkish\" + 0.012*\"replac\" + 0.011*\"denmark\"\n", - "2019-01-31 00:37:21,884 : INFO : topic #9 (0.020): 0.069*\"bone\" + 0.040*\"american\" + 0.030*\"valour\" + 0.019*\"dutch\" + 0.018*\"folei\" + 0.017*\"player\" + 0.017*\"polit\" + 0.016*\"english\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 00:37:21,890 : INFO : topic diff=0.007750, rho=0.039968\n", - "2019-01-31 00:37:22,041 : INFO : PROGRESS: pass 0, at document #1254000/4922894\n", - "2019-01-31 00:37:23,398 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:37:23,664 : INFO : topic #26 (0.020): 0.033*\"workplac\" + 0.030*\"champion\" + 0.026*\"woman\" + 0.025*\"olymp\" + 0.024*\"men\" + 0.020*\"medal\" + 0.020*\"event\" + 0.019*\"alic\" + 0.018*\"atheist\" + 0.017*\"taxpay\"\n", - "2019-01-31 00:37:23,665 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.014*\"depress\" + 0.014*\"pour\" + 0.009*\"elabor\" + 0.009*\"mode\" + 0.008*\"veget\" + 0.008*\"produc\" + 0.007*\"candid\" + 0.007*\"uruguayan\" + 0.007*\"encyclopedia\"\n", - "2019-01-31 00:37:23,666 : INFO : topic #36 (0.020): 0.013*\"network\" + 0.011*\"prognosi\" + 0.010*\"pop\" + 0.008*\"develop\" + 0.008*\"cytokin\" + 0.008*\"oper\" + 0.008*\"serv\" + 0.008*\"softwar\" + 0.007*\"base\" + 0.007*\"user\"\n", - "2019-01-31 00:37:23,667 : INFO : topic #16 (0.020): 0.047*\"king\" + 0.030*\"priest\" + 0.019*\"grammat\" + 0.019*\"quarterli\" + 0.018*\"duke\" + 0.017*\"idiosyncrat\" + 0.016*\"brazil\" + 0.015*\"portugues\" + 0.015*\"rotterdam\" + 0.013*\"kingdom\"\n", - "2019-01-31 00:37:23,668 : INFO : topic #45 (0.020): 0.023*\"jpg\" + 0.022*\"fifteenth\" + 0.018*\"colder\" + 0.017*\"illicit\" + 0.016*\"black\" + 0.014*\"western\" + 0.012*\"record\" + 0.010*\"blind\" + 0.007*\"light\" + 0.007*\"green\"\n", - "2019-01-31 00:37:23,674 : INFO : topic diff=0.008235, rho=0.039936\n", - "2019-01-31 00:37:23,830 : INFO : PROGRESS: pass 0, at document #1256000/4922894\n", - "2019-01-31 00:37:25,208 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:37:25,474 : INFO : topic #30 (0.020): 0.037*\"leagu\" + 0.037*\"cleveland\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.025*\"scientist\" + 0.024*\"crete\" + 0.022*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:37:25,475 : INFO : topic #38 (0.020): 0.024*\"walter\" + 0.010*\"aza\" + 0.010*\"battalion\" + 0.009*\"forc\" + 0.008*\"teufel\" + 0.008*\"empath\" + 0.007*\"armi\" + 0.006*\"till\" + 0.006*\"king\" + 0.006*\"militari\"\n", - "2019-01-31 00:37:25,477 : INFO : topic #35 (0.020): 0.057*\"russia\" + 0.039*\"sovereignti\" + 0.036*\"rural\" + 0.024*\"reprint\" + 0.023*\"poison\" + 0.021*\"moscow\" + 0.021*\"personifi\" + 0.017*\"unfortun\" + 0.015*\"poland\" + 0.015*\"czech\"\n", - "2019-01-31 00:37:25,478 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.008*\"poet\" + 0.007*\"frontal\" + 0.007*\"measur\" + 0.006*\"théori\" + 0.006*\"gener\" + 0.006*\"exampl\" + 0.006*\"southern\" + 0.006*\"servitud\" + 0.006*\"method\"\n", - "2019-01-31 00:37:25,479 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.034*\"publicis\" + 0.024*\"word\" + 0.017*\"new\" + 0.015*\"edit\" + 0.013*\"presid\" + 0.012*\"nicola\" + 0.012*\"storag\" + 0.012*\"worldwid\" + 0.011*\"author\"\n", - "2019-01-31 00:37:25,485 : INFO : topic diff=0.006499, rho=0.039904\n", - "2019-01-31 00:37:25,638 : INFO : PROGRESS: pass 0, at document #1258000/4922894\n", - "2019-01-31 00:37:27,024 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:37:27,290 : INFO : topic #1 (0.020): 0.059*\"china\" + 0.051*\"chilton\" + 0.021*\"hong\" + 0.021*\"kong\" + 0.020*\"korea\" + 0.017*\"korean\" + 0.014*\"leah\" + 0.014*\"sourc\" + 0.013*\"shirin\" + 0.013*\"kim\"\n", - "2019-01-31 00:37:27,291 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.024*\"factor\" + 0.022*\"adulthood\" + 0.016*\"feel\" + 0.014*\"male\" + 0.013*\"hostil\" + 0.012*\"plaisir\" + 0.010*\"lanewai\" + 0.010*\"genu\" + 0.010*\"live\"\n", - "2019-01-31 00:37:27,292 : INFO : topic #27 (0.020): 0.072*\"questionnair\" + 0.019*\"candid\" + 0.018*\"taxpay\" + 0.013*\"driver\" + 0.012*\"tornado\" + 0.012*\"ret\" + 0.012*\"find\" + 0.011*\"fool\" + 0.011*\"landslid\" + 0.010*\"théori\"\n", - "2019-01-31 00:37:27,293 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.023*\"collector\" + 0.022*\"schuster\" + 0.022*\"institut\" + 0.020*\"requir\" + 0.018*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"governor\" + 0.011*\"degre\"\n", - "2019-01-31 00:37:27,295 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"poet\" + 0.007*\"measur\" + 0.007*\"frontal\" + 0.006*\"théori\" + 0.006*\"exampl\" + 0.006*\"gener\" + 0.006*\"southern\" + 0.006*\"servitud\" + 0.006*\"method\"\n", - "2019-01-31 00:37:27,300 : INFO : topic diff=0.006583, rho=0.039873\n", - "2019-01-31 00:37:29,994 : INFO : -11.621 per-word bound, 3150.0 perplexity estimate based on a held-out corpus of 2000 documents with 547150 words\n", - "2019-01-31 00:37:29,994 : INFO : PROGRESS: pass 0, at document #1260000/4922894\n", - "2019-01-31 00:37:31,388 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:37:31,655 : INFO : topic #36 (0.020): 0.014*\"network\" + 0.011*\"prognosi\" + 0.010*\"pop\" + 0.009*\"develop\" + 0.008*\"cytokin\" + 0.008*\"serv\" + 0.008*\"oper\" + 0.008*\"softwar\" + 0.007*\"base\" + 0.007*\"diggin\"\n", - "2019-01-31 00:37:31,656 : INFO : topic #31 (0.020): 0.061*\"fusiform\" + 0.025*\"scientist\" + 0.024*\"taxpay\" + 0.024*\"player\" + 0.021*\"place\" + 0.014*\"clot\" + 0.012*\"leagu\" + 0.012*\"folei\" + 0.009*\"yawn\" + 0.009*\"barber\"\n", - "2019-01-31 00:37:31,657 : INFO : topic #24 (0.020): 0.042*\"book\" + 0.034*\"publicis\" + 0.024*\"word\" + 0.017*\"new\" + 0.015*\"edit\" + 0.013*\"presid\" + 0.012*\"nicola\" + 0.012*\"storag\" + 0.012*\"worldwid\" + 0.011*\"author\"\n", - "2019-01-31 00:37:31,658 : INFO : topic #2 (0.020): 0.046*\"isl\" + 0.037*\"shield\" + 0.019*\"narrat\" + 0.013*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.010*\"bahá\" + 0.010*\"fleet\"\n", - "2019-01-31 00:37:31,660 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.008*\"teufel\" + 0.008*\"empath\" + 0.007*\"armi\" + 0.007*\"militari\" + 0.006*\"till\" + 0.006*\"centuri\"\n", - "2019-01-31 00:37:31,665 : INFO : topic diff=0.005669, rho=0.039841\n", - "2019-01-31 00:37:31,820 : INFO : PROGRESS: pass 0, at document #1262000/4922894\n", - "2019-01-31 00:37:33,216 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:37:33,483 : INFO : topic #1 (0.020): 0.059*\"china\" + 0.052*\"chilton\" + 0.021*\"hong\" + 0.020*\"kong\" + 0.020*\"korea\" + 0.017*\"korean\" + 0.014*\"sourc\" + 0.014*\"leah\" + 0.013*\"ashvil\" + 0.013*\"shirin\"\n", - "2019-01-31 00:37:33,484 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"disco\" + 0.007*\"media\" + 0.007*\"caus\" + 0.007*\"have\" + 0.007*\"hormon\" + 0.006*\"pathwai\" + 0.006*\"proper\" + 0.006*\"treat\" + 0.006*\"activ\"\n", - "2019-01-31 00:37:33,485 : INFO : topic #41 (0.020): 0.043*\"citi\" + 0.029*\"new\" + 0.022*\"palmer\" + 0.015*\"strategist\" + 0.013*\"open\" + 0.012*\"center\" + 0.012*\"year\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"dai\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:37:33,486 : INFO : topic #26 (0.020): 0.033*\"workplac\" + 0.030*\"champion\" + 0.026*\"woman\" + 0.025*\"olymp\" + 0.024*\"men\" + 0.021*\"medal\" + 0.020*\"event\" + 0.018*\"atheist\" + 0.018*\"alic\" + 0.018*\"nation\"\n", - "2019-01-31 00:37:33,487 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.008*\"poet\" + 0.007*\"measur\" + 0.007*\"frontal\" + 0.006*\"théori\" + 0.006*\"exampl\" + 0.006*\"southern\" + 0.006*\"gener\" + 0.006*\"servitud\" + 0.006*\"method\"\n", - "2019-01-31 00:37:33,493 : INFO : topic diff=0.006252, rho=0.039809\n", - "2019-01-31 00:37:33,647 : INFO : PROGRESS: pass 0, at document #1264000/4922894\n", - "2019-01-31 00:37:35,048 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:37:35,315 : INFO : topic #43 (0.020): 0.060*\"elect\" + 0.054*\"parti\" + 0.023*\"voluntari\" + 0.022*\"democrat\" + 0.021*\"member\" + 0.018*\"conserv\" + 0.017*\"liber\" + 0.016*\"polici\" + 0.014*\"republ\" + 0.013*\"report\"\n", - "2019-01-31 00:37:35,316 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.034*\"publicis\" + 0.024*\"word\" + 0.017*\"new\" + 0.015*\"edit\" + 0.013*\"presid\" + 0.012*\"nicola\" + 0.012*\"storag\" + 0.012*\"worldwid\" + 0.011*\"author\"\n", - "2019-01-31 00:37:35,317 : INFO : topic #37 (0.020): 0.010*\"man\" + 0.009*\"love\" + 0.008*\"gestur\" + 0.006*\"blue\" + 0.006*\"comic\" + 0.004*\"septemb\" + 0.004*\"vision\" + 0.004*\"litig\" + 0.004*\"black\" + 0.004*\"charact\"\n", - "2019-01-31 00:37:35,318 : INFO : topic #27 (0.020): 0.071*\"questionnair\" + 0.019*\"candid\" + 0.018*\"taxpay\" + 0.014*\"driver\" + 0.013*\"find\" + 0.012*\"ret\" + 0.012*\"tornado\" + 0.011*\"landslid\" + 0.011*\"fool\" + 0.010*\"horac\"\n", - "2019-01-31 00:37:35,319 : INFO : topic #23 (0.020): 0.138*\"audit\" + 0.070*\"best\" + 0.034*\"yawn\" + 0.029*\"jacksonvil\" + 0.025*\"japanes\" + 0.023*\"noll\" + 0.020*\"festiv\" + 0.020*\"women\" + 0.018*\"intern\" + 0.013*\"prison\"\n", - "2019-01-31 00:37:35,325 : INFO : topic diff=0.005921, rho=0.039778\n", - "2019-01-31 00:37:35,482 : INFO : PROGRESS: pass 0, at document #1266000/4922894\n", - "2019-01-31 00:37:36,890 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:37:37,156 : INFO : topic #28 (0.020): 0.030*\"build\" + 0.026*\"hous\" + 0.020*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.011*\"briarwood\" + 0.011*\"strategist\" + 0.011*\"constitut\" + 0.010*\"linear\" + 0.009*\"depress\"\n", - "2019-01-31 00:37:37,157 : INFO : topic #45 (0.020): 0.023*\"jpg\" + 0.023*\"fifteenth\" + 0.017*\"illicit\" + 0.017*\"colder\" + 0.016*\"black\" + 0.014*\"western\" + 0.012*\"record\" + 0.010*\"blind\" + 0.007*\"green\" + 0.007*\"hand\"\n", - "2019-01-31 00:37:37,158 : INFO : topic #31 (0.020): 0.061*\"fusiform\" + 0.025*\"scientist\" + 0.024*\"taxpay\" + 0.023*\"player\" + 0.021*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.012*\"folei\" + 0.010*\"yawn\" + 0.009*\"barber\"\n", - "2019-01-31 00:37:37,159 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"disco\" + 0.007*\"media\" + 0.007*\"caus\" + 0.007*\"have\" + 0.007*\"hormon\" + 0.006*\"proper\" + 0.006*\"pathwai\" + 0.006*\"treat\" + 0.005*\"effect\"\n", - "2019-01-31 00:37:37,160 : INFO : topic #21 (0.020): 0.035*\"samford\" + 0.023*\"spain\" + 0.019*\"del\" + 0.019*\"mexico\" + 0.014*\"soviet\" + 0.013*\"juan\" + 0.012*\"lizard\" + 0.011*\"carlo\" + 0.011*\"santa\" + 0.011*\"mexican\"\n", - "2019-01-31 00:37:37,166 : INFO : topic diff=0.006054, rho=0.039746\n", - "2019-01-31 00:37:37,327 : INFO : PROGRESS: pass 0, at document #1268000/4922894\n", - "2019-01-31 00:37:38,704 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:37:38,970 : INFO : topic #20 (0.020): 0.140*\"scholar\" + 0.041*\"struggl\" + 0.033*\"high\" + 0.030*\"educ\" + 0.023*\"collector\" + 0.019*\"yawn\" + 0.013*\"prognosi\" + 0.009*\"class\" + 0.009*\"task\" + 0.008*\"gothic\"\n", - "2019-01-31 00:37:38,972 : INFO : topic #25 (0.020): 0.031*\"ring\" + 0.018*\"warmth\" + 0.017*\"lagrang\" + 0.017*\"area\" + 0.016*\"mount\" + 0.009*\"palmer\" + 0.009*\"foam\" + 0.008*\"north\" + 0.008*\"land\" + 0.008*\"lobe\"\n", - "2019-01-31 00:37:38,973 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.024*\"cortic\" + 0.018*\"start\" + 0.017*\"act\" + 0.015*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.010*\"polaris\" + 0.008*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 00:37:38,974 : INFO : topic #21 (0.020): 0.035*\"samford\" + 0.023*\"spain\" + 0.019*\"mexico\" + 0.019*\"del\" + 0.014*\"soviet\" + 0.013*\"juan\" + 0.011*\"lizard\" + 0.011*\"carlo\" + 0.011*\"santa\" + 0.010*\"mexican\"\n", - "2019-01-31 00:37:38,975 : INFO : topic #42 (0.020): 0.045*\"german\" + 0.030*\"germani\" + 0.015*\"jewish\" + 0.014*\"vol\" + 0.014*\"israel\" + 0.014*\"berlin\" + 0.013*\"der\" + 0.010*\"european\" + 0.009*\"europ\" + 0.009*\"hungarian\"\n", - "2019-01-31 00:37:38,981 : INFO : topic diff=0.006868, rho=0.039715\n", - "2019-01-31 00:37:39,136 : INFO : PROGRESS: pass 0, at document #1270000/4922894\n", - "2019-01-31 00:37:40,521 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:37:40,788 : INFO : topic #37 (0.020): 0.010*\"man\" + 0.009*\"love\" + 0.008*\"gestur\" + 0.006*\"comic\" + 0.006*\"blue\" + 0.004*\"septemb\" + 0.004*\"vision\" + 0.004*\"litig\" + 0.004*\"black\" + 0.004*\"dixi\"\n", - "2019-01-31 00:37:40,789 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.033*\"perceptu\" + 0.021*\"theater\" + 0.019*\"place\" + 0.016*\"compos\" + 0.016*\"damn\" + 0.014*\"orchestr\" + 0.013*\"olympo\" + 0.012*\"physician\" + 0.012*\"word\"\n", - "2019-01-31 00:37:40,790 : INFO : topic #13 (0.020): 0.026*\"australia\" + 0.026*\"sourc\" + 0.025*\"london\" + 0.024*\"new\" + 0.023*\"england\" + 0.023*\"australian\" + 0.018*\"british\" + 0.017*\"ireland\" + 0.015*\"youth\" + 0.013*\"weekli\"\n", - "2019-01-31 00:37:40,791 : INFO : topic #27 (0.020): 0.070*\"questionnair\" + 0.019*\"candid\" + 0.018*\"taxpay\" + 0.013*\"driver\" + 0.012*\"find\" + 0.012*\"ret\" + 0.012*\"tornado\" + 0.011*\"landslid\" + 0.011*\"fool\" + 0.010*\"horac\"\n", - "2019-01-31 00:37:40,792 : INFO : topic #35 (0.020): 0.056*\"russia\" + 0.039*\"sovereignti\" + 0.038*\"rural\" + 0.024*\"reprint\" + 0.023*\"poison\" + 0.023*\"personifi\" + 0.021*\"moscow\" + 0.016*\"unfortun\" + 0.016*\"poland\" + 0.015*\"czech\"\n", - "2019-01-31 00:37:40,798 : INFO : topic diff=0.006453, rho=0.039684\n", - "2019-01-31 00:37:40,953 : INFO : PROGRESS: pass 0, at document #1272000/4922894\n", - "2019-01-31 00:37:42,340 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:37:42,605 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.011*\"organ\" + 0.010*\"commun\" + 0.010*\"develop\" + 0.010*\"word\" + 0.008*\"group\" + 0.008*\"peopl\" + 0.008*\"cultur\" + 0.007*\"woman\" + 0.007*\"human\"\n", - "2019-01-31 00:37:42,607 : INFO : topic #26 (0.020): 0.033*\"workplac\" + 0.031*\"champion\" + 0.026*\"woman\" + 0.025*\"olymp\" + 0.025*\"men\" + 0.021*\"medal\" + 0.020*\"event\" + 0.018*\"atheist\" + 0.018*\"taxpay\" + 0.017*\"nation\"\n", - "2019-01-31 00:37:42,608 : INFO : topic #48 (0.020): 0.085*\"march\" + 0.076*\"octob\" + 0.074*\"sens\" + 0.072*\"januari\" + 0.072*\"juli\" + 0.068*\"judici\" + 0.068*\"notion\" + 0.068*\"april\" + 0.066*\"decatur\" + 0.066*\"august\"\n", - "2019-01-31 00:37:42,609 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.024*\"cortic\" + 0.018*\"start\" + 0.017*\"act\" + 0.015*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.010*\"polaris\" + 0.008*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 00:37:42,610 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"like\" + 0.004*\"call\" + 0.004*\"kenworthi\"\n", - "2019-01-31 00:37:42,616 : INFO : topic diff=0.005854, rho=0.039653\n", - "2019-01-31 00:37:42,773 : INFO : PROGRESS: pass 0, at document #1274000/4922894\n", - "2019-01-31 00:37:44,234 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:37:44,500 : INFO : topic #9 (0.020): 0.070*\"bone\" + 0.040*\"american\" + 0.029*\"valour\" + 0.019*\"dutch\" + 0.017*\"folei\" + 0.017*\"polit\" + 0.017*\"player\" + 0.016*\"english\" + 0.011*\"simpler\" + 0.011*\"acrimoni\"\n", - "2019-01-31 00:37:44,502 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.024*\"septemb\" + 0.023*\"epiru\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.012*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:37:44,503 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.010*\"centuri\" + 0.010*\"woodcut\" + 0.010*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.007*\"trade\" + 0.007*\"uruguayan\" + 0.007*\"like\" + 0.006*\"god\"\n", - "2019-01-31 00:37:44,504 : INFO : topic #34 (0.020): 0.071*\"start\" + 0.032*\"unionist\" + 0.030*\"american\" + 0.030*\"cotton\" + 0.027*\"new\" + 0.015*\"year\" + 0.014*\"california\" + 0.014*\"warrior\" + 0.013*\"north\" + 0.012*\"terri\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:37:44,505 : INFO : topic #30 (0.020): 0.037*\"cleveland\" + 0.036*\"leagu\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.025*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.014*\"martin\" + 0.011*\"schmitz\"\n", - "2019-01-31 00:37:44,511 : INFO : topic diff=0.005050, rho=0.039621\n", - "2019-01-31 00:37:44,672 : INFO : PROGRESS: pass 0, at document #1276000/4922894\n", - "2019-01-31 00:37:46,089 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:37:46,356 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.024*\"septemb\" + 0.023*\"epiru\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.012*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"movi\" + 0.011*\"direct\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:37:46,357 : INFO : topic #4 (0.020): 0.022*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.009*\"mode\" + 0.009*\"elabor\" + 0.008*\"veget\" + 0.007*\"produc\" + 0.007*\"uruguayan\" + 0.007*\"candid\" + 0.006*\"encyclopedia\"\n", - "2019-01-31 00:37:46,358 : INFO : topic #28 (0.020): 0.030*\"build\" + 0.026*\"hous\" + 0.020*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.011*\"briarwood\" + 0.011*\"strategist\" + 0.011*\"constitut\" + 0.010*\"linear\" + 0.009*\"depress\"\n", - "2019-01-31 00:37:46,359 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.011*\"organ\" + 0.011*\"commun\" + 0.010*\"develop\" + 0.010*\"word\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.008*\"cultur\" + 0.007*\"woman\" + 0.007*\"human\"\n", - "2019-01-31 00:37:46,360 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.020*\"armi\" + 0.020*\"walter\" + 0.017*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.013*\"refut\" + 0.012*\"airbu\" + 0.012*\"militari\"\n", - "2019-01-31 00:37:46,366 : INFO : topic diff=0.007411, rho=0.039590\n", - "2019-01-31 00:37:46,524 : INFO : PROGRESS: pass 0, at document #1278000/4922894\n", - "2019-01-31 00:37:47,921 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:37:48,187 : INFO : topic #0 (0.020): 0.068*\"statewid\" + 0.040*\"line\" + 0.039*\"raid\" + 0.038*\"arsen\" + 0.030*\"museo\" + 0.019*\"traceabl\" + 0.017*\"serv\" + 0.014*\"pain\" + 0.014*\"exhaust\" + 0.012*\"artist\"\n", - "2019-01-31 00:37:48,189 : INFO : topic #33 (0.020): 0.058*\"french\" + 0.045*\"franc\" + 0.030*\"pari\" + 0.025*\"jean\" + 0.023*\"sail\" + 0.019*\"daphn\" + 0.014*\"loui\" + 0.014*\"lazi\" + 0.013*\"piec\" + 0.008*\"wine\"\n", - "2019-01-31 00:37:48,190 : INFO : topic #45 (0.020): 0.024*\"jpg\" + 0.023*\"fifteenth\" + 0.017*\"illicit\" + 0.017*\"colder\" + 0.016*\"black\" + 0.014*\"western\" + 0.012*\"record\" + 0.011*\"blind\" + 0.007*\"light\" + 0.007*\"hand\"\n", - "2019-01-31 00:37:48,191 : INFO : topic #41 (0.020): 0.043*\"citi\" + 0.028*\"new\" + 0.022*\"palmer\" + 0.014*\"strategist\" + 0.013*\"open\" + 0.012*\"center\" + 0.012*\"year\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.010*\"dai\"\n", - "2019-01-31 00:37:48,192 : INFO : topic #3 (0.020): 0.035*\"present\" + 0.026*\"offic\" + 0.024*\"minist\" + 0.020*\"govern\" + 0.020*\"nation\" + 0.020*\"serv\" + 0.019*\"member\" + 0.018*\"gener\" + 0.016*\"seri\" + 0.015*\"chickasaw\"\n", - "2019-01-31 00:37:48,198 : INFO : topic diff=0.006415, rho=0.039559\n", - "2019-01-31 00:37:51,004 : INFO : -11.563 per-word bound, 3026.2 perplexity estimate based on a held-out corpus of 2000 documents with 579201 words\n", - "2019-01-31 00:37:51,005 : INFO : PROGRESS: pass 0, at document #1280000/4922894\n", - "2019-01-31 00:37:52,414 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:37:52,680 : INFO : topic #42 (0.020): 0.045*\"german\" + 0.030*\"germani\" + 0.015*\"vol\" + 0.014*\"jewish\" + 0.014*\"israel\" + 0.013*\"berlin\" + 0.013*\"der\" + 0.009*\"european\" + 0.009*\"europ\" + 0.009*\"itali\"\n", - "2019-01-31 00:37:52,681 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.010*\"centuri\" + 0.010*\"woodcut\" + 0.010*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.007*\"trade\" + 0.007*\"god\" + 0.007*\"uruguayan\" + 0.007*\"english\"\n", - "2019-01-31 00:37:52,682 : INFO : topic #39 (0.020): 0.051*\"canada\" + 0.038*\"canadian\" + 0.020*\"toronto\" + 0.019*\"hoar\" + 0.018*\"ontario\" + 0.013*\"new\" + 0.013*\"hydrogen\" + 0.013*\"novotná\" + 0.012*\"misericordia\" + 0.012*\"quebec\"\n", - "2019-01-31 00:37:52,684 : INFO : topic #37 (0.020): 0.009*\"man\" + 0.009*\"love\" + 0.008*\"gestur\" + 0.006*\"blue\" + 0.006*\"comic\" + 0.005*\"septemb\" + 0.004*\"vision\" + 0.004*\"litig\" + 0.004*\"dixi\" + 0.004*\"charact\"\n", - "2019-01-31 00:37:52,685 : INFO : topic #46 (0.020): 0.018*\"stop\" + 0.018*\"damag\" + 0.018*\"swedish\" + 0.016*\"norwai\" + 0.015*\"sweden\" + 0.015*\"norwegian\" + 0.014*\"replac\" + 0.013*\"wind\" + 0.012*\"financ\" + 0.012*\"ton\"\n", - "2019-01-31 00:37:52,690 : INFO : topic diff=0.007558, rho=0.039528\n", - "2019-01-31 00:37:52,843 : INFO : PROGRESS: pass 0, at document #1282000/4922894\n", - "2019-01-31 00:37:54,203 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:37:54,468 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.008*\"teufel\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.007*\"militari\" + 0.007*\"till\" + 0.006*\"king\"\n", - "2019-01-31 00:37:54,469 : INFO : topic #45 (0.020): 0.023*\"jpg\" + 0.022*\"fifteenth\" + 0.017*\"illicit\" + 0.017*\"colder\" + 0.016*\"black\" + 0.015*\"western\" + 0.012*\"record\" + 0.011*\"blind\" + 0.007*\"light\" + 0.007*\"green\"\n", - "2019-01-31 00:37:54,470 : INFO : topic #1 (0.020): 0.059*\"china\" + 0.048*\"chilton\" + 0.022*\"hong\" + 0.021*\"kong\" + 0.019*\"korea\" + 0.016*\"korean\" + 0.014*\"leah\" + 0.014*\"shirin\" + 0.013*\"sourc\" + 0.013*\"ashvil\"\n", - "2019-01-31 00:37:54,472 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"disco\" + 0.007*\"media\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.007*\"have\" + 0.006*\"treat\" + 0.006*\"hormon\" + 0.006*\"effect\" + 0.006*\"proper\"\n", - "2019-01-31 00:37:54,473 : INFO : topic #34 (0.020): 0.070*\"start\" + 0.032*\"unionist\" + 0.030*\"cotton\" + 0.030*\"american\" + 0.027*\"new\" + 0.015*\"year\" + 0.015*\"california\" + 0.014*\"warrior\" + 0.013*\"north\" + 0.013*\"terri\"\n", - "2019-01-31 00:37:54,479 : INFO : topic diff=0.006323, rho=0.039498\n", - "2019-01-31 00:37:54,633 : INFO : PROGRESS: pass 0, at document #1284000/4922894\n", - "2019-01-31 00:37:56,030 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:37:56,296 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.032*\"perceptu\" + 0.019*\"theater\" + 0.019*\"place\" + 0.017*\"damn\" + 0.017*\"compos\" + 0.014*\"orchestr\" + 0.013*\"olympo\" + 0.013*\"physician\" + 0.012*\"word\"\n", - "2019-01-31 00:37:56,297 : INFO : topic #39 (0.020): 0.050*\"canada\" + 0.038*\"canadian\" + 0.020*\"toronto\" + 0.019*\"hoar\" + 0.018*\"ontario\" + 0.014*\"new\" + 0.013*\"hydrogen\" + 0.012*\"novotná\" + 0.012*\"misericordia\" + 0.011*\"quebec\"\n", - "2019-01-31 00:37:56,298 : INFO : topic #43 (0.020): 0.061*\"elect\" + 0.054*\"parti\" + 0.023*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.015*\"liber\" + 0.015*\"conserv\" + 0.014*\"seaport\" + 0.014*\"selma\"\n", - "2019-01-31 00:37:56,299 : INFO : topic #25 (0.020): 0.030*\"ring\" + 0.018*\"warmth\" + 0.017*\"lagrang\" + 0.017*\"area\" + 0.015*\"mount\" + 0.009*\"palmer\" + 0.009*\"foam\" + 0.008*\"north\" + 0.008*\"land\" + 0.008*\"vacant\"\n", - "2019-01-31 00:37:56,301 : INFO : topic #29 (0.020): 0.021*\"companhia\" + 0.011*\"million\" + 0.010*\"busi\" + 0.010*\"bank\" + 0.008*\"market\" + 0.008*\"yawn\" + 0.007*\"industri\" + 0.007*\"manag\" + 0.007*\"govern\" + 0.007*\"produc\"\n", - "2019-01-31 00:37:56,306 : INFO : topic diff=0.006903, rho=0.039467\n", - "2019-01-31 00:37:56,460 : INFO : PROGRESS: pass 0, at document #1286000/4922894\n", - "2019-01-31 00:37:57,853 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:37:58,120 : INFO : topic #41 (0.020): 0.042*\"citi\" + 0.028*\"new\" + 0.022*\"palmer\" + 0.014*\"strategist\" + 0.013*\"open\" + 0.012*\"center\" + 0.012*\"year\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"dai\"\n", - "2019-01-31 00:37:58,121 : INFO : topic #44 (0.020): 0.033*\"rooftop\" + 0.028*\"final\" + 0.024*\"wife\" + 0.022*\"tourist\" + 0.018*\"champion\" + 0.016*\"taxpay\" + 0.015*\"chamber\" + 0.014*\"tiepolo\" + 0.013*\"martin\" + 0.013*\"open\"\n", - "2019-01-31 00:37:58,122 : INFO : topic #40 (0.020): 0.088*\"unit\" + 0.023*\"schuster\" + 0.022*\"collector\" + 0.021*\"institut\" + 0.020*\"requir\" + 0.018*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"governor\" + 0.011*\"degre\"\n", - "2019-01-31 00:37:58,123 : INFO : topic #46 (0.020): 0.018*\"stop\" + 0.018*\"damag\" + 0.017*\"swedish\" + 0.015*\"norwai\" + 0.015*\"sweden\" + 0.015*\"norwegian\" + 0.014*\"replac\" + 0.013*\"wind\" + 0.012*\"financ\" + 0.011*\"turkish\"\n", - "2019-01-31 00:37:58,124 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.015*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"daughter\" + 0.011*\"deal\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:37:58,130 : INFO : topic diff=0.006142, rho=0.039436\n", - "2019-01-31 00:37:58,282 : INFO : PROGRESS: pass 0, at document #1288000/4922894\n", - "2019-01-31 00:37:59,645 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:37:59,911 : INFO : topic #44 (0.020): 0.034*\"rooftop\" + 0.028*\"final\" + 0.024*\"wife\" + 0.022*\"tourist\" + 0.018*\"champion\" + 0.016*\"taxpay\" + 0.015*\"chamber\" + 0.014*\"tiepolo\" + 0.013*\"martin\" + 0.013*\"open\"\n", - "2019-01-31 00:37:59,912 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"disco\" + 0.007*\"media\" + 0.007*\"pathwai\" + 0.006*\"caus\" + 0.006*\"have\" + 0.006*\"treat\" + 0.006*\"hormon\" + 0.006*\"proper\" + 0.006*\"effect\"\n", - "2019-01-31 00:37:59,913 : INFO : topic #46 (0.020): 0.018*\"stop\" + 0.018*\"damag\" + 0.017*\"swedish\" + 0.015*\"norwai\" + 0.015*\"sweden\" + 0.014*\"norwegian\" + 0.014*\"replac\" + 0.013*\"wind\" + 0.012*\"financ\" + 0.011*\"turkish\"\n", - "2019-01-31 00:37:59,914 : INFO : topic #49 (0.020): 0.042*\"india\" + 0.031*\"incumb\" + 0.014*\"islam\" + 0.012*\"muskoge\" + 0.012*\"pakistan\" + 0.012*\"anglo\" + 0.011*\"televis\" + 0.011*\"alam\" + 0.010*\"khalsa\" + 0.009*\"start\"\n", - "2019-01-31 00:37:59,916 : INFO : topic #25 (0.020): 0.030*\"ring\" + 0.018*\"warmth\" + 0.017*\"area\" + 0.017*\"lagrang\" + 0.015*\"mount\" + 0.009*\"palmer\" + 0.009*\"foam\" + 0.008*\"north\" + 0.008*\"land\" + 0.008*\"vacant\"\n", - "2019-01-31 00:37:59,921 : INFO : topic diff=0.006987, rho=0.039406\n", - "2019-01-31 00:38:00,077 : INFO : PROGRESS: pass 0, at document #1290000/4922894\n", - "2019-01-31 00:38:01,468 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:38:01,734 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"disco\" + 0.007*\"media\" + 0.007*\"pathwai\" + 0.006*\"caus\" + 0.006*\"treat\" + 0.006*\"have\" + 0.006*\"proper\" + 0.006*\"hormon\" + 0.006*\"effect\"\n", - "2019-01-31 00:38:01,735 : INFO : topic #49 (0.020): 0.042*\"india\" + 0.031*\"incumb\" + 0.014*\"islam\" + 0.012*\"muskoge\" + 0.012*\"pakistan\" + 0.012*\"anglo\" + 0.011*\"televis\" + 0.011*\"alam\" + 0.010*\"khalsa\" + 0.009*\"start\"\n", - "2019-01-31 00:38:01,736 : INFO : topic #17 (0.020): 0.074*\"church\" + 0.022*\"christian\" + 0.021*\"cathol\" + 0.021*\"bishop\" + 0.017*\"sail\" + 0.014*\"retroflex\" + 0.009*\"centuri\" + 0.009*\"relationship\" + 0.009*\"cathedr\" + 0.009*\"historiographi\"\n", - "2019-01-31 00:38:01,737 : INFO : topic #25 (0.020): 0.030*\"ring\" + 0.018*\"warmth\" + 0.017*\"area\" + 0.016*\"lagrang\" + 0.015*\"mount\" + 0.009*\"palmer\" + 0.009*\"foam\" + 0.008*\"north\" + 0.008*\"vacant\" + 0.008*\"land\"\n", - "2019-01-31 00:38:01,739 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.011*\"organ\" + 0.010*\"commun\" + 0.010*\"develop\" + 0.010*\"word\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.008*\"cultur\" + 0.007*\"human\" + 0.007*\"woman\"\n", - "2019-01-31 00:38:01,744 : INFO : topic diff=0.005685, rho=0.039375\n", - "2019-01-31 00:38:01,904 : INFO : PROGRESS: pass 0, at document #1292000/4922894\n", - "2019-01-31 00:38:03,329 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:38:03,595 : INFO : topic #9 (0.020): 0.066*\"bone\" + 0.043*\"american\" + 0.030*\"valour\" + 0.018*\"dutch\" + 0.018*\"polit\" + 0.017*\"folei\" + 0.016*\"player\" + 0.016*\"english\" + 0.011*\"simpler\" + 0.011*\"acrimoni\"\n", - "2019-01-31 00:38:03,596 : INFO : topic #44 (0.020): 0.033*\"rooftop\" + 0.028*\"final\" + 0.024*\"wife\" + 0.022*\"tourist\" + 0.018*\"champion\" + 0.016*\"taxpay\" + 0.015*\"chamber\" + 0.014*\"tiepolo\" + 0.013*\"martin\" + 0.013*\"open\"\n", - "2019-01-31 00:38:03,597 : INFO : topic #11 (0.020): 0.026*\"john\" + 0.014*\"will\" + 0.012*\"jame\" + 0.012*\"david\" + 0.011*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"georg\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:38:03,598 : INFO : topic #0 (0.020): 0.068*\"statewid\" + 0.040*\"line\" + 0.037*\"raid\" + 0.037*\"arsen\" + 0.029*\"museo\" + 0.020*\"traceabl\" + 0.017*\"serv\" + 0.014*\"pain\" + 0.014*\"exhaust\" + 0.012*\"artist\"\n", - "2019-01-31 00:38:03,600 : INFO : topic #24 (0.020): 0.042*\"book\" + 0.034*\"publicis\" + 0.024*\"word\" + 0.017*\"new\" + 0.015*\"edit\" + 0.013*\"presid\" + 0.012*\"storag\" + 0.012*\"nicola\" + 0.012*\"worldwid\" + 0.011*\"author\"\n", - "2019-01-31 00:38:03,605 : INFO : topic diff=0.006066, rho=0.039344\n", - "2019-01-31 00:38:03,765 : INFO : PROGRESS: pass 0, at document #1294000/4922894\n", - "2019-01-31 00:38:05,180 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:38:05,447 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.023*\"cortic\" + 0.018*\"start\" + 0.016*\"act\" + 0.016*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.010*\"polaris\" + 0.008*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 00:38:05,449 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.009*\"veget\" + 0.009*\"mode\" + 0.009*\"elabor\" + 0.007*\"produc\" + 0.007*\"turn\" + 0.007*\"uruguayan\" + 0.007*\"candid\"\n", - "2019-01-31 00:38:05,450 : INFO : topic #20 (0.020): 0.138*\"scholar\" + 0.040*\"struggl\" + 0.032*\"high\" + 0.030*\"educ\" + 0.021*\"collector\" + 0.019*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"gothic\" + 0.009*\"class\" + 0.009*\"district\"\n", - "2019-01-31 00:38:05,451 : INFO : topic #33 (0.020): 0.059*\"french\" + 0.047*\"franc\" + 0.030*\"pari\" + 0.024*\"jean\" + 0.024*\"sail\" + 0.018*\"daphn\" + 0.015*\"loui\" + 0.014*\"lazi\" + 0.012*\"piec\" + 0.008*\"wine\"\n", - "2019-01-31 00:38:05,452 : INFO : topic #49 (0.020): 0.042*\"india\" + 0.031*\"incumb\" + 0.014*\"islam\" + 0.012*\"pakistan\" + 0.012*\"muskoge\" + 0.012*\"anglo\" + 0.010*\"televis\" + 0.010*\"alam\" + 0.010*\"khalsa\" + 0.009*\"start\"\n", - "2019-01-31 00:38:05,458 : INFO : topic diff=0.005902, rho=0.039314\n", - "2019-01-31 00:38:05,614 : INFO : PROGRESS: pass 0, at document #1296000/4922894\n", - "2019-01-31 00:38:07,015 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:38:07,281 : INFO : topic #9 (0.020): 0.065*\"bone\" + 0.043*\"american\" + 0.030*\"valour\" + 0.018*\"dutch\" + 0.018*\"polit\" + 0.017*\"folei\" + 0.016*\"player\" + 0.016*\"english\" + 0.011*\"simpler\" + 0.011*\"acrimoni\"\n", - "2019-01-31 00:38:07,282 : INFO : topic #26 (0.020): 0.033*\"workplac\" + 0.030*\"champion\" + 0.026*\"woman\" + 0.025*\"men\" + 0.025*\"olymp\" + 0.021*\"medal\" + 0.020*\"event\" + 0.018*\"rainfal\" + 0.018*\"taxpay\" + 0.018*\"atheist\"\n", - "2019-01-31 00:38:07,283 : INFO : topic #2 (0.020): 0.047*\"isl\" + 0.037*\"shield\" + 0.018*\"narrat\" + 0.013*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.009*\"bahá\" + 0.009*\"class\"\n", - "2019-01-31 00:38:07,284 : INFO : topic #29 (0.020): 0.021*\"companhia\" + 0.011*\"million\" + 0.010*\"busi\" + 0.010*\"bank\" + 0.009*\"market\" + 0.008*\"yawn\" + 0.007*\"industri\" + 0.007*\"produc\" + 0.007*\"manag\" + 0.007*\"govern\"\n", - "2019-01-31 00:38:07,285 : INFO : topic #46 (0.020): 0.018*\"norwai\" + 0.018*\"stop\" + 0.017*\"damag\" + 0.016*\"swedish\" + 0.015*\"norwegian\" + 0.015*\"sweden\" + 0.013*\"replac\" + 0.013*\"wind\" + 0.012*\"financ\" + 0.012*\"treeless\"\n", - "2019-01-31 00:38:07,291 : INFO : topic diff=0.006657, rho=0.039284\n", - "2019-01-31 00:38:07,442 : INFO : PROGRESS: pass 0, at document #1298000/4922894\n", - "2019-01-31 00:38:08,799 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:38:09,065 : INFO : topic #49 (0.020): 0.041*\"india\" + 0.031*\"incumb\" + 0.015*\"islam\" + 0.012*\"muskoge\" + 0.012*\"pakistan\" + 0.011*\"anglo\" + 0.010*\"televis\" + 0.010*\"alam\" + 0.010*\"tajikistan\" + 0.010*\"khalsa\"\n", - "2019-01-31 00:38:09,066 : INFO : topic #26 (0.020): 0.033*\"workplac\" + 0.030*\"champion\" + 0.026*\"woman\" + 0.025*\"men\" + 0.025*\"olymp\" + 0.021*\"medal\" + 0.020*\"event\" + 0.019*\"rainfal\" + 0.018*\"taxpay\" + 0.018*\"atheist\"\n", - "2019-01-31 00:38:09,067 : INFO : topic #35 (0.020): 0.053*\"russia\" + 0.037*\"sovereignti\" + 0.036*\"rural\" + 0.027*\"personifi\" + 0.023*\"reprint\" + 0.023*\"poison\" + 0.019*\"moscow\" + 0.017*\"alexand\" + 0.016*\"poland\" + 0.015*\"unfortun\"\n", - "2019-01-31 00:38:09,068 : INFO : topic #46 (0.020): 0.018*\"stop\" + 0.018*\"norwai\" + 0.016*\"damag\" + 0.016*\"swedish\" + 0.015*\"norwegian\" + 0.015*\"sweden\" + 0.013*\"replac\" + 0.013*\"wind\" + 0.012*\"treeless\" + 0.011*\"financ\"\n", - "2019-01-31 00:38:09,069 : INFO : topic #44 (0.020): 0.032*\"rooftop\" + 0.028*\"final\" + 0.024*\"wife\" + 0.022*\"tourist\" + 0.018*\"champion\" + 0.016*\"taxpay\" + 0.014*\"chamber\" + 0.014*\"tiepolo\" + 0.013*\"martin\" + 0.012*\"open\"\n", - "2019-01-31 00:38:09,075 : INFO : topic diff=0.006940, rho=0.039253\n", - "2019-01-31 00:38:11,725 : INFO : -11.695 per-word bound, 3315.3 perplexity estimate based on a held-out corpus of 2000 documents with 525577 words\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:38:11,726 : INFO : PROGRESS: pass 0, at document #1300000/4922894\n", - "2019-01-31 00:38:13,089 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:38:13,355 : INFO : topic #20 (0.020): 0.137*\"scholar\" + 0.040*\"struggl\" + 0.032*\"high\" + 0.030*\"educ\" + 0.022*\"collector\" + 0.019*\"yawn\" + 0.014*\"prognosi\" + 0.011*\"gothic\" + 0.009*\"class\" + 0.009*\"task\"\n", - "2019-01-31 00:38:13,356 : INFO : topic #29 (0.020): 0.021*\"companhia\" + 0.011*\"million\" + 0.010*\"busi\" + 0.010*\"bank\" + 0.009*\"market\" + 0.008*\"yawn\" + 0.008*\"function\" + 0.007*\"manag\" + 0.007*\"industri\" + 0.007*\"produc\"\n", - "2019-01-31 00:38:13,357 : INFO : topic #17 (0.020): 0.075*\"church\" + 0.022*\"christian\" + 0.021*\"cathol\" + 0.020*\"bishop\" + 0.016*\"sail\" + 0.015*\"retroflex\" + 0.009*\"centuri\" + 0.009*\"relationship\" + 0.009*\"cathedr\" + 0.008*\"historiographi\"\n", - "2019-01-31 00:38:13,358 : INFO : topic #49 (0.020): 0.041*\"india\" + 0.031*\"incumb\" + 0.015*\"islam\" + 0.012*\"muskoge\" + 0.012*\"anglo\" + 0.012*\"pakistan\" + 0.010*\"televis\" + 0.010*\"alam\" + 0.010*\"khalsa\" + 0.010*\"tajikistan\"\n", - "2019-01-31 00:38:13,359 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.022*\"spain\" + 0.019*\"mexico\" + 0.018*\"del\" + 0.014*\"soviet\" + 0.013*\"juan\" + 0.011*\"lizard\" + 0.011*\"carlo\" + 0.011*\"santa\" + 0.011*\"francisco\"\n", - "2019-01-31 00:38:13,365 : INFO : topic diff=0.006368, rho=0.039223\n", - "2019-01-31 00:38:13,519 : INFO : PROGRESS: pass 0, at document #1302000/4922894\n", - "2019-01-31 00:38:14,902 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:38:15,168 : INFO : topic #49 (0.020): 0.040*\"india\" + 0.033*\"incumb\" + 0.014*\"islam\" + 0.012*\"muskoge\" + 0.012*\"pakistan\" + 0.012*\"anglo\" + 0.011*\"alam\" + 0.010*\"khalsa\" + 0.010*\"televis\" + 0.010*\"tajikistan\"\n", - "2019-01-31 00:38:15,170 : INFO : topic #41 (0.020): 0.043*\"citi\" + 0.028*\"new\" + 0.022*\"palmer\" + 0.014*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.012*\"year\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"dai\"\n", - "2019-01-31 00:38:15,171 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.027*\"offic\" + 0.024*\"minist\" + 0.021*\"govern\" + 0.021*\"nation\" + 0.019*\"member\" + 0.019*\"serv\" + 0.018*\"gener\" + 0.016*\"chickasaw\" + 0.016*\"seri\"\n", - "2019-01-31 00:38:15,172 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"man\"\n", - "2019-01-31 00:38:15,174 : INFO : topic #36 (0.020): 0.013*\"network\" + 0.011*\"prognosi\" + 0.010*\"pop\" + 0.008*\"develop\" + 0.008*\"cytokin\" + 0.007*\"serv\" + 0.007*\"user\" + 0.007*\"diggin\" + 0.007*\"base\" + 0.007*\"brio\"\n", - "2019-01-31 00:38:15,179 : INFO : topic diff=0.005951, rho=0.039193\n", - "2019-01-31 00:38:15,334 : INFO : PROGRESS: pass 0, at document #1304000/4922894\n", - "2019-01-31 00:38:16,716 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:38:16,982 : INFO : topic #40 (0.020): 0.088*\"unit\" + 0.023*\"schuster\" + 0.022*\"collector\" + 0.021*\"institut\" + 0.020*\"requir\" + 0.018*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"http\" + 0.011*\"governor\"\n", - "2019-01-31 00:38:16,983 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.027*\"offic\" + 0.024*\"minist\" + 0.021*\"govern\" + 0.021*\"nation\" + 0.019*\"member\" + 0.019*\"serv\" + 0.018*\"gener\" + 0.016*\"seri\" + 0.016*\"chickasaw\"\n", - "2019-01-31 00:38:16,985 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.035*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.025*\"crete\" + 0.024*\"scientist\" + 0.023*\"folei\" + 0.017*\"goal\" + 0.014*\"martin\" + 0.011*\"player\"\n", - "2019-01-31 00:38:16,986 : INFO : topic #49 (0.020): 0.040*\"india\" + 0.032*\"incumb\" + 0.014*\"islam\" + 0.012*\"pakistan\" + 0.012*\"muskoge\" + 0.012*\"anglo\" + 0.011*\"alam\" + 0.011*\"televis\" + 0.010*\"khalsa\" + 0.009*\"tajikistan\"\n", - "2019-01-31 00:38:16,987 : INFO : topic #47 (0.020): 0.062*\"muscl\" + 0.033*\"perceptu\" + 0.020*\"theater\" + 0.019*\"place\" + 0.017*\"damn\" + 0.017*\"compos\" + 0.013*\"orchestr\" + 0.013*\"olympo\" + 0.013*\"physician\" + 0.012*\"word\"\n", - "2019-01-31 00:38:16,993 : INFO : topic diff=0.005795, rho=0.039163\n", - "2019-01-31 00:38:17,148 : INFO : PROGRESS: pass 0, at document #1306000/4922894\n", - "2019-01-31 00:38:18,544 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:38:18,814 : INFO : topic #20 (0.020): 0.137*\"scholar\" + 0.040*\"struggl\" + 0.032*\"high\" + 0.030*\"educ\" + 0.022*\"collector\" + 0.019*\"yawn\" + 0.014*\"prognosi\" + 0.011*\"gothic\" + 0.009*\"district\" + 0.009*\"task\"\n", - "2019-01-31 00:38:18,816 : INFO : topic #35 (0.020): 0.053*\"russia\" + 0.037*\"sovereignti\" + 0.035*\"rural\" + 0.027*\"personifi\" + 0.023*\"reprint\" + 0.023*\"poison\" + 0.021*\"moscow\" + 0.016*\"poland\" + 0.015*\"unfortun\" + 0.015*\"alexand\"\n", - "2019-01-31 00:38:18,817 : INFO : topic #41 (0.020): 0.043*\"citi\" + 0.029*\"new\" + 0.022*\"palmer\" + 0.014*\"strategist\" + 0.013*\"open\" + 0.012*\"center\" + 0.012*\"year\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"dai\"\n", - "2019-01-31 00:38:18,818 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"disco\" + 0.008*\"media\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"have\" + 0.006*\"treat\" + 0.006*\"hormon\" + 0.006*\"effect\" + 0.006*\"proper\"\n", - "2019-01-31 00:38:18,819 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.040*\"line\" + 0.037*\"arsen\" + 0.036*\"raid\" + 0.029*\"museo\" + 0.019*\"traceabl\" + 0.018*\"serv\" + 0.014*\"exhaust\" + 0.014*\"pain\" + 0.012*\"artist\"\n", - "2019-01-31 00:38:18,825 : INFO : topic diff=0.005368, rho=0.039133\n", - "2019-01-31 00:38:18,981 : INFO : PROGRESS: pass 0, at document #1308000/4922894\n", - "2019-01-31 00:38:20,377 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:38:20,643 : INFO : topic #34 (0.020): 0.071*\"start\" + 0.032*\"unionist\" + 0.031*\"cotton\" + 0.030*\"american\" + 0.027*\"new\" + 0.015*\"year\" + 0.015*\"california\" + 0.014*\"warrior\" + 0.013*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 00:38:20,644 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"disco\" + 0.008*\"media\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"have\" + 0.006*\"treat\" + 0.006*\"hormon\" + 0.006*\"effect\" + 0.006*\"proper\"\n", - "2019-01-31 00:38:20,645 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.027*\"offic\" + 0.024*\"minist\" + 0.022*\"govern\" + 0.021*\"nation\" + 0.019*\"member\" + 0.019*\"serv\" + 0.018*\"gener\" + 0.016*\"seri\" + 0.016*\"chickasaw\"\n", - "2019-01-31 00:38:20,647 : INFO : topic #9 (0.020): 0.066*\"bone\" + 0.042*\"american\" + 0.030*\"valour\" + 0.018*\"dutch\" + 0.017*\"folei\" + 0.017*\"polit\" + 0.016*\"player\" + 0.016*\"english\" + 0.011*\"simpler\" + 0.011*\"acrimoni\"\n", - "2019-01-31 00:38:20,648 : INFO : topic #28 (0.020): 0.031*\"build\" + 0.025*\"hous\" + 0.021*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.011*\"strategist\" + 0.011*\"constitut\" + 0.011*\"briarwood\" + 0.010*\"linear\" + 0.010*\"highland\"\n", - "2019-01-31 00:38:20,654 : INFO : topic diff=0.005020, rho=0.039103\n", - "2019-01-31 00:38:20,869 : INFO : PROGRESS: pass 0, at document #1310000/4922894\n", - "2019-01-31 00:38:22,280 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:38:22,547 : INFO : topic #24 (0.020): 0.042*\"book\" + 0.034*\"publicis\" + 0.024*\"word\" + 0.018*\"new\" + 0.015*\"edit\" + 0.013*\"presid\" + 0.013*\"storag\" + 0.012*\"worldwid\" + 0.012*\"nicola\" + 0.011*\"collect\"\n", - "2019-01-31 00:38:22,549 : INFO : topic #43 (0.020): 0.061*\"elect\" + 0.054*\"parti\" + 0.023*\"democrat\" + 0.023*\"voluntari\" + 0.021*\"member\" + 0.017*\"polici\" + 0.015*\"liber\" + 0.015*\"republ\" + 0.014*\"selma\" + 0.014*\"seaport\"\n", - "2019-01-31 00:38:22,550 : INFO : topic #37 (0.020): 0.010*\"man\" + 0.009*\"love\" + 0.008*\"gestur\" + 0.006*\"comic\" + 0.006*\"blue\" + 0.005*\"septemb\" + 0.004*\"appear\" + 0.004*\"vision\" + 0.004*\"charact\" + 0.004*\"litig\"\n", - "2019-01-31 00:38:22,551 : INFO : topic #13 (0.020): 0.026*\"sourc\" + 0.026*\"australia\" + 0.025*\"new\" + 0.025*\"london\" + 0.022*\"australian\" + 0.022*\"england\" + 0.020*\"british\" + 0.017*\"ireland\" + 0.016*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:38:22,552 : INFO : topic #40 (0.020): 0.088*\"unit\" + 0.023*\"schuster\" + 0.022*\"collector\" + 0.022*\"institut\" + 0.020*\"requir\" + 0.018*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.012*\"http\" + 0.011*\"governor\"\n", - "2019-01-31 00:38:22,558 : INFO : topic diff=0.006056, rho=0.039073\n", - "2019-01-31 00:38:22,712 : INFO : PROGRESS: pass 0, at document #1312000/4922894\n", - "2019-01-31 00:38:24,099 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:38:24,365 : INFO : topic #17 (0.020): 0.074*\"church\" + 0.023*\"christian\" + 0.021*\"cathol\" + 0.020*\"bishop\" + 0.016*\"sail\" + 0.015*\"retroflex\" + 0.010*\"dioces\" + 0.009*\"centuri\" + 0.009*\"relationship\" + 0.009*\"cathedr\"\n", - "2019-01-31 00:38:24,366 : INFO : topic #0 (0.020): 0.066*\"statewid\" + 0.040*\"line\" + 0.037*\"arsen\" + 0.035*\"raid\" + 0.030*\"museo\" + 0.019*\"traceabl\" + 0.018*\"serv\" + 0.014*\"exhaust\" + 0.014*\"pain\" + 0.012*\"artist\"\n", - "2019-01-31 00:38:24,367 : INFO : topic #35 (0.020): 0.058*\"russia\" + 0.039*\"rural\" + 0.037*\"sovereignti\" + 0.026*\"personifi\" + 0.023*\"reprint\" + 0.022*\"poison\" + 0.021*\"moscow\" + 0.016*\"unfortun\" + 0.016*\"poland\" + 0.016*\"alexand\"\n", - "2019-01-31 00:38:24,368 : INFO : topic #16 (0.020): 0.047*\"king\" + 0.033*\"priest\" + 0.020*\"duke\" + 0.020*\"quarterli\" + 0.018*\"grammat\" + 0.018*\"idiosyncrat\" + 0.015*\"rotterdam\" + 0.015*\"brazil\" + 0.014*\"princ\" + 0.013*\"portugues\"\n", - "2019-01-31 00:38:24,369 : INFO : topic #20 (0.020): 0.138*\"scholar\" + 0.040*\"struggl\" + 0.033*\"high\" + 0.030*\"educ\" + 0.022*\"collector\" + 0.019*\"yawn\" + 0.014*\"prognosi\" + 0.011*\"gothic\" + 0.009*\"district\" + 0.009*\"task\"\n", - "2019-01-31 00:38:24,376 : INFO : topic diff=0.006993, rho=0.039043\n", - "2019-01-31 00:38:24,533 : INFO : PROGRESS: pass 0, at document #1314000/4922894\n", - "2019-01-31 00:38:25,919 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:38:26,185 : INFO : topic #0 (0.020): 0.070*\"statewid\" + 0.040*\"line\" + 0.037*\"arsen\" + 0.035*\"raid\" + 0.029*\"museo\" + 0.019*\"traceabl\" + 0.018*\"serv\" + 0.014*\"exhaust\" + 0.014*\"pain\" + 0.012*\"artist\"\n", - "2019-01-31 00:38:26,186 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"will\" + 0.012*\"deal\"\n", - "2019-01-31 00:38:26,187 : INFO : topic #24 (0.020): 0.042*\"book\" + 0.034*\"publicis\" + 0.024*\"word\" + 0.017*\"new\" + 0.015*\"edit\" + 0.013*\"presid\" + 0.012*\"storag\" + 0.012*\"worldwid\" + 0.012*\"nicola\" + 0.011*\"collect\"\n", - "2019-01-31 00:38:26,189 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.024*\"factor\" + 0.021*\"adulthood\" + 0.016*\"feel\" + 0.014*\"male\" + 0.013*\"hostil\" + 0.011*\"plaisir\" + 0.010*\"genu\" + 0.010*\"live\" + 0.009*\"yawn\"\n", - "2019-01-31 00:38:26,190 : INFO : topic #49 (0.020): 0.040*\"india\" + 0.033*\"incumb\" + 0.014*\"islam\" + 0.012*\"pakistan\" + 0.012*\"muskoge\" + 0.011*\"anglo\" + 0.011*\"alam\" + 0.011*\"khalsa\" + 0.011*\"televis\" + 0.009*\"tajikistan\"\n", - "2019-01-31 00:38:26,196 : INFO : topic diff=0.006283, rho=0.039014\n", - "2019-01-31 00:38:26,363 : INFO : PROGRESS: pass 0, at document #1316000/4922894\n", - "2019-01-31 00:38:27,776 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:38:28,045 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.008*\"teufel\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.007*\"militari\" + 0.006*\"king\" + 0.006*\"till\"\n", - "2019-01-31 00:38:28,047 : INFO : topic #4 (0.020): 0.022*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.009*\"mode\" + 0.008*\"elabor\" + 0.008*\"veget\" + 0.007*\"produc\" + 0.007*\"encyclopedia\" + 0.007*\"uruguayan\" + 0.007*\"turn\"\n", - "2019-01-31 00:38:28,048 : INFO : topic #17 (0.020): 0.074*\"church\" + 0.023*\"christian\" + 0.021*\"cathol\" + 0.021*\"bishop\" + 0.016*\"sail\" + 0.015*\"retroflex\" + 0.010*\"dioces\" + 0.009*\"centuri\" + 0.009*\"relationship\" + 0.009*\"cathedr\"\n", - "2019-01-31 00:38:28,049 : INFO : topic #19 (0.020): 0.015*\"languag\" + 0.011*\"centuri\" + 0.010*\"form\" + 0.010*\"woodcut\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.007*\"trade\" + 0.007*\"god\" + 0.007*\"like\" + 0.007*\"uruguayan\"\n", - "2019-01-31 00:38:28,050 : INFO : topic #44 (0.020): 0.033*\"rooftop\" + 0.028*\"final\" + 0.023*\"wife\" + 0.022*\"tourist\" + 0.017*\"champion\" + 0.016*\"taxpay\" + 0.015*\"chamber\" + 0.015*\"martin\" + 0.014*\"tiepolo\" + 0.013*\"open\"\n", - "2019-01-31 00:38:28,056 : INFO : topic diff=0.007139, rho=0.038984\n", - "2019-01-31 00:38:28,211 : INFO : PROGRESS: pass 0, at document #1318000/4922894\n", - "2019-01-31 00:38:29,620 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:38:29,886 : INFO : topic #17 (0.020): 0.074*\"church\" + 0.023*\"christian\" + 0.021*\"cathol\" + 0.021*\"bishop\" + 0.015*\"sail\" + 0.015*\"retroflex\" + 0.010*\"dioces\" + 0.009*\"centuri\" + 0.009*\"relationship\" + 0.008*\"poll\"\n", - "2019-01-31 00:38:29,887 : INFO : topic #13 (0.020): 0.026*\"australia\" + 0.026*\"sourc\" + 0.025*\"new\" + 0.025*\"london\" + 0.023*\"australian\" + 0.022*\"england\" + 0.020*\"british\" + 0.017*\"ireland\" + 0.016*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:38:29,888 : INFO : topic #42 (0.020): 0.043*\"german\" + 0.029*\"germani\" + 0.015*\"vol\" + 0.014*\"israel\" + 0.014*\"der\" + 0.013*\"jewish\" + 0.013*\"berlin\" + 0.010*\"european\" + 0.009*\"europ\" + 0.009*\"isra\"\n", - "2019-01-31 00:38:29,889 : INFO : topic #0 (0.020): 0.069*\"statewid\" + 0.040*\"line\" + 0.038*\"arsen\" + 0.034*\"raid\" + 0.030*\"museo\" + 0.019*\"traceabl\" + 0.018*\"serv\" + 0.014*\"exhaust\" + 0.014*\"pain\" + 0.012*\"artist\"\n", - "2019-01-31 00:38:29,890 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"poet\" + 0.007*\"frontal\" + 0.007*\"théori\" + 0.006*\"gener\" + 0.006*\"measur\" + 0.006*\"exampl\" + 0.006*\"method\" + 0.006*\"southern\" + 0.006*\"differ\"\n", - "2019-01-31 00:38:29,896 : INFO : topic diff=0.005803, rho=0.038954\n", - "2019-01-31 00:38:32,569 : INFO : -11.792 per-word bound, 3546.0 perplexity estimate based on a held-out corpus of 2000 documents with 529492 words\n", - "2019-01-31 00:38:32,570 : INFO : PROGRESS: pass 0, at document #1320000/4922894\n", - "2019-01-31 00:38:33,951 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:38:34,217 : INFO : topic #26 (0.020): 0.034*\"workplac\" + 0.031*\"champion\" + 0.025*\"olymp\" + 0.025*\"woman\" + 0.024*\"men\" + 0.022*\"medal\" + 0.020*\"event\" + 0.019*\"rainfal\" + 0.018*\"atheist\" + 0.018*\"gold\"\n", - "2019-01-31 00:38:34,218 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"poet\" + 0.007*\"frontal\" + 0.007*\"théori\" + 0.006*\"gener\" + 0.006*\"measur\" + 0.006*\"method\" + 0.006*\"exampl\" + 0.006*\"southern\" + 0.006*\"differ\"\n", - "2019-01-31 00:38:34,219 : INFO : topic #20 (0.020): 0.139*\"scholar\" + 0.040*\"struggl\" + 0.033*\"high\" + 0.030*\"educ\" + 0.023*\"collector\" + 0.019*\"yawn\" + 0.014*\"prognosi\" + 0.011*\"gothic\" + 0.009*\"class\" + 0.009*\"district\"\n", - "2019-01-31 00:38:34,220 : INFO : topic #28 (0.020): 0.030*\"build\" + 0.025*\"hous\" + 0.022*\"rivièr\" + 0.017*\"buford\" + 0.012*\"histor\" + 0.011*\"strategist\" + 0.011*\"constitut\" + 0.011*\"linear\" + 0.011*\"briarwood\" + 0.010*\"rosenwald\"\n", - "2019-01-31 00:38:34,221 : INFO : topic #4 (0.020): 0.022*\"enfranchis\" + 0.015*\"depress\" + 0.015*\"pour\" + 0.009*\"mode\" + 0.009*\"elabor\" + 0.008*\"veget\" + 0.007*\"produc\" + 0.007*\"encyclopedia\" + 0.007*\"uruguayan\" + 0.007*\"develop\"\n", - "2019-01-31 00:38:34,227 : INFO : topic diff=0.006061, rho=0.038925\n", - "2019-01-31 00:38:34,387 : INFO : PROGRESS: pass 0, at document #1322000/4922894\n", - "2019-01-31 00:38:35,801 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:38:36,067 : INFO : topic #39 (0.020): 0.050*\"canada\" + 0.039*\"canadian\" + 0.021*\"hoar\" + 0.020*\"toronto\" + 0.017*\"ontario\" + 0.014*\"hydrogen\" + 0.013*\"novotná\" + 0.013*\"new\" + 0.011*\"misericordia\" + 0.011*\"quebec\"\n", - "2019-01-31 00:38:36,068 : INFO : topic #28 (0.020): 0.030*\"build\" + 0.025*\"hous\" + 0.022*\"rivièr\" + 0.017*\"buford\" + 0.012*\"histor\" + 0.011*\"strategist\" + 0.011*\"constitut\" + 0.011*\"briarwood\" + 0.011*\"linear\" + 0.010*\"rosenwald\"\n", - "2019-01-31 00:38:36,069 : INFO : topic #32 (0.020): 0.052*\"district\" + 0.045*\"vigour\" + 0.043*\"popolo\" + 0.042*\"tortur\" + 0.031*\"cotton\" + 0.026*\"area\" + 0.023*\"regim\" + 0.023*\"multitud\" + 0.022*\"citi\" + 0.019*\"commun\"\n", - "2019-01-31 00:38:36,070 : INFO : topic #44 (0.020): 0.033*\"rooftop\" + 0.027*\"final\" + 0.023*\"wife\" + 0.022*\"tourist\" + 0.018*\"champion\" + 0.016*\"taxpay\" + 0.015*\"martin\" + 0.015*\"chamber\" + 0.015*\"tiepolo\" + 0.013*\"open\"\n", - "2019-01-31 00:38:36,071 : INFO : topic #0 (0.020): 0.069*\"statewid\" + 0.041*\"line\" + 0.038*\"arsen\" + 0.034*\"raid\" + 0.029*\"museo\" + 0.019*\"traceabl\" + 0.018*\"serv\" + 0.014*\"exhaust\" + 0.014*\"pain\" + 0.012*\"gai\"\n", - "2019-01-31 00:38:36,077 : INFO : topic diff=0.005934, rho=0.038895\n", - "2019-01-31 00:38:36,231 : INFO : PROGRESS: pass 0, at document #1324000/4922894\n", - "2019-01-31 00:38:37,615 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:38:37,881 : INFO : topic #35 (0.020): 0.057*\"russia\" + 0.038*\"rural\" + 0.037*\"sovereignti\" + 0.026*\"personifi\" + 0.023*\"reprint\" + 0.022*\"poison\" + 0.021*\"moscow\" + 0.015*\"unfortun\" + 0.015*\"poland\" + 0.014*\"alexand\"\n", - "2019-01-31 00:38:37,882 : INFO : topic #45 (0.020): 0.023*\"jpg\" + 0.023*\"fifteenth\" + 0.017*\"colder\" + 0.016*\"illicit\" + 0.016*\"western\" + 0.015*\"black\" + 0.013*\"record\" + 0.011*\"blind\" + 0.008*\"light\" + 0.007*\"green\"\n", - "2019-01-31 00:38:37,883 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.007*\"poet\" + 0.007*\"théori\" + 0.006*\"gener\" + 0.006*\"method\" + 0.006*\"southern\" + 0.006*\"measur\" + 0.006*\"exampl\" + 0.006*\"servitud\"\n", - "2019-01-31 00:38:37,884 : INFO : topic #11 (0.020): 0.026*\"john\" + 0.013*\"will\" + 0.012*\"jame\" + 0.012*\"david\" + 0.011*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"georg\" + 0.008*\"paul\" + 0.008*\"slur\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:38:37,885 : INFO : topic #49 (0.020): 0.040*\"india\" + 0.032*\"incumb\" + 0.014*\"islam\" + 0.011*\"pakistan\" + 0.011*\"anglo\" + 0.011*\"muskoge\" + 0.011*\"televis\" + 0.011*\"alam\" + 0.010*\"khalsa\" + 0.010*\"tajikistan\"\n", - "2019-01-31 00:38:37,891 : INFO : topic diff=0.006710, rho=0.038866\n", - "2019-01-31 00:38:38,045 : INFO : PROGRESS: pass 0, at document #1326000/4922894\n", - "2019-01-31 00:38:39,436 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:38:39,702 : INFO : topic #42 (0.020): 0.044*\"german\" + 0.030*\"germani\" + 0.015*\"vol\" + 0.014*\"israel\" + 0.014*\"jewish\" + 0.013*\"der\" + 0.013*\"berlin\" + 0.009*\"european\" + 0.009*\"europ\" + 0.009*\"itali\"\n", - "2019-01-31 00:38:39,703 : INFO : topic #9 (0.020): 0.066*\"bone\" + 0.044*\"american\" + 0.029*\"valour\" + 0.018*\"folei\" + 0.018*\"polit\" + 0.018*\"dutch\" + 0.017*\"player\" + 0.015*\"english\" + 0.012*\"simpler\" + 0.011*\"surnam\"\n", - "2019-01-31 00:38:39,705 : INFO : topic #46 (0.020): 0.021*\"stop\" + 0.018*\"damag\" + 0.016*\"norwai\" + 0.015*\"replac\" + 0.015*\"swedish\" + 0.015*\"wind\" + 0.013*\"treeless\" + 0.013*\"sweden\" + 0.013*\"norwegian\" + 0.011*\"huntsvil\"\n", - "2019-01-31 00:38:39,706 : INFO : topic #49 (0.020): 0.040*\"india\" + 0.032*\"incumb\" + 0.014*\"islam\" + 0.012*\"anglo\" + 0.012*\"pakistan\" + 0.011*\"televis\" + 0.011*\"muskoge\" + 0.011*\"alam\" + 0.010*\"khalsa\" + 0.010*\"tajikistan\"\n", - "2019-01-31 00:38:39,707 : INFO : topic #31 (0.020): 0.059*\"fusiform\" + 0.026*\"scientist\" + 0.025*\"player\" + 0.025*\"taxpay\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.012*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 00:38:39,713 : INFO : topic diff=0.007468, rho=0.038837\n", - "2019-01-31 00:38:39,870 : INFO : PROGRESS: pass 0, at document #1328000/4922894\n", - "2019-01-31 00:38:41,274 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:38:41,543 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.035*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"crete\" + 0.024*\"scientist\" + 0.022*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:38:41,544 : INFO : topic #20 (0.020): 0.138*\"scholar\" + 0.039*\"struggl\" + 0.032*\"high\" + 0.030*\"educ\" + 0.023*\"collector\" + 0.018*\"yawn\" + 0.014*\"prognosi\" + 0.010*\"gothic\" + 0.009*\"district\" + 0.009*\"class\"\n", - "2019-01-31 00:38:41,545 : INFO : topic #17 (0.020): 0.075*\"church\" + 0.024*\"christian\" + 0.021*\"bishop\" + 0.021*\"cathol\" + 0.015*\"sail\" + 0.014*\"retroflex\" + 0.009*\"relationship\" + 0.009*\"centuri\" + 0.009*\"dioces\" + 0.009*\"cathedr\"\n", - "2019-01-31 00:38:41,546 : INFO : topic #9 (0.020): 0.067*\"bone\" + 0.043*\"american\" + 0.029*\"valour\" + 0.018*\"folei\" + 0.018*\"polit\" + 0.018*\"dutch\" + 0.017*\"player\" + 0.015*\"english\" + 0.012*\"simpler\" + 0.011*\"acrimoni\"\n", - "2019-01-31 00:38:41,547 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"media\" + 0.007*\"disco\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"have\" + 0.006*\"treat\" + 0.006*\"effect\" + 0.006*\"hormon\" + 0.006*\"proper\"\n", - "2019-01-31 00:38:41,553 : INFO : topic diff=0.006012, rho=0.038808\n", - "2019-01-31 00:38:41,705 : INFO : PROGRESS: pass 0, at document #1330000/4922894\n", - "2019-01-31 00:38:43,051 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:38:43,317 : INFO : topic #35 (0.020): 0.057*\"russia\" + 0.038*\"rural\" + 0.037*\"sovereignti\" + 0.026*\"personifi\" + 0.023*\"reprint\" + 0.021*\"poison\" + 0.020*\"moscow\" + 0.015*\"unfortun\" + 0.015*\"poland\" + 0.014*\"alexand\"\n", - "2019-01-31 00:38:43,318 : INFO : topic #46 (0.020): 0.020*\"stop\" + 0.017*\"damag\" + 0.016*\"norwai\" + 0.015*\"wind\" + 0.015*\"swedish\" + 0.014*\"replac\" + 0.014*\"sweden\" + 0.013*\"norwegian\" + 0.012*\"treeless\" + 0.011*\"huntsvil\"\n", - "2019-01-31 00:38:43,319 : INFO : topic #39 (0.020): 0.049*\"canada\" + 0.038*\"canadian\" + 0.020*\"toronto\" + 0.020*\"hoar\" + 0.017*\"ontario\" + 0.014*\"novotná\" + 0.014*\"hydrogen\" + 0.013*\"new\" + 0.012*\"misericordia\" + 0.010*\"quebec\"\n", - "2019-01-31 00:38:43,320 : INFO : topic #48 (0.020): 0.076*\"march\" + 0.075*\"sens\" + 0.074*\"octob\" + 0.068*\"juli\" + 0.068*\"januari\" + 0.066*\"notion\" + 0.066*\"august\" + 0.065*\"decatur\" + 0.065*\"april\" + 0.064*\"judici\"\n", - "2019-01-31 00:38:43,321 : INFO : topic #45 (0.020): 0.023*\"jpg\" + 0.022*\"fifteenth\" + 0.017*\"illicit\" + 0.017*\"colder\" + 0.016*\"western\" + 0.015*\"black\" + 0.013*\"record\" + 0.011*\"blind\" + 0.007*\"light\" + 0.007*\"green\"\n", - "2019-01-31 00:38:43,327 : INFO : topic diff=0.006987, rho=0.038778\n", - "2019-01-31 00:38:43,483 : INFO : PROGRESS: pass 0, at document #1332000/4922894\n", - "2019-01-31 00:38:44,884 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:38:45,150 : INFO : topic #44 (0.020): 0.034*\"rooftop\" + 0.026*\"final\" + 0.022*\"wife\" + 0.021*\"tourist\" + 0.018*\"champion\" + 0.016*\"taxpay\" + 0.015*\"chamber\" + 0.015*\"martin\" + 0.014*\"tiepolo\" + 0.013*\"open\"\n", - "2019-01-31 00:38:45,151 : INFO : topic #43 (0.020): 0.062*\"elect\" + 0.053*\"parti\" + 0.024*\"voluntari\" + 0.022*\"democrat\" + 0.020*\"member\" + 0.017*\"polici\" + 0.015*\"liber\" + 0.013*\"republ\" + 0.013*\"seaport\" + 0.013*\"selma\"\n", - "2019-01-31 00:38:45,152 : INFO : topic #11 (0.020): 0.026*\"john\" + 0.013*\"will\" + 0.012*\"jame\" + 0.012*\"david\" + 0.011*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"georg\" + 0.008*\"paul\" + 0.008*\"slur\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:38:45,154 : INFO : topic #6 (0.020): 0.073*\"fewer\" + 0.024*\"septemb\" + 0.023*\"epiru\" + 0.018*\"teacher\" + 0.017*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:38:45,155 : INFO : topic #28 (0.020): 0.031*\"build\" + 0.025*\"hous\" + 0.021*\"rivièr\" + 0.017*\"buford\" + 0.012*\"histor\" + 0.011*\"strategist\" + 0.011*\"constitut\" + 0.011*\"briarwood\" + 0.010*\"linear\" + 0.010*\"rosenwald\"\n", - "2019-01-31 00:38:45,160 : INFO : topic diff=0.007573, rho=0.038749\n", - "2019-01-31 00:38:45,318 : INFO : PROGRESS: pass 0, at document #1334000/4922894\n", - "2019-01-31 00:38:46,727 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:38:46,993 : INFO : topic #11 (0.020): 0.026*\"john\" + 0.013*\"will\" + 0.012*\"jame\" + 0.012*\"david\" + 0.011*\"rival\" + 0.010*\"mexican–american\" + 0.009*\"georg\" + 0.008*\"paul\" + 0.008*\"slur\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:38:46,994 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.037*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.013*\"pope\" + 0.011*\"blur\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.009*\"bahá\" + 0.009*\"class\"\n", - "2019-01-31 00:38:46,995 : INFO : topic #36 (0.020): 0.012*\"network\" + 0.011*\"prognosi\" + 0.010*\"pop\" + 0.008*\"develop\" + 0.008*\"cytokin\" + 0.007*\"championship\" + 0.007*\"softwar\" + 0.007*\"user\" + 0.007*\"serv\" + 0.007*\"base\"\n", - "2019-01-31 00:38:46,996 : INFO : topic #1 (0.020): 0.053*\"china\" + 0.042*\"chilton\" + 0.023*\"korea\" + 0.022*\"hong\" + 0.021*\"kong\" + 0.018*\"korean\" + 0.017*\"sourc\" + 0.015*\"leah\" + 0.015*\"kim\" + 0.012*\"thailand\"\n", - "2019-01-31 00:38:46,997 : INFO : topic #48 (0.020): 0.076*\"sens\" + 0.074*\"march\" + 0.074*\"octob\" + 0.069*\"juli\" + 0.068*\"januari\" + 0.066*\"notion\" + 0.065*\"august\" + 0.064*\"april\" + 0.064*\"decatur\" + 0.064*\"judici\"\n", - "2019-01-31 00:38:47,003 : INFO : topic diff=0.006376, rho=0.038720\n", - "2019-01-31 00:38:47,157 : INFO : PROGRESS: pass 0, at document #1336000/4922894\n", - "2019-01-31 00:38:48,532 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:38:48,798 : INFO : topic #14 (0.020): 0.023*\"forc\" + 0.022*\"aggress\" + 0.020*\"walter\" + 0.019*\"armi\" + 0.016*\"com\" + 0.014*\"diversifi\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.013*\"airbu\" + 0.012*\"militari\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:38:48,800 : INFO : topic #45 (0.020): 0.023*\"jpg\" + 0.022*\"fifteenth\" + 0.017*\"illicit\" + 0.016*\"colder\" + 0.016*\"western\" + 0.015*\"black\" + 0.013*\"record\" + 0.011*\"blind\" + 0.007*\"light\" + 0.007*\"green\"\n", - "2019-01-31 00:38:48,801 : INFO : topic #19 (0.020): 0.015*\"languag\" + 0.011*\"centuri\" + 0.010*\"woodcut\" + 0.010*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.007*\"trade\" + 0.007*\"like\" + 0.007*\"uruguayan\" + 0.006*\"god\"\n", - "2019-01-31 00:38:48,802 : INFO : topic #36 (0.020): 0.012*\"network\" + 0.011*\"prognosi\" + 0.010*\"pop\" + 0.008*\"develop\" + 0.008*\"cytokin\" + 0.007*\"championship\" + 0.007*\"softwar\" + 0.007*\"user\" + 0.007*\"base\" + 0.007*\"serv\"\n", - "2019-01-31 00:38:48,803 : INFO : topic #3 (0.020): 0.035*\"present\" + 0.027*\"offic\" + 0.024*\"minist\" + 0.021*\"govern\" + 0.021*\"nation\" + 0.019*\"serv\" + 0.019*\"member\" + 0.017*\"gener\" + 0.016*\"seri\" + 0.016*\"chickasaw\"\n", - "2019-01-31 00:38:48,809 : INFO : topic diff=0.006900, rho=0.038691\n", - "2019-01-31 00:38:48,964 : INFO : PROGRESS: pass 0, at document #1338000/4922894\n", - "2019-01-31 00:38:50,363 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:38:50,633 : INFO : topic #37 (0.020): 0.010*\"man\" + 0.009*\"love\" + 0.008*\"gestur\" + 0.006*\"blue\" + 0.006*\"comic\" + 0.005*\"septemb\" + 0.005*\"dixi\" + 0.005*\"charact\" + 0.004*\"vision\" + 0.004*\"appear\"\n", - "2019-01-31 00:38:50,634 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.040*\"line\" + 0.038*\"arsen\" + 0.035*\"raid\" + 0.029*\"museo\" + 0.019*\"traceabl\" + 0.018*\"serv\" + 0.016*\"pain\" + 0.014*\"exhaust\" + 0.012*\"artist\"\n", - "2019-01-31 00:38:50,635 : INFO : topic #6 (0.020): 0.072*\"fewer\" + 0.023*\"septemb\" + 0.023*\"epiru\" + 0.018*\"teacher\" + 0.017*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:38:50,636 : INFO : topic #33 (0.020): 0.060*\"french\" + 0.046*\"franc\" + 0.030*\"pari\" + 0.024*\"jean\" + 0.023*\"sail\" + 0.019*\"daphn\" + 0.014*\"lazi\" + 0.014*\"loui\" + 0.012*\"piec\" + 0.007*\"wine\"\n", - "2019-01-31 00:38:50,637 : INFO : topic #36 (0.020): 0.012*\"network\" + 0.011*\"prognosi\" + 0.010*\"pop\" + 0.009*\"develop\" + 0.008*\"cytokin\" + 0.007*\"championship\" + 0.007*\"softwar\" + 0.007*\"user\" + 0.007*\"base\" + 0.007*\"serv\"\n", - "2019-01-31 00:38:50,643 : INFO : topic diff=0.005915, rho=0.038662\n", - "2019-01-31 00:38:53,374 : INFO : -11.503 per-word bound, 2901.7 perplexity estimate based on a held-out corpus of 2000 documents with 573812 words\n", - "2019-01-31 00:38:53,375 : INFO : PROGRESS: pass 0, at document #1340000/4922894\n", - "2019-01-31 00:38:54,774 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:38:55,041 : INFO : topic #14 (0.020): 0.023*\"forc\" + 0.022*\"aggress\" + 0.020*\"walter\" + 0.019*\"armi\" + 0.017*\"com\" + 0.014*\"diversifi\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.013*\"airbu\" + 0.012*\"militari\"\n", - "2019-01-31 00:38:55,042 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"will\" + 0.012*\"deal\"\n", - "2019-01-31 00:38:55,043 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:38:55,044 : INFO : topic #11 (0.020): 0.026*\"john\" + 0.013*\"will\" + 0.012*\"jame\" + 0.012*\"david\" + 0.011*\"rival\" + 0.010*\"mexican–american\" + 0.009*\"georg\" + 0.008*\"paul\" + 0.008*\"slur\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:38:55,045 : INFO : topic #49 (0.020): 0.040*\"india\" + 0.031*\"incumb\" + 0.013*\"islam\" + 0.012*\"televis\" + 0.012*\"pakistan\" + 0.011*\"anglo\" + 0.011*\"muskoge\" + 0.011*\"sri\" + 0.010*\"khalsa\" + 0.010*\"alam\"\n", - "2019-01-31 00:38:55,051 : INFO : topic diff=0.006151, rho=0.038633\n", - "2019-01-31 00:38:55,213 : INFO : PROGRESS: pass 0, at document #1342000/4922894\n", - "2019-01-31 00:38:56,606 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:38:56,874 : INFO : topic #29 (0.020): 0.022*\"companhia\" + 0.011*\"million\" + 0.010*\"bank\" + 0.010*\"busi\" + 0.009*\"market\" + 0.008*\"yawn\" + 0.008*\"produc\" + 0.007*\"manag\" + 0.007*\"industri\" + 0.007*\"function\"\n", - "2019-01-31 00:38:56,876 : INFO : topic #21 (0.020): 0.037*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.019*\"mexico\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.012*\"juan\" + 0.011*\"carlo\" + 0.011*\"francisco\" + 0.010*\"lizard\"\n", - "2019-01-31 00:38:56,877 : INFO : topic #24 (0.020): 0.042*\"book\" + 0.034*\"publicis\" + 0.024*\"word\" + 0.018*\"new\" + 0.015*\"edit\" + 0.013*\"presid\" + 0.012*\"storag\" + 0.012*\"nicola\" + 0.011*\"worldwid\" + 0.011*\"collect\"\n", - "2019-01-31 00:38:56,878 : INFO : topic #49 (0.020): 0.040*\"india\" + 0.031*\"incumb\" + 0.013*\"islam\" + 0.013*\"televis\" + 0.012*\"pakistan\" + 0.011*\"anglo\" + 0.011*\"muskoge\" + 0.010*\"sri\" + 0.010*\"khalsa\" + 0.010*\"alam\"\n", - "2019-01-31 00:38:56,879 : INFO : topic #43 (0.020): 0.062*\"elect\" + 0.053*\"parti\" + 0.023*\"voluntari\" + 0.022*\"democrat\" + 0.021*\"member\" + 0.017*\"polici\" + 0.014*\"liber\" + 0.014*\"seaport\" + 0.014*\"republ\" + 0.013*\"selma\"\n", - "2019-01-31 00:38:56,885 : INFO : topic diff=0.005921, rho=0.038605\n", - "2019-01-31 00:38:57,099 : INFO : PROGRESS: pass 0, at document #1344000/4922894\n", - "2019-01-31 00:38:58,484 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:38:58,750 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.024*\"factor\" + 0.022*\"adulthood\" + 0.016*\"feel\" + 0.014*\"male\" + 0.013*\"hostil\" + 0.012*\"plaisir\" + 0.010*\"live\" + 0.010*\"genu\" + 0.009*\"biom\"\n", - "2019-01-31 00:38:58,752 : INFO : topic #37 (0.020): 0.009*\"man\" + 0.009*\"love\" + 0.007*\"gestur\" + 0.006*\"comic\" + 0.006*\"blue\" + 0.005*\"septemb\" + 0.005*\"charact\" + 0.004*\"dixi\" + 0.004*\"vision\" + 0.004*\"appear\"\n", - "2019-01-31 00:38:58,753 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.043*\"chilton\" + 0.023*\"korea\" + 0.022*\"hong\" + 0.021*\"kong\" + 0.018*\"korean\" + 0.016*\"sourc\" + 0.015*\"kim\" + 0.015*\"leah\" + 0.012*\"thailand\"\n", - "2019-01-31 00:38:58,754 : INFO : topic #44 (0.020): 0.034*\"rooftop\" + 0.026*\"final\" + 0.023*\"wife\" + 0.022*\"tourist\" + 0.018*\"champion\" + 0.016*\"taxpay\" + 0.016*\"martin\" + 0.015*\"chamber\" + 0.015*\"tiepolo\" + 0.013*\"open\"\n", - "2019-01-31 00:38:58,756 : INFO : topic #42 (0.020): 0.045*\"german\" + 0.030*\"germani\" + 0.015*\"vol\" + 0.014*\"israel\" + 0.014*\"berlin\" + 0.013*\"der\" + 0.013*\"jewish\" + 0.009*\"european\" + 0.009*\"europ\" + 0.009*\"itali\"\n", - "2019-01-31 00:38:58,761 : INFO : topic diff=0.006444, rho=0.038576\n", - "2019-01-31 00:38:58,919 : INFO : PROGRESS: pass 0, at document #1346000/4922894\n", - "2019-01-31 00:39:00,342 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:39:00,609 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.011*\"aza\" + 0.009*\"forc\" + 0.009*\"battalion\" + 0.008*\"teufel\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.007*\"till\" + 0.007*\"militari\" + 0.006*\"pour\"\n", - "2019-01-31 00:39:00,610 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.024*\"factor\" + 0.021*\"adulthood\" + 0.016*\"feel\" + 0.014*\"male\" + 0.013*\"hostil\" + 0.012*\"plaisir\" + 0.010*\"live\" + 0.009*\"genu\" + 0.009*\"yawn\"\n", - "2019-01-31 00:39:00,611 : INFO : topic #37 (0.020): 0.009*\"man\" + 0.009*\"love\" + 0.007*\"gestur\" + 0.006*\"comic\" + 0.006*\"blue\" + 0.005*\"septemb\" + 0.005*\"charact\" + 0.004*\"dixi\" + 0.004*\"appear\" + 0.004*\"vision\"\n", - "2019-01-31 00:39:00,612 : INFO : topic #9 (0.020): 0.068*\"bone\" + 0.043*\"american\" + 0.030*\"valour\" + 0.019*\"dutch\" + 0.018*\"folei\" + 0.018*\"polit\" + 0.017*\"player\" + 0.016*\"english\" + 0.012*\"simpler\" + 0.011*\"acrimoni\"\n", - "2019-01-31 00:39:00,613 : INFO : topic #48 (0.020): 0.076*\"sens\" + 0.076*\"octob\" + 0.075*\"march\" + 0.069*\"juli\" + 0.068*\"januari\" + 0.067*\"notion\" + 0.067*\"august\" + 0.065*\"april\" + 0.064*\"decatur\" + 0.064*\"judici\"\n", - "2019-01-31 00:39:00,619 : INFO : topic diff=0.006029, rho=0.038547\n", - "2019-01-31 00:39:00,779 : INFO : PROGRESS: pass 0, at document #1348000/4922894\n", - "2019-01-31 00:39:02,209 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:39:02,476 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.011*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.008*\"teufel\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.007*\"militari\" + 0.007*\"till\" + 0.006*\"pour\"\n", - "2019-01-31 00:39:02,477 : INFO : topic #43 (0.020): 0.062*\"elect\" + 0.053*\"parti\" + 0.024*\"voluntari\" + 0.022*\"democrat\" + 0.021*\"member\" + 0.017*\"polici\" + 0.014*\"republ\" + 0.014*\"liber\" + 0.014*\"seaport\" + 0.013*\"selma\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:39:02,478 : INFO : topic #48 (0.020): 0.076*\"sens\" + 0.076*\"octob\" + 0.075*\"march\" + 0.069*\"juli\" + 0.068*\"januari\" + 0.068*\"notion\" + 0.067*\"august\" + 0.065*\"april\" + 0.064*\"decatur\" + 0.064*\"judici\"\n", - "2019-01-31 00:39:02,479 : INFO : topic #25 (0.020): 0.030*\"ring\" + 0.017*\"warmth\" + 0.017*\"area\" + 0.017*\"lagrang\" + 0.015*\"mount\" + 0.009*\"palmer\" + 0.009*\"north\" + 0.008*\"foam\" + 0.008*\"land\" + 0.008*\"vacant\"\n", - "2019-01-31 00:39:02,480 : INFO : topic #11 (0.020): 0.026*\"john\" + 0.013*\"will\" + 0.012*\"jame\" + 0.012*\"david\" + 0.011*\"rival\" + 0.010*\"mexican–american\" + 0.009*\"georg\" + 0.008*\"paul\" + 0.008*\"slur\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:39:02,486 : INFO : topic diff=0.006705, rho=0.038519\n", - "2019-01-31 00:39:02,645 : INFO : PROGRESS: pass 0, at document #1350000/4922894\n", - "2019-01-31 00:39:04,030 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:39:04,299 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.009*\"bahá\" + 0.009*\"vernon\"\n", - "2019-01-31 00:39:04,300 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.024*\"factor\" + 0.022*\"adulthood\" + 0.015*\"feel\" + 0.014*\"male\" + 0.013*\"hostil\" + 0.012*\"plaisir\" + 0.010*\"live\" + 0.009*\"genu\" + 0.009*\"yawn\"\n", - "2019-01-31 00:39:04,301 : INFO : topic #46 (0.020): 0.019*\"stop\" + 0.017*\"damag\" + 0.017*\"swedish\" + 0.016*\"norwai\" + 0.015*\"sweden\" + 0.014*\"wind\" + 0.014*\"replac\" + 0.014*\"norwegian\" + 0.011*\"treeless\" + 0.011*\"denmark\"\n", - "2019-01-31 00:39:04,302 : INFO : topic #20 (0.020): 0.140*\"scholar\" + 0.039*\"struggl\" + 0.032*\"high\" + 0.030*\"educ\" + 0.023*\"collector\" + 0.018*\"yawn\" + 0.014*\"prognosi\" + 0.010*\"gothic\" + 0.009*\"campbel\" + 0.009*\"class\"\n", - "2019-01-31 00:39:04,303 : INFO : topic #13 (0.020): 0.026*\"sourc\" + 0.026*\"australia\" + 0.025*\"london\" + 0.025*\"new\" + 0.022*\"australian\" + 0.022*\"england\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.016*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:39:04,309 : INFO : topic diff=0.006086, rho=0.038490\n", - "2019-01-31 00:39:04,464 : INFO : PROGRESS: pass 0, at document #1352000/4922894\n", - "2019-01-31 00:39:05,847 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:39:06,114 : INFO : topic #17 (0.020): 0.075*\"church\" + 0.023*\"christian\" + 0.021*\"bishop\" + 0.021*\"cathol\" + 0.016*\"sail\" + 0.014*\"retroflex\" + 0.009*\"centuri\" + 0.009*\"relationship\" + 0.009*\"cathedr\" + 0.009*\"dioces\"\n", - "2019-01-31 00:39:06,115 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.032*\"perceptu\" + 0.019*\"theater\" + 0.019*\"place\" + 0.017*\"compos\" + 0.016*\"damn\" + 0.015*\"orchestr\" + 0.013*\"physician\" + 0.013*\"olympo\" + 0.012*\"jack\"\n", - "2019-01-31 00:39:06,116 : INFO : topic #2 (0.020): 0.047*\"isl\" + 0.037*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.010*\"bahá\" + 0.009*\"vernon\"\n", - "2019-01-31 00:39:06,117 : INFO : topic #37 (0.020): 0.009*\"man\" + 0.009*\"love\" + 0.007*\"gestur\" + 0.006*\"comic\" + 0.005*\"blue\" + 0.005*\"septemb\" + 0.005*\"charact\" + 0.004*\"appear\" + 0.004*\"dixi\" + 0.004*\"litig\"\n", - "2019-01-31 00:39:06,119 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.011*\"organ\" + 0.011*\"develop\" + 0.010*\"commun\" + 0.010*\"word\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.007*\"cultur\" + 0.007*\"human\" + 0.006*\"woman\"\n", - "2019-01-31 00:39:06,125 : INFO : topic diff=0.006666, rho=0.038462\n", - "2019-01-31 00:39:06,283 : INFO : PROGRESS: pass 0, at document #1354000/4922894\n", - "2019-01-31 00:39:07,702 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:39:07,968 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.020*\"walter\" + 0.019*\"armi\" + 0.017*\"com\" + 0.014*\"oper\" + 0.013*\"diversifi\" + 0.013*\"unionist\" + 0.012*\"airbu\" + 0.012*\"militari\"\n", - "2019-01-31 00:39:07,969 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.032*\"perceptu\" + 0.019*\"theater\" + 0.018*\"place\" + 0.017*\"compos\" + 0.016*\"damn\" + 0.015*\"orchestr\" + 0.014*\"physician\" + 0.013*\"olympo\" + 0.012*\"jack\"\n", - "2019-01-31 00:39:07,970 : INFO : topic #35 (0.020): 0.059*\"russia\" + 0.038*\"rural\" + 0.035*\"sovereignti\" + 0.026*\"personifi\" + 0.023*\"reprint\" + 0.022*\"poison\" + 0.020*\"moscow\" + 0.016*\"poland\" + 0.015*\"unfortun\" + 0.015*\"alexand\"\n", - "2019-01-31 00:39:07,971 : INFO : topic #27 (0.020): 0.072*\"questionnair\" + 0.018*\"candid\" + 0.017*\"taxpay\" + 0.012*\"driver\" + 0.012*\"find\" + 0.011*\"fool\" + 0.010*\"horac\" + 0.010*\"ret\" + 0.010*\"landslid\" + 0.010*\"tornado\"\n", - "2019-01-31 00:39:07,972 : INFO : topic #13 (0.020): 0.027*\"australia\" + 0.027*\"sourc\" + 0.026*\"london\" + 0.025*\"new\" + 0.022*\"australian\" + 0.022*\"england\" + 0.020*\"british\" + 0.017*\"ireland\" + 0.016*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:39:07,978 : INFO : topic diff=0.006220, rho=0.038433\n", - "2019-01-31 00:39:08,138 : INFO : PROGRESS: pass 0, at document #1356000/4922894\n", - "2019-01-31 00:39:09,546 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:39:09,812 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"disco\" + 0.007*\"media\" + 0.007*\"pathwai\" + 0.006*\"have\" + 0.006*\"treat\" + 0.006*\"caus\" + 0.006*\"proper\" + 0.006*\"hormon\" + 0.006*\"human\"\n", - "2019-01-31 00:39:09,813 : INFO : topic #33 (0.020): 0.060*\"french\" + 0.046*\"franc\" + 0.030*\"pari\" + 0.025*\"jean\" + 0.023*\"sail\" + 0.018*\"daphn\" + 0.014*\"lazi\" + 0.014*\"loui\" + 0.012*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 00:39:09,814 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.032*\"perceptu\" + 0.019*\"theater\" + 0.018*\"place\" + 0.017*\"compos\" + 0.016*\"damn\" + 0.015*\"orchestr\" + 0.014*\"physician\" + 0.013*\"olympo\" + 0.012*\"jack\"\n", - "2019-01-31 00:39:09,815 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.024*\"factor\" + 0.022*\"adulthood\" + 0.015*\"feel\" + 0.014*\"male\" + 0.013*\"hostil\" + 0.012*\"plaisir\" + 0.010*\"live\" + 0.009*\"genu\" + 0.009*\"yawn\"\n", - "2019-01-31 00:39:09,817 : INFO : topic #29 (0.020): 0.022*\"companhia\" + 0.010*\"million\" + 0.010*\"busi\" + 0.010*\"bank\" + 0.009*\"market\" + 0.008*\"yawn\" + 0.008*\"produc\" + 0.007*\"industri\" + 0.007*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 00:39:09,822 : INFO : topic diff=0.006880, rho=0.038405\n", - "2019-01-31 00:39:09,984 : INFO : PROGRESS: pass 0, at document #1358000/4922894\n", - "2019-01-31 00:39:11,422 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:39:11,688 : INFO : topic #13 (0.020): 0.027*\"sourc\" + 0.027*\"australia\" + 0.026*\"london\" + 0.025*\"new\" + 0.022*\"england\" + 0.022*\"australian\" + 0.020*\"british\" + 0.017*\"ireland\" + 0.016*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:39:11,689 : INFO : topic #7 (0.020): 0.022*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"will\" + 0.012*\"deal\"\n", - "2019-01-31 00:39:11,690 : INFO : topic #43 (0.020): 0.062*\"elect\" + 0.053*\"parti\" + 0.024*\"voluntari\" + 0.022*\"democrat\" + 0.021*\"member\" + 0.017*\"polici\" + 0.015*\"republ\" + 0.014*\"liber\" + 0.013*\"seaport\" + 0.013*\"selma\"\n", - "2019-01-31 00:39:11,691 : INFO : topic #31 (0.020): 0.057*\"fusiform\" + 0.026*\"scientist\" + 0.024*\"taxpay\" + 0.024*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"barber\"\n", - "2019-01-31 00:39:11,692 : INFO : topic #29 (0.020): 0.023*\"companhia\" + 0.011*\"million\" + 0.010*\"busi\" + 0.010*\"bank\" + 0.009*\"market\" + 0.008*\"yawn\" + 0.008*\"produc\" + 0.007*\"industri\" + 0.007*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 00:39:11,698 : INFO : topic diff=0.007065, rho=0.038376\n", - "2019-01-31 00:39:14,455 : INFO : -11.740 per-word bound, 3420.1 perplexity estimate based on a held-out corpus of 2000 documents with 572905 words\n", - "2019-01-31 00:39:14,456 : INFO : PROGRESS: pass 0, at document #1360000/4922894\n", - "2019-01-31 00:39:15,870 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:39:16,136 : INFO : topic #17 (0.020): 0.079*\"church\" + 0.023*\"christian\" + 0.020*\"cathol\" + 0.020*\"bishop\" + 0.016*\"sail\" + 0.014*\"retroflex\" + 0.009*\"centuri\" + 0.009*\"relationship\" + 0.009*\"cathedr\" + 0.009*\"italian\"\n", - "2019-01-31 00:39:16,137 : INFO : topic #42 (0.020): 0.045*\"german\" + 0.029*\"germani\" + 0.015*\"vol\" + 0.013*\"berlin\" + 0.013*\"jewish\" + 0.013*\"der\" + 0.013*\"israel\" + 0.010*\"european\" + 0.009*\"europ\" + 0.008*\"itali\"\n", - "2019-01-31 00:39:16,138 : INFO : topic #20 (0.020): 0.139*\"scholar\" + 0.040*\"struggl\" + 0.032*\"high\" + 0.029*\"educ\" + 0.023*\"collector\" + 0.019*\"yawn\" + 0.014*\"prognosi\" + 0.010*\"gothic\" + 0.009*\"district\" + 0.009*\"task\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:39:16,140 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.023*\"aggress\" + 0.020*\"walter\" + 0.019*\"armi\" + 0.016*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.013*\"diversifi\" + 0.012*\"militari\" + 0.012*\"airbu\"\n", - "2019-01-31 00:39:16,141 : INFO : topic #9 (0.020): 0.067*\"bone\" + 0.045*\"american\" + 0.028*\"valour\" + 0.019*\"folei\" + 0.019*\"dutch\" + 0.018*\"polit\" + 0.018*\"player\" + 0.015*\"english\" + 0.013*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 00:39:16,146 : INFO : topic diff=0.005609, rho=0.038348\n", - "2019-01-31 00:39:16,305 : INFO : PROGRESS: pass 0, at document #1362000/4922894\n", - "2019-01-31 00:39:17,705 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:39:17,971 : INFO : topic #35 (0.020): 0.058*\"russia\" + 0.037*\"rural\" + 0.036*\"sovereignti\" + 0.025*\"personifi\" + 0.023*\"poison\" + 0.023*\"reprint\" + 0.020*\"moscow\" + 0.016*\"unfortun\" + 0.016*\"poland\" + 0.014*\"alexand\"\n", - "2019-01-31 00:39:17,973 : INFO : topic #36 (0.020): 0.012*\"network\" + 0.011*\"prognosi\" + 0.010*\"pop\" + 0.009*\"develop\" + 0.008*\"cytokin\" + 0.008*\"softwar\" + 0.008*\"championship\" + 0.007*\"base\" + 0.007*\"user\" + 0.007*\"includ\"\n", - "2019-01-31 00:39:17,974 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.011*\"organ\" + 0.011*\"develop\" + 0.010*\"commun\" + 0.010*\"word\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.007*\"cultur\" + 0.007*\"human\" + 0.006*\"socialist\"\n", - "2019-01-31 00:39:17,975 : INFO : topic #2 (0.020): 0.046*\"isl\" + 0.037*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.013*\"blur\" + 0.012*\"pope\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.009*\"bahá\" + 0.009*\"vernon\"\n", - "2019-01-31 00:39:17,976 : INFO : topic #43 (0.020): 0.062*\"elect\" + 0.053*\"parti\" + 0.024*\"voluntari\" + 0.022*\"member\" + 0.022*\"democrat\" + 0.017*\"polici\" + 0.014*\"republ\" + 0.014*\"liber\" + 0.013*\"selma\" + 0.013*\"seaport\"\n", - "2019-01-31 00:39:17,982 : INFO : topic diff=0.006322, rho=0.038320\n", - "2019-01-31 00:39:18,137 : INFO : PROGRESS: pass 0, at document #1364000/4922894\n", - "2019-01-31 00:39:19,533 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:39:19,799 : INFO : topic #41 (0.020): 0.043*\"citi\" + 0.028*\"new\" + 0.021*\"palmer\" + 0.014*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.012*\"year\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"highli\"\n", - "2019-01-31 00:39:19,800 : INFO : topic #27 (0.020): 0.071*\"questionnair\" + 0.019*\"taxpay\" + 0.018*\"candid\" + 0.014*\"ret\" + 0.012*\"driver\" + 0.012*\"find\" + 0.011*\"tornado\" + 0.010*\"fool\" + 0.010*\"théori\" + 0.010*\"scientist\"\n", - "2019-01-31 00:39:19,801 : INFO : topic #1 (0.020): 0.056*\"china\" + 0.046*\"chilton\" + 0.023*\"korea\" + 0.022*\"hong\" + 0.022*\"kong\" + 0.018*\"korean\" + 0.018*\"sourc\" + 0.014*\"kim\" + 0.014*\"leah\" + 0.012*\"shirin\"\n", - "2019-01-31 00:39:19,802 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.034*\"publicis\" + 0.023*\"word\" + 0.018*\"new\" + 0.015*\"edit\" + 0.013*\"presid\" + 0.013*\"storag\" + 0.012*\"nicola\" + 0.011*\"collect\" + 0.011*\"worldwid\"\n", - "2019-01-31 00:39:19,803 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.045*\"vigour\" + 0.044*\"popolo\" + 0.043*\"tortur\" + 0.030*\"cotton\" + 0.029*\"area\" + 0.023*\"multitud\" + 0.023*\"regim\" + 0.021*\"citi\" + 0.019*\"cede\"\n", - "2019-01-31 00:39:19,809 : INFO : topic diff=0.006663, rho=0.038292\n", - "2019-01-31 00:39:19,964 : INFO : PROGRESS: pass 0, at document #1366000/4922894\n", - "2019-01-31 00:39:21,356 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:39:21,622 : INFO : topic #48 (0.020): 0.077*\"sens\" + 0.077*\"march\" + 0.075*\"octob\" + 0.071*\"august\" + 0.070*\"januari\" + 0.070*\"juli\" + 0.068*\"notion\" + 0.067*\"april\" + 0.065*\"decatur\" + 0.065*\"judici\"\n", - "2019-01-31 00:39:21,624 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.034*\"publicis\" + 0.024*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.013*\"storag\" + 0.012*\"nicola\" + 0.011*\"worldwid\" + 0.011*\"collect\"\n", - "2019-01-31 00:39:21,625 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.009*\"forc\" + 0.009*\"battalion\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.007*\"teufel\" + 0.007*\"militari\" + 0.006*\"pour\" + 0.006*\"king\"\n", - "2019-01-31 00:39:21,626 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.007*\"disco\" + 0.007*\"pathwai\" + 0.007*\"media\" + 0.007*\"treat\" + 0.006*\"caus\" + 0.006*\"proper\" + 0.006*\"have\" + 0.006*\"hormon\" + 0.006*\"effect\"\n", - "2019-01-31 00:39:21,627 : INFO : topic #33 (0.020): 0.060*\"french\" + 0.045*\"franc\" + 0.029*\"pari\" + 0.025*\"jean\" + 0.023*\"sail\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.014*\"loui\" + 0.012*\"piec\" + 0.012*\"wreath\"\n", - "2019-01-31 00:39:21,633 : INFO : topic diff=0.006700, rho=0.038264\n", - "2019-01-31 00:39:21,791 : INFO : PROGRESS: pass 0, at document #1368000/4922894\n", - "2019-01-31 00:39:23,185 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:39:23,451 : INFO : topic #3 (0.020): 0.035*\"present\" + 0.026*\"offic\" + 0.025*\"minist\" + 0.021*\"govern\" + 0.021*\"nation\" + 0.020*\"serv\" + 0.019*\"member\" + 0.018*\"gener\" + 0.017*\"seri\" + 0.015*\"start\"\n", - "2019-01-31 00:39:23,452 : INFO : topic #43 (0.020): 0.062*\"elect\" + 0.052*\"parti\" + 0.024*\"voluntari\" + 0.023*\"member\" + 0.022*\"democrat\" + 0.017*\"republ\" + 0.016*\"polici\" + 0.014*\"report\" + 0.014*\"selma\" + 0.014*\"liber\"\n", - "2019-01-31 00:39:23,453 : INFO : topic #45 (0.020): 0.023*\"jpg\" + 0.022*\"fifteenth\" + 0.017*\"illicit\" + 0.016*\"western\" + 0.016*\"colder\" + 0.015*\"black\" + 0.013*\"record\" + 0.010*\"blind\" + 0.007*\"light\" + 0.007*\"green\"\n", - "2019-01-31 00:39:23,454 : INFO : topic #46 (0.020): 0.018*\"stop\" + 0.017*\"swedish\" + 0.016*\"norwai\" + 0.016*\"sweden\" + 0.015*\"damag\" + 0.015*\"wind\" + 0.014*\"norwegian\" + 0.013*\"replac\" + 0.012*\"treeless\" + 0.011*\"denmark\"\n", - "2019-01-31 00:39:23,455 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"kenworthi\"\n", - "2019-01-31 00:39:23,461 : INFO : topic diff=0.006293, rho=0.038236\n", - "2019-01-31 00:39:23,617 : INFO : PROGRESS: pass 0, at document #1370000/4922894\n", - "2019-01-31 00:39:25,004 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:39:25,270 : INFO : topic #44 (0.020): 0.032*\"rooftop\" + 0.028*\"final\" + 0.022*\"wife\" + 0.021*\"tourist\" + 0.018*\"champion\" + 0.016*\"taxpay\" + 0.015*\"martin\" + 0.014*\"chamber\" + 0.014*\"tiepolo\" + 0.014*\"open\"\n", - "2019-01-31 00:39:25,272 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.045*\"franc\" + 0.029*\"pari\" + 0.025*\"jean\" + 0.023*\"sail\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.012*\"piec\" + 0.012*\"wreath\"\n", - "2019-01-31 00:39:25,274 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.007*\"militari\" + 0.006*\"pour\" + 0.006*\"king\"\n", - "2019-01-31 00:39:25,275 : INFO : topic #42 (0.020): 0.044*\"german\" + 0.030*\"germani\" + 0.015*\"vol\" + 0.013*\"berlin\" + 0.013*\"der\" + 0.013*\"israel\" + 0.013*\"jewish\" + 0.010*\"european\" + 0.009*\"europ\" + 0.009*\"itali\"\n", - "2019-01-31 00:39:25,276 : INFO : topic #49 (0.020): 0.042*\"india\" + 0.030*\"incumb\" + 0.013*\"televis\" + 0.012*\"pakistan\" + 0.012*\"anglo\" + 0.012*\"islam\" + 0.011*\"sri\" + 0.011*\"tajikistan\" + 0.010*\"khalsa\" + 0.010*\"muskoge\"\n", - "2019-01-31 00:39:25,282 : INFO : topic diff=0.004829, rho=0.038208\n", - "2019-01-31 00:39:25,440 : INFO : PROGRESS: pass 0, at document #1372000/4922894\n", - "2019-01-31 00:39:26,820 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:39:27,087 : INFO : topic #43 (0.020): 0.062*\"elect\" + 0.053*\"parti\" + 0.024*\"voluntari\" + 0.023*\"member\" + 0.022*\"democrat\" + 0.016*\"polici\" + 0.016*\"republ\" + 0.014*\"selma\" + 0.014*\"report\" + 0.014*\"liber\"\n", - "2019-01-31 00:39:27,089 : INFO : topic #31 (0.020): 0.057*\"fusiform\" + 0.026*\"scientist\" + 0.024*\"player\" + 0.024*\"taxpay\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"barber\"\n", - "2019-01-31 00:39:27,089 : INFO : topic #39 (0.020): 0.051*\"canada\" + 0.038*\"canadian\" + 0.020*\"hoar\" + 0.020*\"toronto\" + 0.018*\"ontario\" + 0.016*\"hydrogen\" + 0.013*\"new\" + 0.012*\"novotná\" + 0.012*\"misericordia\" + 0.011*\"quebec\"\n", - "2019-01-31 00:39:27,091 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.007*\"militari\" + 0.006*\"pour\" + 0.006*\"king\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:39:27,092 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.034*\"publicis\" + 0.023*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.013*\"storag\" + 0.012*\"nicola\" + 0.012*\"collect\" + 0.011*\"worldwid\"\n", - "2019-01-31 00:39:27,097 : INFO : topic diff=0.006412, rho=0.038180\n", - "2019-01-31 00:39:27,310 : INFO : PROGRESS: pass 0, at document #1374000/4922894\n", - "2019-01-31 00:39:28,710 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:39:28,976 : INFO : topic #48 (0.020): 0.077*\"march\" + 0.077*\"sens\" + 0.075*\"octob\" + 0.070*\"juli\" + 0.070*\"januari\" + 0.069*\"august\" + 0.068*\"notion\" + 0.067*\"april\" + 0.065*\"decatur\" + 0.065*\"judici\"\n", - "2019-01-31 00:39:28,977 : INFO : topic #12 (0.020): 0.007*\"number\" + 0.007*\"frontal\" + 0.006*\"poet\" + 0.006*\"théori\" + 0.006*\"exampl\" + 0.006*\"gener\" + 0.006*\"southern\" + 0.006*\"measur\" + 0.006*\"servitud\" + 0.005*\"method\"\n", - "2019-01-31 00:39:28,978 : INFO : topic #28 (0.020): 0.031*\"build\" + 0.025*\"hous\" + 0.021*\"rivièr\" + 0.017*\"buford\" + 0.012*\"histor\" + 0.012*\"briarwood\" + 0.011*\"constitut\" + 0.011*\"linear\" + 0.011*\"strategist\" + 0.010*\"depress\"\n", - "2019-01-31 00:39:28,980 : INFO : topic #16 (0.020): 0.049*\"king\" + 0.033*\"priest\" + 0.022*\"quarterli\" + 0.020*\"duke\" + 0.018*\"grammat\" + 0.017*\"rotterdam\" + 0.017*\"idiosyncrat\" + 0.015*\"brazil\" + 0.014*\"princ\" + 0.013*\"portugues\"\n", - "2019-01-31 00:39:28,981 : INFO : topic #11 (0.020): 0.026*\"john\" + 0.013*\"will\" + 0.012*\"jame\" + 0.012*\"david\" + 0.010*\"rival\" + 0.010*\"mexican–american\" + 0.009*\"georg\" + 0.008*\"paul\" + 0.008*\"slur\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:39:28,987 : INFO : topic diff=0.006169, rho=0.038152\n", - "2019-01-31 00:39:29,146 : INFO : PROGRESS: pass 0, at document #1376000/4922894\n", - "2019-01-31 00:39:30,566 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:39:30,833 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.024*\"epiru\" + 0.023*\"septemb\" + 0.018*\"teacher\" + 0.017*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"movi\" + 0.011*\"direct\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:39:30,834 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.045*\"vigour\" + 0.044*\"popolo\" + 0.043*\"tortur\" + 0.030*\"cotton\" + 0.029*\"area\" + 0.023*\"multitud\" + 0.023*\"regim\" + 0.021*\"citi\" + 0.019*\"cede\"\n", - "2019-01-31 00:39:30,834 : INFO : topic #43 (0.020): 0.063*\"elect\" + 0.053*\"parti\" + 0.024*\"voluntari\" + 0.023*\"member\" + 0.022*\"democrat\" + 0.017*\"polici\" + 0.016*\"republ\" + 0.014*\"liber\" + 0.014*\"report\" + 0.014*\"selma\"\n", - "2019-01-31 00:39:30,836 : INFO : topic #39 (0.020): 0.050*\"canada\" + 0.037*\"canadian\" + 0.020*\"toronto\" + 0.019*\"hoar\" + 0.018*\"ontario\" + 0.015*\"hydrogen\" + 0.014*\"new\" + 0.012*\"misericordia\" + 0.012*\"novotná\" + 0.011*\"quebec\"\n", - "2019-01-31 00:39:30,837 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.004*\"end\" + 0.004*\"kenworthi\" + 0.004*\"call\"\n", - "2019-01-31 00:39:30,843 : INFO : topic diff=0.007082, rho=0.038125\n", - "2019-01-31 00:39:30,995 : INFO : PROGRESS: pass 0, at document #1378000/4922894\n", - "2019-01-31 00:39:32,361 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:39:32,627 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.007*\"théori\" + 0.006*\"exampl\" + 0.006*\"poet\" + 0.006*\"gener\" + 0.006*\"southern\" + 0.006*\"measur\" + 0.005*\"servitud\" + 0.005*\"method\"\n", - "2019-01-31 00:39:32,628 : INFO : topic #31 (0.020): 0.058*\"fusiform\" + 0.025*\"scientist\" + 0.025*\"player\" + 0.024*\"taxpay\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"ruler\"\n", - "2019-01-31 00:39:32,630 : INFO : topic #26 (0.020): 0.032*\"workplac\" + 0.030*\"champion\" + 0.027*\"olymp\" + 0.026*\"woman\" + 0.025*\"men\" + 0.021*\"medal\" + 0.020*\"event\" + 0.018*\"atheist\" + 0.017*\"taxpay\" + 0.017*\"nation\"\n", - "2019-01-31 00:39:32,631 : INFO : topic #29 (0.020): 0.025*\"companhia\" + 0.011*\"million\" + 0.010*\"busi\" + 0.010*\"bank\" + 0.009*\"market\" + 0.008*\"yawn\" + 0.008*\"produc\" + 0.007*\"industri\" + 0.007*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 00:39:32,632 : INFO : topic #14 (0.020): 0.023*\"forc\" + 0.023*\"aggress\" + 0.020*\"walter\" + 0.020*\"armi\" + 0.017*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.012*\"militari\" + 0.012*\"diversifi\" + 0.012*\"airbu\"\n", - "2019-01-31 00:39:32,638 : INFO : topic diff=0.006106, rho=0.038097\n", - "2019-01-31 00:39:35,373 : INFO : -11.573 per-word bound, 3047.1 perplexity estimate based on a held-out corpus of 2000 documents with 550957 words\n", - "2019-01-31 00:39:35,373 : INFO : PROGRESS: pass 0, at document #1380000/4922894\n", - "2019-01-31 00:39:36,785 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:39:37,051 : INFO : topic #23 (0.020): 0.133*\"audit\" + 0.067*\"best\" + 0.036*\"yawn\" + 0.029*\"jacksonvil\" + 0.025*\"festiv\" + 0.024*\"japanes\" + 0.022*\"noll\" + 0.021*\"intern\" + 0.019*\"women\" + 0.015*\"prison\"\n", - "2019-01-31 00:39:37,052 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:39:37,053 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.025*\"cortic\" + 0.019*\"start\" + 0.016*\"act\" + 0.014*\"ricardo\" + 0.012*\"case\" + 0.010*\"polaris\" + 0.009*\"replac\" + 0.008*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 00:39:37,055 : INFO : topic #10 (0.020): 0.013*\"cdd\" + 0.008*\"pathwai\" + 0.007*\"disco\" + 0.007*\"media\" + 0.006*\"caus\" + 0.006*\"treat\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"have\" + 0.006*\"hormon\"\n", - "2019-01-31 00:39:37,056 : INFO : topic #40 (0.020): 0.085*\"unit\" + 0.023*\"schuster\" + 0.023*\"collector\" + 0.022*\"institut\" + 0.020*\"requir\" + 0.018*\"student\" + 0.013*\"professor\" + 0.012*\"http\" + 0.012*\"word\" + 0.011*\"degre\"\n", - "2019-01-31 00:39:37,061 : INFO : topic diff=0.004557, rho=0.038069\n", - "2019-01-31 00:39:37,218 : INFO : PROGRESS: pass 0, at document #1382000/4922894\n", - "2019-01-31 00:39:38,608 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:39:38,874 : INFO : topic #9 (0.020): 0.067*\"bone\" + 0.044*\"american\" + 0.027*\"valour\" + 0.019*\"folei\" + 0.019*\"dutch\" + 0.018*\"polit\" + 0.017*\"player\" + 0.017*\"english\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 00:39:38,875 : INFO : topic #0 (0.020): 0.066*\"statewid\" + 0.042*\"line\" + 0.038*\"arsen\" + 0.036*\"raid\" + 0.027*\"museo\" + 0.020*\"traceabl\" + 0.017*\"serv\" + 0.015*\"pain\" + 0.014*\"exhaust\" + 0.012*\"artist\"\n", - "2019-01-31 00:39:38,876 : INFO : topic #28 (0.020): 0.031*\"build\" + 0.026*\"hous\" + 0.020*\"rivièr\" + 0.017*\"buford\" + 0.012*\"histor\" + 0.011*\"briarwood\" + 0.011*\"constitut\" + 0.011*\"linear\" + 0.010*\"strategist\" + 0.010*\"depress\"\n", - "2019-01-31 00:39:38,877 : INFO : topic #41 (0.020): 0.044*\"citi\" + 0.028*\"new\" + 0.022*\"palmer\" + 0.014*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"year\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.010*\"highli\"\n", - "2019-01-31 00:39:38,878 : INFO : topic #25 (0.020): 0.030*\"ring\" + 0.018*\"warmth\" + 0.017*\"lagrang\" + 0.017*\"area\" + 0.015*\"mount\" + 0.009*\"palmer\" + 0.009*\"north\" + 0.008*\"foam\" + 0.008*\"land\" + 0.008*\"lobe\"\n", - "2019-01-31 00:39:38,884 : INFO : topic diff=0.004632, rho=0.038042\n", - "2019-01-31 00:39:39,044 : INFO : PROGRESS: pass 0, at document #1384000/4922894\n", - "2019-01-31 00:39:40,437 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:39:40,704 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.025*\"cortic\" + 0.018*\"start\" + 0.015*\"act\" + 0.014*\"ricardo\" + 0.012*\"case\" + 0.011*\"polaris\" + 0.009*\"replac\" + 0.008*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 00:39:40,705 : INFO : topic #25 (0.020): 0.030*\"ring\" + 0.018*\"warmth\" + 0.017*\"lagrang\" + 0.017*\"area\" + 0.015*\"mount\" + 0.009*\"palmer\" + 0.009*\"north\" + 0.008*\"foam\" + 0.008*\"land\" + 0.008*\"lobe\"\n", - "2019-01-31 00:39:40,707 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.016*\"depress\" + 0.015*\"pour\" + 0.010*\"elabor\" + 0.008*\"mode\" + 0.008*\"veget\" + 0.007*\"encyclopedia\" + 0.007*\"produc\" + 0.007*\"uruguayan\" + 0.007*\"develop\"\n", - "2019-01-31 00:39:40,708 : INFO : topic #46 (0.020): 0.018*\"swedish\" + 0.017*\"stop\" + 0.016*\"sweden\" + 0.016*\"norwai\" + 0.015*\"norwegian\" + 0.015*\"damag\" + 0.014*\"wind\" + 0.012*\"replac\" + 0.012*\"denmark\" + 0.011*\"treeless\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:39:40,709 : INFO : topic #37 (0.020): 0.009*\"man\" + 0.009*\"love\" + 0.007*\"gestur\" + 0.006*\"comic\" + 0.006*\"blue\" + 0.005*\"septemb\" + 0.005*\"charact\" + 0.004*\"appear\" + 0.004*\"litig\" + 0.004*\"black\"\n", - "2019-01-31 00:39:40,715 : INFO : topic diff=0.006142, rho=0.038014\n", - "2019-01-31 00:39:40,869 : INFO : PROGRESS: pass 0, at document #1386000/4922894\n", - "2019-01-31 00:39:42,244 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:39:42,510 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.035*\"publicis\" + 0.023*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.013*\"storag\" + 0.012*\"nicola\" + 0.012*\"collect\" + 0.011*\"worldwid\"\n", - "2019-01-31 00:39:42,511 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"kenworthi\"\n", - "2019-01-31 00:39:42,512 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.036*\"shield\" + 0.019*\"narrat\" + 0.014*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.010*\"coalit\" + 0.010*\"nativist\" + 0.010*\"bahá\" + 0.009*\"fleet\"\n", - "2019-01-31 00:39:42,514 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.019*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"will\" + 0.011*\"deal\"\n", - "2019-01-31 00:39:42,515 : INFO : topic #41 (0.020): 0.043*\"citi\" + 0.028*\"new\" + 0.021*\"palmer\" + 0.014*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"year\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"highli\"\n", - "2019-01-31 00:39:42,521 : INFO : topic diff=0.006396, rho=0.037987\n", - "2019-01-31 00:39:42,671 : INFO : PROGRESS: pass 0, at document #1388000/4922894\n", - "2019-01-31 00:39:44,029 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:39:44,295 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.023*\"septemb\" + 0.023*\"epiru\" + 0.018*\"teacher\" + 0.017*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:39:44,296 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.034*\"perceptu\" + 0.019*\"theater\" + 0.019*\"place\" + 0.018*\"compos\" + 0.016*\"damn\" + 0.014*\"orchestr\" + 0.014*\"olympo\" + 0.013*\"physician\" + 0.012*\"jack\"\n", - "2019-01-31 00:39:44,297 : INFO : topic #39 (0.020): 0.050*\"canada\" + 0.038*\"canadian\" + 0.020*\"toronto\" + 0.019*\"hoar\" + 0.018*\"ontario\" + 0.014*\"hydrogen\" + 0.014*\"new\" + 0.012*\"novotná\" + 0.012*\"misericordia\" + 0.011*\"quebec\"\n", - "2019-01-31 00:39:44,298 : INFO : topic #0 (0.020): 0.066*\"statewid\" + 0.041*\"line\" + 0.038*\"arsen\" + 0.036*\"raid\" + 0.027*\"museo\" + 0.021*\"traceabl\" + 0.017*\"serv\" + 0.015*\"pain\" + 0.014*\"exhaust\" + 0.012*\"artist\"\n", - "2019-01-31 00:39:44,299 : INFO : topic #9 (0.020): 0.068*\"bone\" + 0.044*\"american\" + 0.028*\"valour\" + 0.019*\"dutch\" + 0.019*\"folei\" + 0.018*\"polit\" + 0.017*\"player\" + 0.017*\"english\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 00:39:44,305 : INFO : topic diff=0.006081, rho=0.037959\n", - "2019-01-31 00:39:44,465 : INFO : PROGRESS: pass 0, at document #1390000/4922894\n", - "2019-01-31 00:39:45,885 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:39:46,151 : INFO : topic #37 (0.020): 0.010*\"man\" + 0.009*\"love\" + 0.007*\"gestur\" + 0.006*\"comic\" + 0.006*\"blue\" + 0.005*\"septemb\" + 0.005*\"charact\" + 0.004*\"litig\" + 0.004*\"appear\" + 0.004*\"black\"\n", - "2019-01-31 00:39:46,152 : INFO : topic #12 (0.020): 0.008*\"frontal\" + 0.007*\"number\" + 0.007*\"utopian\" + 0.007*\"poet\" + 0.006*\"théori\" + 0.006*\"gener\" + 0.006*\"exampl\" + 0.006*\"measur\" + 0.006*\"southern\" + 0.006*\"method\"\n", - "2019-01-31 00:39:46,154 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.026*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:39:46,155 : INFO : topic #43 (0.020): 0.063*\"elect\" + 0.053*\"parti\" + 0.024*\"voluntari\" + 0.023*\"member\" + 0.022*\"democrat\" + 0.017*\"polici\" + 0.015*\"republ\" + 0.014*\"report\" + 0.014*\"selma\" + 0.013*\"liber\"\n", - "2019-01-31 00:39:46,156 : INFO : topic #40 (0.020): 0.086*\"unit\" + 0.023*\"schuster\" + 0.023*\"collector\" + 0.022*\"institut\" + 0.020*\"requir\" + 0.018*\"student\" + 0.013*\"professor\" + 0.013*\"http\" + 0.012*\"word\" + 0.011*\"degre\"\n", - "2019-01-31 00:39:46,162 : INFO : topic diff=0.005939, rho=0.037932\n", - "2019-01-31 00:39:46,312 : INFO : PROGRESS: pass 0, at document #1392000/4922894\n", - "2019-01-31 00:39:47,678 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:39:47,944 : INFO : topic #42 (0.020): 0.045*\"german\" + 0.031*\"germani\" + 0.015*\"vol\" + 0.014*\"berlin\" + 0.013*\"der\" + 0.013*\"israel\" + 0.013*\"jewish\" + 0.010*\"european\" + 0.010*\"europ\" + 0.009*\"itali\"\n", - "2019-01-31 00:39:47,945 : INFO : topic #9 (0.020): 0.070*\"bone\" + 0.044*\"american\" + 0.027*\"valour\" + 0.019*\"dutch\" + 0.019*\"folei\" + 0.018*\"polit\" + 0.017*\"player\" + 0.016*\"english\" + 0.012*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 00:39:47,946 : INFO : topic #15 (0.020): 0.011*\"organ\" + 0.011*\"small\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.010*\"word\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.008*\"cultur\" + 0.007*\"human\" + 0.007*\"socialist\"\n", - "2019-01-31 00:39:47,947 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.023*\"aggress\" + 0.020*\"walter\" + 0.020*\"armi\" + 0.017*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.013*\"airbu\" + 0.012*\"militari\" + 0.011*\"diversifi\"\n", - "2019-01-31 00:39:47,948 : INFO : topic #20 (0.020): 0.143*\"scholar\" + 0.039*\"struggl\" + 0.037*\"high\" + 0.030*\"educ\" + 0.023*\"collector\" + 0.019*\"yawn\" + 0.014*\"prognosi\" + 0.010*\"gothic\" + 0.009*\"district\" + 0.009*\"task\"\n", - "2019-01-31 00:39:47,954 : INFO : topic diff=0.005970, rho=0.037905\n", - "2019-01-31 00:39:48,113 : INFO : PROGRESS: pass 0, at document #1394000/4922894\n", - "2019-01-31 00:39:49,531 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:39:49,798 : INFO : topic #17 (0.020): 0.080*\"church\" + 0.022*\"christian\" + 0.021*\"bishop\" + 0.021*\"cathol\" + 0.016*\"sail\" + 0.014*\"retroflex\" + 0.010*\"parish\" + 0.009*\"relationship\" + 0.009*\"centuri\" + 0.009*\"cathedr\"\n", - "2019-01-31 00:39:49,799 : INFO : topic #20 (0.020): 0.143*\"scholar\" + 0.040*\"struggl\" + 0.037*\"high\" + 0.030*\"educ\" + 0.023*\"collector\" + 0.018*\"yawn\" + 0.014*\"prognosi\" + 0.010*\"gothic\" + 0.009*\"district\" + 0.009*\"task\"\n", - "2019-01-31 00:39:49,800 : INFO : topic #13 (0.020): 0.027*\"sourc\" + 0.027*\"australia\" + 0.025*\"london\" + 0.025*\"new\" + 0.022*\"england\" + 0.022*\"australian\" + 0.020*\"british\" + 0.017*\"ireland\" + 0.015*\"youth\" + 0.015*\"wale\"\n", - "2019-01-31 00:39:49,801 : INFO : topic #26 (0.020): 0.032*\"workplac\" + 0.029*\"champion\" + 0.027*\"olymp\" + 0.027*\"woman\" + 0.025*\"men\" + 0.021*\"medal\" + 0.020*\"event\" + 0.018*\"taxpay\" + 0.018*\"atheist\" + 0.017*\"nation\"\n", - "2019-01-31 00:39:49,802 : INFO : topic #36 (0.020): 0.012*\"pop\" + 0.011*\"prognosi\" + 0.011*\"network\" + 0.009*\"develop\" + 0.008*\"cytokin\" + 0.008*\"championship\" + 0.008*\"softwar\" + 0.007*\"user\" + 0.007*\"diggin\" + 0.007*\"includ\"\n", - "2019-01-31 00:39:49,808 : INFO : topic diff=0.005093, rho=0.037878\n", - "2019-01-31 00:39:49,974 : INFO : PROGRESS: pass 0, at document #1396000/4922894\n", - "2019-01-31 00:39:51,427 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:39:51,693 : INFO : topic #1 (0.020): 0.058*\"china\" + 0.047*\"chilton\" + 0.024*\"hong\" + 0.023*\"kong\" + 0.021*\"korea\" + 0.017*\"korean\" + 0.017*\"sourc\" + 0.014*\"leah\" + 0.013*\"kim\" + 0.012*\"shirin\"\n", - "2019-01-31 00:39:51,694 : INFO : topic #37 (0.020): 0.010*\"man\" + 0.009*\"love\" + 0.007*\"gestur\" + 0.006*\"blue\" + 0.006*\"comic\" + 0.005*\"septemb\" + 0.005*\"charact\" + 0.004*\"litig\" + 0.004*\"appear\" + 0.004*\"black\"\n", - "2019-01-31 00:39:51,695 : INFO : topic #48 (0.020): 0.079*\"march\" + 0.078*\"sens\" + 0.076*\"octob\" + 0.076*\"juli\" + 0.072*\"august\" + 0.071*\"januari\" + 0.070*\"april\" + 0.069*\"notion\" + 0.069*\"judici\" + 0.066*\"decatur\"\n", - "2019-01-31 00:39:51,696 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.009*\"aza\" + 0.009*\"forc\" + 0.009*\"battalion\" + 0.008*\"teufel\" + 0.008*\"armi\" + 0.007*\"empath\" + 0.007*\"militari\" + 0.006*\"king\" + 0.006*\"till\"\n", - "2019-01-31 00:39:51,697 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.025*\"cortic\" + 0.018*\"start\" + 0.015*\"act\" + 0.013*\"ricardo\" + 0.013*\"case\" + 0.010*\"polaris\" + 0.009*\"replac\" + 0.008*\"legal\" + 0.007*\"judaism\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:39:51,703 : INFO : topic diff=0.007833, rho=0.037851\n", - "2019-01-31 00:39:51,858 : INFO : PROGRESS: pass 0, at document #1398000/4922894\n", - "2019-01-31 00:39:53,244 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:39:53,511 : INFO : topic #12 (0.020): 0.008*\"frontal\" + 0.008*\"number\" + 0.007*\"utopian\" + 0.006*\"poet\" + 0.006*\"théori\" + 0.006*\"gener\" + 0.006*\"exampl\" + 0.006*\"southern\" + 0.006*\"measur\" + 0.006*\"method\"\n", - "2019-01-31 00:39:53,512 : INFO : topic #41 (0.020): 0.044*\"citi\" + 0.028*\"new\" + 0.021*\"palmer\" + 0.014*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"year\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"highli\"\n", - "2019-01-31 00:39:53,513 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.024*\"epiru\" + 0.024*\"septemb\" + 0.018*\"teacher\" + 0.017*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.010*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:39:53,514 : INFO : topic #10 (0.020): 0.013*\"cdd\" + 0.008*\"pathwai\" + 0.007*\"disco\" + 0.007*\"media\" + 0.006*\"caus\" + 0.006*\"treat\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"have\" + 0.006*\"acid\"\n", - "2019-01-31 00:39:53,515 : INFO : topic #35 (0.020): 0.061*\"russia\" + 0.037*\"rural\" + 0.036*\"sovereignti\" + 0.026*\"poison\" + 0.026*\"personifi\" + 0.024*\"reprint\" + 0.020*\"moscow\" + 0.017*\"poland\" + 0.017*\"unfortun\" + 0.014*\"tyrant\"\n", - "2019-01-31 00:39:53,521 : INFO : topic diff=0.005280, rho=0.037823\n", - "2019-01-31 00:39:56,202 : INFO : -11.583 per-word bound, 3068.1 perplexity estimate based on a held-out corpus of 2000 documents with 541339 words\n", - "2019-01-31 00:39:56,203 : INFO : PROGRESS: pass 0, at document #1400000/4922894\n", - "2019-01-31 00:39:57,598 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:39:57,865 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.009*\"aza\" + 0.009*\"forc\" + 0.009*\"battalion\" + 0.008*\"teufel\" + 0.008*\"armi\" + 0.007*\"empath\" + 0.007*\"militari\" + 0.006*\"king\" + 0.006*\"till\"\n", - "2019-01-31 00:39:57,866 : INFO : topic #21 (0.020): 0.034*\"samford\" + 0.022*\"spain\" + 0.018*\"del\" + 0.018*\"mexico\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.012*\"juan\" + 0.011*\"josé\" + 0.011*\"francisco\" + 0.011*\"plung\"\n", - "2019-01-31 00:39:57,867 : INFO : topic #45 (0.020): 0.024*\"jpg\" + 0.021*\"fifteenth\" + 0.018*\"illicit\" + 0.016*\"colder\" + 0.016*\"western\" + 0.016*\"black\" + 0.013*\"record\" + 0.010*\"blind\" + 0.008*\"light\" + 0.007*\"green\"\n", - "2019-01-31 00:39:57,868 : INFO : topic #37 (0.020): 0.010*\"man\" + 0.009*\"love\" + 0.007*\"gestur\" + 0.006*\"comic\" + 0.006*\"blue\" + 0.005*\"septemb\" + 0.005*\"charact\" + 0.004*\"litig\" + 0.004*\"appear\" + 0.004*\"black\"\n", - "2019-01-31 00:39:57,869 : INFO : topic #9 (0.020): 0.069*\"bone\" + 0.043*\"american\" + 0.027*\"valour\" + 0.019*\"dutch\" + 0.018*\"folei\" + 0.017*\"polit\" + 0.017*\"player\" + 0.016*\"english\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 00:39:57,875 : INFO : topic diff=0.005368, rho=0.037796\n", - "2019-01-31 00:39:58,028 : INFO : PROGRESS: pass 0, at document #1402000/4922894\n", - "2019-01-31 00:39:59,406 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:39:59,673 : INFO : topic #41 (0.020): 0.043*\"citi\" + 0.028*\"new\" + 0.021*\"palmer\" + 0.014*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"year\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"highli\"\n", - "2019-01-31 00:39:59,674 : INFO : topic #25 (0.020): 0.030*\"ring\" + 0.018*\"warmth\" + 0.017*\"lagrang\" + 0.016*\"area\" + 0.016*\"mount\" + 0.009*\"palmer\" + 0.008*\"north\" + 0.008*\"foam\" + 0.008*\"vacant\" + 0.008*\"lobe\"\n", - "2019-01-31 00:39:59,675 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.027*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:39:59,676 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.030*\"incumb\" + 0.013*\"pakistan\" + 0.012*\"televis\" + 0.012*\"islam\" + 0.012*\"anglo\" + 0.010*\"alam\" + 0.010*\"khalsa\" + 0.010*\"sri\" + 0.009*\"tajikistan\"\n", - "2019-01-31 00:39:59,677 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.024*\"factor\" + 0.020*\"adulthood\" + 0.015*\"feel\" + 0.013*\"male\" + 0.013*\"hostil\" + 0.011*\"plaisir\" + 0.010*\"live\" + 0.010*\"genu\" + 0.008*\"yawn\"\n", - "2019-01-31 00:39:59,683 : INFO : topic diff=0.005208, rho=0.037769\n", - "2019-01-31 00:39:59,838 : INFO : PROGRESS: pass 0, at document #1404000/4922894\n", - "2019-01-31 00:40:01,227 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:40:01,493 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.009*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.008*\"armi\" + 0.008*\"teufel\" + 0.007*\"empath\" + 0.007*\"militari\" + 0.006*\"king\" + 0.006*\"pour\"\n", - "2019-01-31 00:40:01,494 : INFO : topic #34 (0.020): 0.071*\"start\" + 0.031*\"american\" + 0.031*\"unionist\" + 0.029*\"cotton\" + 0.027*\"new\" + 0.016*\"year\" + 0.014*\"california\" + 0.013*\"warrior\" + 0.013*\"terri\" + 0.013*\"north\"\n", - "2019-01-31 00:40:01,495 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.023*\"aggress\" + 0.020*\"walter\" + 0.020*\"armi\" + 0.017*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.012*\"airbu\" + 0.012*\"militari\" + 0.012*\"airmen\"\n", - "2019-01-31 00:40:01,496 : INFO : topic #16 (0.020): 0.050*\"king\" + 0.030*\"priest\" + 0.021*\"quarterli\" + 0.020*\"duke\" + 0.019*\"grammat\" + 0.017*\"rotterdam\" + 0.017*\"idiosyncrat\" + 0.016*\"brazil\" + 0.015*\"princ\" + 0.014*\"kingdom\"\n", - "2019-01-31 00:40:01,497 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.035*\"publicis\" + 0.023*\"word\" + 0.018*\"new\" + 0.015*\"edit\" + 0.013*\"nicola\" + 0.012*\"presid\" + 0.012*\"storag\" + 0.012*\"collect\" + 0.011*\"author\"\n", - "2019-01-31 00:40:01,503 : INFO : topic diff=0.005555, rho=0.037743\n", - "2019-01-31 00:40:01,714 : INFO : PROGRESS: pass 0, at document #1406000/4922894\n", - "2019-01-31 00:40:03,119 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:40:03,386 : INFO : topic #3 (0.020): 0.036*\"present\" + 0.027*\"offic\" + 0.023*\"minist\" + 0.021*\"nation\" + 0.020*\"govern\" + 0.019*\"member\" + 0.018*\"gener\" + 0.017*\"serv\" + 0.016*\"seri\" + 0.015*\"chickasaw\"\n", - "2019-01-31 00:40:03,387 : INFO : topic #0 (0.020): 0.065*\"statewid\" + 0.041*\"line\" + 0.036*\"arsen\" + 0.036*\"raid\" + 0.026*\"museo\" + 0.020*\"traceabl\" + 0.018*\"serv\" + 0.015*\"pain\" + 0.013*\"exhaust\" + 0.012*\"oper\"\n", - "2019-01-31 00:40:03,388 : INFO : topic #36 (0.020): 0.012*\"pop\" + 0.011*\"prognosi\" + 0.011*\"network\" + 0.009*\"develop\" + 0.009*\"cytokin\" + 0.008*\"softwar\" + 0.008*\"diggin\" + 0.007*\"championship\" + 0.007*\"user\" + 0.007*\"includ\"\n", - "2019-01-31 00:40:03,389 : INFO : topic #41 (0.020): 0.044*\"citi\" + 0.028*\"new\" + 0.021*\"palmer\" + 0.014*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"year\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"highli\"\n", - "2019-01-31 00:40:03,390 : INFO : topic #46 (0.020): 0.017*\"swedish\" + 0.017*\"sweden\" + 0.017*\"norwai\" + 0.016*\"stop\" + 0.015*\"damag\" + 0.015*\"norwegian\" + 0.014*\"wind\" + 0.012*\"denmark\" + 0.011*\"replac\" + 0.011*\"farid\"\n", - "2019-01-31 00:40:03,396 : INFO : topic diff=0.005826, rho=0.037716\n", - "2019-01-31 00:40:03,555 : INFO : PROGRESS: pass 0, at document #1408000/4922894\n", - "2019-01-31 00:40:04,959 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:40:05,225 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.004*\"end\" + 0.004*\"kenworthi\" + 0.004*\"call\"\n", - "2019-01-31 00:40:05,226 : INFO : topic #24 (0.020): 0.040*\"book\" + 0.035*\"publicis\" + 0.023*\"word\" + 0.018*\"new\" + 0.015*\"edit\" + 0.013*\"nicola\" + 0.012*\"presid\" + 0.012*\"storag\" + 0.012*\"collect\" + 0.011*\"magazin\"\n", - "2019-01-31 00:40:05,228 : INFO : topic #25 (0.020): 0.030*\"ring\" + 0.018*\"warmth\" + 0.017*\"lagrang\" + 0.016*\"area\" + 0.016*\"mount\" + 0.009*\"palmer\" + 0.008*\"foam\" + 0.008*\"north\" + 0.008*\"lobe\" + 0.008*\"land\"\n", - "2019-01-31 00:40:05,228 : INFO : topic #13 (0.020): 0.028*\"sourc\" + 0.026*\"australia\" + 0.025*\"london\" + 0.025*\"new\" + 0.023*\"australian\" + 0.022*\"england\" + 0.020*\"british\" + 0.017*\"ireland\" + 0.015*\"wale\" + 0.014*\"youth\"\n", - "2019-01-31 00:40:05,229 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.054*\"parti\" + 0.025*\"voluntari\" + 0.022*\"member\" + 0.021*\"democrat\" + 0.017*\"polici\" + 0.015*\"seaport\" + 0.014*\"republ\" + 0.014*\"report\" + 0.013*\"liber\"\n", - "2019-01-31 00:40:05,236 : INFO : topic diff=0.005156, rho=0.037689\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:40:05,390 : INFO : PROGRESS: pass 0, at document #1410000/4922894\n", - "2019-01-31 00:40:06,764 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:40:07,030 : INFO : topic #42 (0.020): 0.046*\"german\" + 0.030*\"germani\" + 0.015*\"vol\" + 0.014*\"berlin\" + 0.014*\"jewish\" + 0.013*\"der\" + 0.013*\"israel\" + 0.010*\"european\" + 0.010*\"isra\" + 0.009*\"europ\"\n", - "2019-01-31 00:40:07,031 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.004*\"end\" + 0.004*\"wander\" + 0.004*\"kenworthi\"\n", - "2019-01-31 00:40:07,032 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.054*\"parti\" + 0.025*\"voluntari\" + 0.022*\"member\" + 0.021*\"democrat\" + 0.016*\"polici\" + 0.015*\"seaport\" + 0.015*\"republ\" + 0.014*\"report\" + 0.013*\"liber\"\n", - "2019-01-31 00:40:07,033 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.024*\"factor\" + 0.021*\"adulthood\" + 0.015*\"feel\" + 0.014*\"male\" + 0.013*\"hostil\" + 0.011*\"plaisir\" + 0.010*\"genu\" + 0.010*\"live\" + 0.008*\"yawn\"\n", - "2019-01-31 00:40:07,034 : INFO : topic #20 (0.020): 0.143*\"scholar\" + 0.039*\"struggl\" + 0.035*\"high\" + 0.030*\"educ\" + 0.022*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.009*\"pseudo\" + 0.009*\"gothic\" + 0.009*\"district\"\n", - "2019-01-31 00:40:07,040 : INFO : topic diff=0.004562, rho=0.037662\n", - "2019-01-31 00:40:07,193 : INFO : PROGRESS: pass 0, at document #1412000/4922894\n", - "2019-01-31 00:40:08,575 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:40:08,841 : INFO : topic #42 (0.020): 0.046*\"german\" + 0.030*\"germani\" + 0.014*\"vol\" + 0.014*\"jewish\" + 0.013*\"berlin\" + 0.013*\"der\" + 0.013*\"israel\" + 0.010*\"isra\" + 0.010*\"european\" + 0.009*\"europ\"\n", - "2019-01-31 00:40:08,842 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.031*\"incumb\" + 0.012*\"pakistan\" + 0.012*\"islam\" + 0.012*\"anglo\" + 0.012*\"televis\" + 0.010*\"alam\" + 0.010*\"sri\" + 0.010*\"tajikistan\" + 0.010*\"khalsa\"\n", - "2019-01-31 00:40:08,843 : INFO : topic #27 (0.020): 0.068*\"questionnair\" + 0.018*\"taxpay\" + 0.017*\"ret\" + 0.017*\"candid\" + 0.013*\"find\" + 0.012*\"driver\" + 0.010*\"fool\" + 0.010*\"tornado\" + 0.010*\"scientist\" + 0.010*\"landslid\"\n", - "2019-01-31 00:40:08,844 : INFO : topic #1 (0.020): 0.056*\"china\" + 0.047*\"chilton\" + 0.023*\"hong\" + 0.023*\"kong\" + 0.021*\"korea\" + 0.016*\"korean\" + 0.016*\"sourc\" + 0.015*\"shirin\" + 0.014*\"leah\" + 0.014*\"kim\"\n", - "2019-01-31 00:40:08,846 : INFO : topic #3 (0.020): 0.035*\"present\" + 0.027*\"offic\" + 0.023*\"minist\" + 0.021*\"nation\" + 0.020*\"govern\" + 0.019*\"member\" + 0.017*\"gener\" + 0.017*\"serv\" + 0.017*\"seri\" + 0.015*\"chickasaw\"\n", - "2019-01-31 00:40:08,851 : INFO : topic diff=0.006399, rho=0.037635\n", - "2019-01-31 00:40:09,006 : INFO : PROGRESS: pass 0, at document #1414000/4922894\n", - "2019-01-31 00:40:10,377 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:40:10,643 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.037*\"shield\" + 0.019*\"narrat\" + 0.014*\"pope\" + 0.014*\"scot\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.009*\"bahá\" + 0.009*\"fleet\"\n", - "2019-01-31 00:40:10,644 : INFO : topic #48 (0.020): 0.079*\"sens\" + 0.077*\"march\" + 0.077*\"octob\" + 0.075*\"juli\" + 0.072*\"august\" + 0.069*\"april\" + 0.069*\"januari\" + 0.069*\"notion\" + 0.068*\"judici\" + 0.066*\"decatur\"\n", - "2019-01-31 00:40:10,645 : INFO : topic #46 (0.020): 0.018*\"swedish\" + 0.018*\"sweden\" + 0.016*\"norwai\" + 0.016*\"stop\" + 0.015*\"damag\" + 0.015*\"norwegian\" + 0.015*\"wind\" + 0.012*\"denmark\" + 0.011*\"replac\" + 0.011*\"farid\"\n", - "2019-01-31 00:40:10,646 : INFO : topic #16 (0.020): 0.049*\"king\" + 0.030*\"priest\" + 0.022*\"quarterli\" + 0.020*\"duke\" + 0.019*\"grammat\" + 0.018*\"rotterdam\" + 0.017*\"idiosyncrat\" + 0.015*\"brazil\" + 0.014*\"kingdom\" + 0.014*\"princ\"\n", - "2019-01-31 00:40:10,647 : INFO : topic #35 (0.020): 0.059*\"russia\" + 0.037*\"sovereignti\" + 0.037*\"rural\" + 0.026*\"poison\" + 0.025*\"personifi\" + 0.025*\"reprint\" + 0.020*\"moscow\" + 0.017*\"poland\" + 0.017*\"unfortun\" + 0.013*\"tyrant\"\n", - "2019-01-31 00:40:10,653 : INFO : topic diff=0.005349, rho=0.037609\n", - "2019-01-31 00:40:10,808 : INFO : PROGRESS: pass 0, at document #1416000/4922894\n", - "2019-01-31 00:40:12,144 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:40:12,413 : INFO : topic #9 (0.020): 0.070*\"bone\" + 0.042*\"american\" + 0.028*\"valour\" + 0.019*\"dutch\" + 0.018*\"folei\" + 0.018*\"polit\" + 0.017*\"player\" + 0.016*\"english\" + 0.011*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 00:40:12,414 : INFO : topic #43 (0.020): 0.065*\"elect\" + 0.054*\"parti\" + 0.025*\"voluntari\" + 0.023*\"democrat\" + 0.022*\"member\" + 0.016*\"polici\" + 0.016*\"republ\" + 0.015*\"seaport\" + 0.013*\"liber\" + 0.013*\"selma\"\n", - "2019-01-31 00:40:12,415 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.023*\"aggress\" + 0.020*\"walter\" + 0.020*\"armi\" + 0.017*\"com\" + 0.013*\"oper\" + 0.013*\"unionist\" + 0.012*\"airbu\" + 0.012*\"militari\" + 0.012*\"airmen\"\n", - "2019-01-31 00:40:12,416 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.030*\"incumb\" + 0.013*\"islam\" + 0.013*\"pakistan\" + 0.012*\"televis\" + 0.012*\"anglo\" + 0.010*\"alam\" + 0.010*\"tajikistan\" + 0.010*\"khalsa\" + 0.010*\"sri\"\n", - "2019-01-31 00:40:12,417 : INFO : topic #12 (0.020): 0.008*\"frontal\" + 0.008*\"number\" + 0.007*\"gener\" + 0.006*\"utopian\" + 0.006*\"exampl\" + 0.006*\"poet\" + 0.006*\"théori\" + 0.006*\"southern\" + 0.006*\"measur\" + 0.006*\"theoret\"\n", - "2019-01-31 00:40:12,423 : INFO : topic diff=0.007461, rho=0.037582\n", - "2019-01-31 00:40:12,582 : INFO : PROGRESS: pass 0, at document #1418000/4922894\n", - "2019-01-31 00:40:13,998 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:40:14,264 : INFO : topic #27 (0.020): 0.068*\"questionnair\" + 0.019*\"taxpay\" + 0.017*\"candid\" + 0.016*\"ret\" + 0.013*\"find\" + 0.012*\"driver\" + 0.011*\"tornado\" + 0.010*\"fool\" + 0.010*\"landslid\" + 0.010*\"théori\"\n", - "2019-01-31 00:40:14,265 : INFO : topic #20 (0.020): 0.143*\"scholar\" + 0.040*\"struggl\" + 0.035*\"high\" + 0.030*\"educ\" + 0.021*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"gothic\" + 0.009*\"district\" + 0.009*\"pseudo\"\n", - "2019-01-31 00:40:14,266 : INFO : topic #34 (0.020): 0.071*\"start\" + 0.032*\"unionist\" + 0.031*\"american\" + 0.031*\"cotton\" + 0.027*\"new\" + 0.016*\"year\" + 0.014*\"california\" + 0.013*\"warrior\" + 0.012*\"north\" + 0.012*\"terri\"\n", - "2019-01-31 00:40:14,267 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.024*\"factor\" + 0.020*\"adulthood\" + 0.015*\"feel\" + 0.014*\"male\" + 0.013*\"hostil\" + 0.011*\"plaisir\" + 0.010*\"genu\" + 0.009*\"live\" + 0.008*\"biom\"\n", - "2019-01-31 00:40:14,268 : INFO : topic #4 (0.020): 0.022*\"enfranchis\" + 0.015*\"depress\" + 0.015*\"pour\" + 0.009*\"elabor\" + 0.008*\"mode\" + 0.007*\"veget\" + 0.007*\"encyclopedia\" + 0.007*\"uruguayan\" + 0.007*\"produc\" + 0.007*\"develop\"\n", - "2019-01-31 00:40:14,274 : INFO : topic diff=0.005952, rho=0.037556\n", - "2019-01-31 00:40:17,008 : INFO : -11.470 per-word bound, 2837.0 perplexity estimate based on a held-out corpus of 2000 documents with 578534 words\n", - "2019-01-31 00:40:17,008 : INFO : PROGRESS: pass 0, at document #1420000/4922894\n", - "2019-01-31 00:40:18,402 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:40:18,669 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.004*\"end\" + 0.004*\"wander\" + 0.004*\"kenworthi\"\n", - "2019-01-31 00:40:18,671 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.008*\"frontal\" + 0.007*\"gener\" + 0.006*\"utopian\" + 0.006*\"poet\" + 0.006*\"exampl\" + 0.006*\"théori\" + 0.006*\"theoret\" + 0.006*\"southern\" + 0.006*\"measur\"\n", - "2019-01-31 00:40:18,672 : INFO : topic #4 (0.020): 0.022*\"enfranchis\" + 0.015*\"depress\" + 0.015*\"pour\" + 0.009*\"elabor\" + 0.008*\"veget\" + 0.007*\"mode\" + 0.007*\"uruguayan\" + 0.007*\"encyclopedia\" + 0.007*\"produc\" + 0.007*\"develop\"\n", - "2019-01-31 00:40:18,673 : INFO : topic #35 (0.020): 0.059*\"russia\" + 0.038*\"sovereignti\" + 0.036*\"rural\" + 0.026*\"poison\" + 0.025*\"reprint\" + 0.024*\"personifi\" + 0.021*\"moscow\" + 0.018*\"unfortun\" + 0.017*\"poland\" + 0.013*\"czech\"\n", - "2019-01-31 00:40:18,674 : INFO : topic #10 (0.020): 0.013*\"cdd\" + 0.008*\"media\" + 0.008*\"pathwai\" + 0.008*\"disco\" + 0.006*\"proper\" + 0.006*\"acid\" + 0.006*\"have\" + 0.006*\"treat\" + 0.006*\"caus\" + 0.006*\"hormon\"\n", - "2019-01-31 00:40:18,679 : INFO : topic diff=0.006277, rho=0.037529\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:40:18,839 : INFO : PROGRESS: pass 0, at document #1422000/4922894\n", - "2019-01-31 00:40:20,255 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:40:20,521 : INFO : topic #37 (0.020): 0.009*\"man\" + 0.009*\"love\" + 0.007*\"gestur\" + 0.006*\"comic\" + 0.006*\"blue\" + 0.005*\"septemb\" + 0.005*\"charact\" + 0.004*\"black\" + 0.004*\"appear\" + 0.004*\"litig\"\n", - "2019-01-31 00:40:20,523 : INFO : topic #41 (0.020): 0.043*\"citi\" + 0.028*\"new\" + 0.022*\"palmer\" + 0.014*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"year\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"highli\"\n", - "2019-01-31 00:40:20,524 : INFO : topic #3 (0.020): 0.036*\"present\" + 0.027*\"offic\" + 0.023*\"minist\" + 0.022*\"nation\" + 0.020*\"govern\" + 0.019*\"member\" + 0.017*\"gener\" + 0.017*\"serv\" + 0.017*\"seri\" + 0.015*\"chickasaw\"\n", - "2019-01-31 00:40:20,525 : INFO : topic #32 (0.020): 0.052*\"district\" + 0.046*\"vigour\" + 0.044*\"popolo\" + 0.042*\"tortur\" + 0.030*\"cotton\" + 0.027*\"area\" + 0.025*\"multitud\" + 0.022*\"regim\" + 0.021*\"citi\" + 0.019*\"cede\"\n", - "2019-01-31 00:40:20,526 : INFO : topic #29 (0.020): 0.025*\"companhia\" + 0.011*\"million\" + 0.010*\"busi\" + 0.009*\"bank\" + 0.009*\"market\" + 0.009*\"produc\" + 0.008*\"yawn\" + 0.008*\"industri\" + 0.008*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 00:40:20,532 : INFO : topic diff=0.006061, rho=0.037503\n", - "2019-01-31 00:40:20,683 : INFO : PROGRESS: pass 0, at document #1424000/4922894\n", - "2019-01-31 00:40:22,056 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:40:22,321 : INFO : topic #42 (0.020): 0.045*\"german\" + 0.030*\"germani\" + 0.014*\"vol\" + 0.014*\"jewish\" + 0.014*\"berlin\" + 0.013*\"der\" + 0.013*\"israel\" + 0.010*\"european\" + 0.009*\"itali\" + 0.009*\"isra\"\n", - "2019-01-31 00:40:22,322 : INFO : topic #30 (0.020): 0.037*\"leagu\" + 0.035*\"cleveland\" + 0.029*\"place\" + 0.026*\"taxpay\" + 0.025*\"scientist\" + 0.024*\"crete\" + 0.022*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:40:22,323 : INFO : topic #46 (0.020): 0.020*\"sweden\" + 0.018*\"swedish\" + 0.016*\"norwai\" + 0.016*\"stop\" + 0.015*\"wind\" + 0.014*\"damag\" + 0.014*\"norwegian\" + 0.012*\"denmark\" + 0.011*\"replac\" + 0.011*\"farid\"\n", - "2019-01-31 00:40:22,324 : INFO : topic #36 (0.020): 0.011*\"pop\" + 0.011*\"prognosi\" + 0.011*\"network\" + 0.009*\"develop\" + 0.008*\"cytokin\" + 0.008*\"softwar\" + 0.008*\"diggin\" + 0.008*\"user\" + 0.007*\"includ\" + 0.007*\"base\"\n", - "2019-01-31 00:40:22,326 : INFO : topic #45 (0.020): 0.025*\"jpg\" + 0.022*\"fifteenth\" + 0.017*\"illicit\" + 0.017*\"colder\" + 0.016*\"black\" + 0.015*\"western\" + 0.012*\"record\" + 0.010*\"blind\" + 0.008*\"light\" + 0.007*\"depress\"\n", - "2019-01-31 00:40:22,331 : INFO : topic diff=0.005725, rho=0.037477\n", - "2019-01-31 00:40:22,486 : INFO : PROGRESS: pass 0, at document #1426000/4922894\n", - "2019-01-31 00:40:23,877 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:40:24,143 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.024*\"factor\" + 0.020*\"adulthood\" + 0.015*\"feel\" + 0.013*\"male\" + 0.013*\"hostil\" + 0.011*\"plaisir\" + 0.010*\"genu\" + 0.009*\"live\" + 0.008*\"yawn\"\n", - "2019-01-31 00:40:24,144 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.030*\"incumb\" + 0.013*\"islam\" + 0.013*\"pakistan\" + 0.012*\"anglo\" + 0.011*\"televis\" + 0.011*\"sri\" + 0.010*\"muskoge\" + 0.010*\"alam\" + 0.010*\"tajikistan\"\n", - "2019-01-31 00:40:24,146 : INFO : topic #41 (0.020): 0.043*\"citi\" + 0.028*\"new\" + 0.022*\"palmer\" + 0.014*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"year\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"highli\"\n", - "2019-01-31 00:40:24,147 : INFO : topic #34 (0.020): 0.072*\"start\" + 0.032*\"unionist\" + 0.032*\"cotton\" + 0.031*\"american\" + 0.027*\"new\" + 0.016*\"year\" + 0.013*\"california\" + 0.013*\"warrior\" + 0.012*\"north\" + 0.012*\"terri\"\n", - "2019-01-31 00:40:24,148 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"pathwai\" + 0.007*\"have\" + 0.007*\"acid\" + 0.006*\"proper\" + 0.006*\"caus\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 00:40:24,154 : INFO : topic diff=0.006087, rho=0.037450\n", - "2019-01-31 00:40:24,311 : INFO : PROGRESS: pass 0, at document #1428000/4922894\n", - "2019-01-31 00:40:25,687 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:40:25,957 : INFO : topic #19 (0.020): 0.014*\"languag\" + 0.011*\"centuri\" + 0.011*\"woodcut\" + 0.010*\"form\" + 0.009*\"origin\" + 0.008*\"mean\" + 0.008*\"trade\" + 0.007*\"god\" + 0.007*\"like\" + 0.006*\"uruguayan\"\n", - "2019-01-31 00:40:25,958 : INFO : topic #24 (0.020): 0.040*\"book\" + 0.035*\"publicis\" + 0.023*\"word\" + 0.018*\"new\" + 0.015*\"edit\" + 0.013*\"presid\" + 0.012*\"storag\" + 0.012*\"nicola\" + 0.011*\"collect\" + 0.011*\"magazin\"\n", - "2019-01-31 00:40:25,959 : INFO : topic #45 (0.020): 0.025*\"jpg\" + 0.022*\"fifteenth\" + 0.017*\"illicit\" + 0.017*\"colder\" + 0.016*\"black\" + 0.015*\"western\" + 0.012*\"record\" + 0.010*\"blind\" + 0.008*\"light\" + 0.007*\"depress\"\n", - "2019-01-31 00:40:25,960 : INFO : topic #37 (0.020): 0.009*\"man\" + 0.009*\"love\" + 0.007*\"gestur\" + 0.006*\"comic\" + 0.006*\"septemb\" + 0.005*\"blue\" + 0.005*\"charact\" + 0.004*\"appear\" + 0.004*\"black\" + 0.004*\"litig\"\n", - "2019-01-31 00:40:25,961 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.024*\"factor\" + 0.020*\"adulthood\" + 0.015*\"feel\" + 0.013*\"male\" + 0.013*\"hostil\" + 0.011*\"plaisir\" + 0.010*\"genu\" + 0.009*\"live\" + 0.008*\"yawn\"\n", - "2019-01-31 00:40:25,968 : INFO : topic diff=0.006226, rho=0.037424\n", - "2019-01-31 00:40:26,128 : INFO : PROGRESS: pass 0, at document #1430000/4922894\n", - "2019-01-31 00:40:27,524 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:40:27,791 : INFO : topic #2 (0.020): 0.047*\"isl\" + 0.037*\"shield\" + 0.019*\"narrat\" + 0.013*\"scot\" + 0.013*\"pope\" + 0.011*\"blur\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.009*\"bahá\" + 0.009*\"fleet\"\n", - "2019-01-31 00:40:27,792 : INFO : topic #1 (0.020): 0.056*\"china\" + 0.046*\"chilton\" + 0.024*\"hong\" + 0.023*\"kong\" + 0.021*\"korea\" + 0.017*\"korean\" + 0.016*\"sourc\" + 0.015*\"kim\" + 0.015*\"shirin\" + 0.014*\"leah\"\n", - "2019-01-31 00:40:27,793 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.035*\"publicis\" + 0.023*\"word\" + 0.018*\"new\" + 0.015*\"edit\" + 0.013*\"presid\" + 0.013*\"storag\" + 0.012*\"nicola\" + 0.011*\"collect\" + 0.011*\"magazin\"\n", - "2019-01-31 00:40:27,795 : INFO : topic #31 (0.020): 0.055*\"fusiform\" + 0.025*\"scientist\" + 0.025*\"player\" + 0.025*\"taxpay\" + 0.020*\"place\" + 0.014*\"clot\" + 0.012*\"leagu\" + 0.012*\"folei\" + 0.010*\"yawn\" + 0.009*\"yard\"\n", - "2019-01-31 00:40:27,796 : INFO : topic #41 (0.020): 0.043*\"citi\" + 0.028*\"new\" + 0.022*\"palmer\" + 0.014*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"year\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"highli\"\n", - "2019-01-31 00:40:27,802 : INFO : topic diff=0.005176, rho=0.037398\n", - "2019-01-31 00:40:27,961 : INFO : PROGRESS: pass 0, at document #1432000/4922894\n", - "2019-01-31 00:40:29,363 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:40:29,629 : INFO : topic #33 (0.020): 0.063*\"french\" + 0.048*\"franc\" + 0.031*\"pari\" + 0.023*\"sail\" + 0.022*\"jean\" + 0.018*\"daphn\" + 0.015*\"lazi\" + 0.014*\"loui\" + 0.011*\"piec\" + 0.008*\"wine\"\n", - "2019-01-31 00:40:29,630 : INFO : topic #17 (0.020): 0.075*\"church\" + 0.021*\"cathol\" + 0.021*\"christian\" + 0.021*\"bishop\" + 0.015*\"sail\" + 0.015*\"retroflex\" + 0.009*\"relationship\" + 0.009*\"parish\" + 0.009*\"centuri\" + 0.009*\"historiographi\"\n", - "2019-01-31 00:40:29,632 : INFO : topic #2 (0.020): 0.047*\"isl\" + 0.037*\"shield\" + 0.019*\"narrat\" + 0.013*\"scot\" + 0.013*\"pope\" + 0.011*\"blur\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.009*\"fleet\" + 0.009*\"bahá\"\n", - "2019-01-31 00:40:29,633 : INFO : topic #32 (0.020): 0.052*\"district\" + 0.045*\"vigour\" + 0.044*\"popolo\" + 0.043*\"tortur\" + 0.031*\"cotton\" + 0.027*\"area\" + 0.024*\"multitud\" + 0.022*\"regim\" + 0.021*\"citi\" + 0.019*\"cede\"\n", - "2019-01-31 00:40:29,634 : INFO : topic #1 (0.020): 0.056*\"china\" + 0.046*\"chilton\" + 0.024*\"hong\" + 0.023*\"kong\" + 0.021*\"korea\" + 0.017*\"korean\" + 0.016*\"sourc\" + 0.015*\"kim\" + 0.015*\"shirin\" + 0.014*\"leah\"\n", - "2019-01-31 00:40:29,640 : INFO : topic diff=0.006892, rho=0.037372\n", - "2019-01-31 00:40:29,795 : INFO : PROGRESS: pass 0, at document #1434000/4922894\n", - "2019-01-31 00:40:31,182 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:40:31,448 : INFO : topic #46 (0.020): 0.019*\"sweden\" + 0.017*\"swedish\" + 0.016*\"norwai\" + 0.016*\"stop\" + 0.015*\"norwegian\" + 0.015*\"wind\" + 0.014*\"damag\" + 0.011*\"replac\" + 0.011*\"denmark\" + 0.011*\"farid\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:40:31,449 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:40:31,450 : INFO : topic #2 (0.020): 0.047*\"isl\" + 0.037*\"shield\" + 0.019*\"narrat\" + 0.013*\"scot\" + 0.013*\"pope\" + 0.011*\"blur\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.009*\"fleet\" + 0.009*\"bahá\"\n", - "2019-01-31 00:40:31,452 : INFO : topic #0 (0.020): 0.064*\"statewid\" + 0.039*\"line\" + 0.035*\"arsen\" + 0.035*\"raid\" + 0.026*\"museo\" + 0.020*\"traceabl\" + 0.018*\"serv\" + 0.015*\"pain\" + 0.013*\"exhaust\" + 0.012*\"oper\"\n", - "2019-01-31 00:40:31,453 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.023*\"aggress\" + 0.019*\"walter\" + 0.019*\"armi\" + 0.017*\"com\" + 0.013*\"unionist\" + 0.013*\"oper\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.012*\"airmen\"\n", - "2019-01-31 00:40:31,459 : INFO : topic diff=0.005614, rho=0.037346\n", - "2019-01-31 00:40:31,616 : INFO : PROGRESS: pass 0, at document #1436000/4922894\n", - "2019-01-31 00:40:33,473 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:40:33,740 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.035*\"publicis\" + 0.023*\"word\" + 0.018*\"new\" + 0.015*\"edit\" + 0.013*\"presid\" + 0.013*\"storag\" + 0.012*\"nicola\" + 0.011*\"collect\" + 0.011*\"magazin\"\n", - "2019-01-31 00:40:33,742 : INFO : topic #45 (0.020): 0.025*\"jpg\" + 0.024*\"fifteenth\" + 0.017*\"illicit\" + 0.017*\"colder\" + 0.016*\"black\" + 0.014*\"western\" + 0.012*\"record\" + 0.010*\"blind\" + 0.007*\"light\" + 0.007*\"depress\"\n", - "2019-01-31 00:40:33,743 : INFO : topic #39 (0.020): 0.052*\"canada\" + 0.040*\"canadian\" + 0.021*\"toronto\" + 0.020*\"hoar\" + 0.019*\"ontario\" + 0.014*\"new\" + 0.013*\"hydrogen\" + 0.012*\"quebec\" + 0.012*\"novotná\" + 0.011*\"misericordia\"\n", - "2019-01-31 00:40:33,744 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.064*\"best\" + 0.036*\"yawn\" + 0.028*\"jacksonvil\" + 0.025*\"japanes\" + 0.022*\"festiv\" + 0.022*\"noll\" + 0.019*\"women\" + 0.019*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 00:40:33,745 : INFO : topic #43 (0.020): 0.063*\"elect\" + 0.053*\"parti\" + 0.024*\"voluntari\" + 0.024*\"democrat\" + 0.021*\"member\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.015*\"seaport\" + 0.014*\"report\" + 0.014*\"liber\"\n", - "2019-01-31 00:40:33,751 : INFO : topic diff=0.005369, rho=0.037320\n", - "2019-01-31 00:40:33,908 : INFO : PROGRESS: pass 0, at document #1438000/4922894\n", - "2019-01-31 00:40:35,469 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:40:35,736 : INFO : topic #12 (0.020): 0.008*\"frontal\" + 0.008*\"number\" + 0.007*\"gener\" + 0.006*\"théori\" + 0.006*\"measur\" + 0.006*\"exampl\" + 0.006*\"utopian\" + 0.006*\"poet\" + 0.006*\"method\" + 0.006*\"theoret\"\n", - "2019-01-31 00:40:35,737 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"prognosi\" + 0.011*\"pop\" + 0.009*\"develop\" + 0.008*\"cytokin\" + 0.008*\"diggin\" + 0.008*\"user\" + 0.008*\"softwar\" + 0.007*\"championship\" + 0.007*\"includ\"\n", - "2019-01-31 00:40:35,738 : INFO : topic #25 (0.020): 0.031*\"ring\" + 0.018*\"warmth\" + 0.016*\"area\" + 0.016*\"lagrang\" + 0.015*\"mount\" + 0.008*\"palmer\" + 0.008*\"foam\" + 0.008*\"land\" + 0.008*\"crayfish\" + 0.008*\"north\"\n", - "2019-01-31 00:40:35,739 : INFO : topic #35 (0.020): 0.058*\"russia\" + 0.037*\"sovereignti\" + 0.035*\"rural\" + 0.026*\"poison\" + 0.024*\"reprint\" + 0.023*\"personifi\" + 0.021*\"moscow\" + 0.018*\"unfortun\" + 0.017*\"poland\" + 0.014*\"tyrant\"\n", - "2019-01-31 00:40:35,740 : INFO : topic #39 (0.020): 0.051*\"canada\" + 0.040*\"canadian\" + 0.021*\"toronto\" + 0.019*\"hoar\" + 0.019*\"ontario\" + 0.014*\"new\" + 0.013*\"hydrogen\" + 0.012*\"quebec\" + 0.011*\"misericordia\" + 0.011*\"novotná\"\n", - "2019-01-31 00:40:35,746 : INFO : topic diff=0.005464, rho=0.037294\n", - "2019-01-31 00:40:38,513 : INFO : -11.663 per-word bound, 3243.7 perplexity estimate based on a held-out corpus of 2000 documents with 590721 words\n", - "2019-01-31 00:40:38,514 : INFO : PROGRESS: pass 0, at document #1440000/4922894\n", - "2019-01-31 00:40:39,905 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:40:40,171 : INFO : topic #46 (0.020): 0.019*\"sweden\" + 0.017*\"swedish\" + 0.016*\"norwai\" + 0.016*\"stop\" + 0.015*\"wind\" + 0.015*\"norwegian\" + 0.014*\"damag\" + 0.012*\"treeless\" + 0.011*\"denmark\" + 0.011*\"replac\"\n", - "2019-01-31 00:40:40,172 : INFO : topic #21 (0.020): 0.035*\"samford\" + 0.023*\"spain\" + 0.019*\"mexico\" + 0.018*\"del\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.012*\"juan\" + 0.011*\"francisco\" + 0.011*\"carlo\" + 0.011*\"lizard\"\n", - "2019-01-31 00:40:40,173 : INFO : topic #3 (0.020): 0.035*\"present\" + 0.027*\"offic\" + 0.023*\"minist\" + 0.021*\"nation\" + 0.020*\"govern\" + 0.019*\"member\" + 0.018*\"gener\" + 0.017*\"serv\" + 0.017*\"seri\" + 0.016*\"chickasaw\"\n", - "2019-01-31 00:40:40,174 : INFO : topic #29 (0.020): 0.025*\"companhia\" + 0.011*\"million\" + 0.010*\"busi\" + 0.009*\"market\" + 0.009*\"bank\" + 0.009*\"produc\" + 0.008*\"yawn\" + 0.008*\"industri\" + 0.007*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 00:40:40,175 : INFO : topic #44 (0.020): 0.033*\"rooftop\" + 0.029*\"final\" + 0.022*\"wife\" + 0.020*\"tourist\" + 0.017*\"champion\" + 0.016*\"taxpay\" + 0.014*\"chamber\" + 0.014*\"martin\" + 0.014*\"tiepolo\" + 0.013*\"poet\"\n", - "2019-01-31 00:40:40,181 : INFO : topic diff=0.007480, rho=0.037268\n", - "2019-01-31 00:40:40,335 : INFO : PROGRESS: pass 0, at document #1442000/4922894\n", - "2019-01-31 00:40:41,711 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:40:41,977 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.035*\"perceptu\" + 0.019*\"theater\" + 0.018*\"place\" + 0.018*\"compos\" + 0.016*\"damn\" + 0.016*\"physician\" + 0.014*\"olympo\" + 0.014*\"orchestr\" + 0.011*\"word\"\n", - "2019-01-31 00:40:41,978 : INFO : topic #43 (0.020): 0.063*\"elect\" + 0.053*\"parti\" + 0.024*\"voluntari\" + 0.024*\"democrat\" + 0.021*\"member\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.014*\"seaport\" + 0.014*\"report\" + 0.014*\"bypass\"\n", - "2019-01-31 00:40:41,979 : INFO : topic #48 (0.020): 0.079*\"sens\" + 0.078*\"march\" + 0.078*\"octob\" + 0.075*\"juli\" + 0.071*\"januari\" + 0.070*\"august\" + 0.070*\"judici\" + 0.070*\"notion\" + 0.070*\"april\" + 0.067*\"decatur\"\n", - "2019-01-31 00:40:41,980 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.023*\"aggress\" + 0.020*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.013*\"oper\" + 0.013*\"unionist\" + 0.013*\"militari\" + 0.011*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 00:40:41,981 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.030*\"incumb\" + 0.013*\"islam\" + 0.013*\"pakistan\" + 0.012*\"anglo\" + 0.011*\"televis\" + 0.011*\"muskoge\" + 0.010*\"tajikistan\" + 0.010*\"sri\" + 0.009*\"alam\"\n", - "2019-01-31 00:40:41,987 : INFO : topic diff=0.004971, rho=0.037242\n", - "2019-01-31 00:40:42,145 : INFO : PROGRESS: pass 0, at document #1444000/4922894\n", - "2019-01-31 00:40:43,578 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:40:43,845 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.035*\"perceptu\" + 0.020*\"theater\" + 0.018*\"place\" + 0.018*\"compos\" + 0.016*\"damn\" + 0.015*\"physician\" + 0.014*\"olympo\" + 0.014*\"orchestr\" + 0.011*\"word\"\n", - "2019-01-31 00:40:43,846 : INFO : topic #29 (0.020): 0.025*\"companhia\" + 0.011*\"million\" + 0.010*\"busi\" + 0.010*\"market\" + 0.009*\"bank\" + 0.009*\"produc\" + 0.008*\"yawn\" + 0.008*\"industri\" + 0.007*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 00:40:43,847 : INFO : topic #13 (0.020): 0.026*\"sourc\" + 0.026*\"australia\" + 0.026*\"london\" + 0.025*\"new\" + 0.023*\"australian\" + 0.023*\"england\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.014*\"wale\" + 0.014*\"youth\"\n", - "2019-01-31 00:40:43,848 : INFO : topic #26 (0.020): 0.032*\"workplac\" + 0.030*\"champion\" + 0.028*\"woman\" + 0.026*\"olymp\" + 0.025*\"men\" + 0.022*\"medal\" + 0.021*\"event\" + 0.018*\"nation\" + 0.018*\"taxpay\" + 0.016*\"théori\"\n", - "2019-01-31 00:40:43,849 : INFO : topic #15 (0.020): 0.011*\"organ\" + 0.011*\"small\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"word\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.008*\"cultur\" + 0.007*\"human\" + 0.007*\"woman\"\n", - "2019-01-31 00:40:43,855 : INFO : topic diff=0.005690, rho=0.037216\n", - "2019-01-31 00:40:44,010 : INFO : PROGRESS: pass 0, at document #1446000/4922894\n", - "2019-01-31 00:40:45,401 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:40:45,671 : INFO : topic #35 (0.020): 0.058*\"russia\" + 0.038*\"sovereignti\" + 0.035*\"rural\" + 0.028*\"poison\" + 0.023*\"reprint\" + 0.022*\"personifi\" + 0.020*\"moscow\" + 0.019*\"unfortun\" + 0.017*\"poland\" + 0.014*\"malaysia\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:40:45,673 : INFO : topic #17 (0.020): 0.075*\"church\" + 0.021*\"cathol\" + 0.021*\"christian\" + 0.020*\"bishop\" + 0.016*\"sail\" + 0.015*\"retroflex\" + 0.011*\"cathedr\" + 0.009*\"parish\" + 0.009*\"relationship\" + 0.009*\"historiographi\"\n", - "2019-01-31 00:40:45,674 : INFO : topic #1 (0.020): 0.053*\"china\" + 0.043*\"chilton\" + 0.023*\"hong\" + 0.022*\"kong\" + 0.020*\"korea\" + 0.017*\"korean\" + 0.017*\"kim\" + 0.017*\"leah\" + 0.015*\"sourc\" + 0.014*\"shirin\"\n", - "2019-01-31 00:40:45,675 : INFO : topic #36 (0.020): 0.012*\"prognosi\" + 0.010*\"network\" + 0.010*\"pop\" + 0.009*\"develop\" + 0.008*\"cytokin\" + 0.008*\"championship\" + 0.008*\"user\" + 0.008*\"diggin\" + 0.008*\"softwar\" + 0.007*\"base\"\n", - "2019-01-31 00:40:45,676 : INFO : topic #12 (0.020): 0.008*\"frontal\" + 0.008*\"number\" + 0.007*\"gener\" + 0.006*\"théori\" + 0.006*\"exampl\" + 0.006*\"utopian\" + 0.006*\"measur\" + 0.006*\"poet\" + 0.006*\"theoret\" + 0.006*\"method\"\n", - "2019-01-31 00:40:45,682 : INFO : topic diff=0.005764, rho=0.037190\n", - "2019-01-31 00:40:45,837 : INFO : PROGRESS: pass 0, at document #1448000/4922894\n", - "2019-01-31 00:40:47,217 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:40:47,483 : INFO : topic #27 (0.020): 0.068*\"questionnair\" + 0.020*\"godaddi\" + 0.017*\"taxpay\" + 0.016*\"candid\" + 0.014*\"ret\" + 0.013*\"driver\" + 0.012*\"find\" + 0.012*\"fool\" + 0.011*\"poet\" + 0.011*\"landslid\"\n", - "2019-01-31 00:40:47,485 : INFO : topic #37 (0.020): 0.009*\"man\" + 0.009*\"love\" + 0.007*\"gestur\" + 0.006*\"septemb\" + 0.006*\"comic\" + 0.005*\"charact\" + 0.005*\"blue\" + 0.005*\"appear\" + 0.004*\"litig\" + 0.004*\"black\"\n", - "2019-01-31 00:40:47,486 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.035*\"perceptu\" + 0.020*\"theater\" + 0.018*\"place\" + 0.017*\"compos\" + 0.017*\"damn\" + 0.015*\"physician\" + 0.014*\"orchestr\" + 0.014*\"olympo\" + 0.011*\"word\"\n", - "2019-01-31 00:40:47,487 : INFO : topic #34 (0.020): 0.072*\"start\" + 0.032*\"unionist\" + 0.032*\"american\" + 0.030*\"cotton\" + 0.027*\"new\" + 0.016*\"year\" + 0.013*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 00:40:47,488 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"pathwai\" + 0.007*\"have\" + 0.006*\"acid\" + 0.006*\"caus\" + 0.006*\"proper\" + 0.006*\"hormon\" + 0.006*\"treat\"\n", - "2019-01-31 00:40:47,494 : INFO : topic diff=0.007230, rho=0.037165\n", - "2019-01-31 00:40:47,653 : INFO : PROGRESS: pass 0, at document #1450000/4922894\n", - "2019-01-31 00:40:49,053 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:40:49,319 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.027*\"offic\" + 0.024*\"minist\" + 0.021*\"nation\" + 0.020*\"govern\" + 0.019*\"member\" + 0.019*\"gener\" + 0.017*\"serv\" + 0.017*\"seri\" + 0.015*\"chickasaw\"\n", - "2019-01-31 00:40:49,320 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.027*\"reconstruct\" + 0.022*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:40:49,321 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"help\" + 0.004*\"call\"\n", - "2019-01-31 00:40:49,322 : INFO : topic #33 (0.020): 0.063*\"french\" + 0.048*\"franc\" + 0.031*\"pari\" + 0.022*\"sail\" + 0.022*\"jean\" + 0.018*\"daphn\" + 0.015*\"lazi\" + 0.014*\"loui\" + 0.011*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 00:40:49,324 : INFO : topic #45 (0.020): 0.028*\"jpg\" + 0.025*\"fifteenth\" + 0.018*\"illicit\" + 0.016*\"colder\" + 0.015*\"black\" + 0.014*\"western\" + 0.012*\"record\" + 0.010*\"blind\" + 0.007*\"light\" + 0.007*\"green\"\n", - "2019-01-31 00:40:49,329 : INFO : topic diff=0.006050, rho=0.037139\n", - "2019-01-31 00:40:49,480 : INFO : PROGRESS: pass 0, at document #1452000/4922894\n", - "2019-01-31 00:40:50,832 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:40:51,099 : INFO : topic #16 (0.020): 0.052*\"king\" + 0.032*\"priest\" + 0.020*\"quarterli\" + 0.019*\"duke\" + 0.019*\"rotterdam\" + 0.019*\"grammat\" + 0.019*\"idiosyncrat\" + 0.014*\"kingdom\" + 0.013*\"brazil\" + 0.013*\"princ\"\n", - "2019-01-31 00:40:51,100 : INFO : topic #28 (0.020): 0.031*\"build\" + 0.025*\"hous\" + 0.023*\"rivièr\" + 0.017*\"buford\" + 0.013*\"briarwood\" + 0.012*\"histor\" + 0.011*\"constitut\" + 0.011*\"strategist\" + 0.010*\"depress\" + 0.010*\"linear\"\n", - "2019-01-31 00:40:51,101 : INFO : topic #33 (0.020): 0.063*\"french\" + 0.048*\"franc\" + 0.031*\"pari\" + 0.022*\"sail\" + 0.022*\"jean\" + 0.018*\"daphn\" + 0.015*\"lazi\" + 0.015*\"loui\" + 0.011*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 00:40:51,102 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"help\" + 0.004*\"call\"\n", - "2019-01-31 00:40:51,103 : INFO : topic #13 (0.020): 0.027*\"sourc\" + 0.026*\"australia\" + 0.025*\"london\" + 0.024*\"new\" + 0.023*\"england\" + 0.023*\"australian\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.014*\"wale\" + 0.014*\"youth\"\n", - "2019-01-31 00:40:51,109 : INFO : topic diff=0.005361, rho=0.037113\n", - "2019-01-31 00:40:51,269 : INFO : PROGRESS: pass 0, at document #1454000/4922894\n", - "2019-01-31 00:40:52,706 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:40:52,973 : INFO : topic #26 (0.020): 0.031*\"workplac\" + 0.030*\"champion\" + 0.028*\"woman\" + 0.026*\"olymp\" + 0.025*\"men\" + 0.022*\"medal\" + 0.021*\"event\" + 0.018*\"taxpay\" + 0.018*\"nation\" + 0.017*\"atheist\"\n", - "2019-01-31 00:40:52,974 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.024*\"septemb\" + 0.024*\"epiru\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.013*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"movi\" + 0.011*\"direct\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:40:52,975 : INFO : topic #46 (0.020): 0.018*\"sweden\" + 0.017*\"swedish\" + 0.016*\"norwai\" + 0.016*\"wind\" + 0.016*\"stop\" + 0.015*\"norwegian\" + 0.014*\"damag\" + 0.012*\"farid\" + 0.011*\"huntsvil\" + 0.011*\"denmark\"\n", - "2019-01-31 00:40:52,976 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.027*\"offic\" + 0.023*\"minist\" + 0.021*\"nation\" + 0.020*\"govern\" + 0.019*\"member\" + 0.019*\"gener\" + 0.017*\"seri\" + 0.017*\"serv\" + 0.015*\"chickasaw\"\n", - "2019-01-31 00:40:52,977 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"pathwai\" + 0.007*\"have\" + 0.006*\"hormon\" + 0.006*\"acid\" + 0.006*\"caus\" + 0.006*\"proper\" + 0.006*\"treat\"\n", - "2019-01-31 00:40:52,983 : INFO : topic diff=0.007626, rho=0.037088\n", - "2019-01-31 00:40:53,138 : INFO : PROGRESS: pass 0, at document #1456000/4922894\n", - "2019-01-31 00:40:54,516 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:40:54,783 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.027*\"offic\" + 0.023*\"minist\" + 0.021*\"nation\" + 0.020*\"govern\" + 0.019*\"member\" + 0.019*\"gener\" + 0.018*\"serv\" + 0.016*\"seri\" + 0.015*\"chickasaw\"\n", - "2019-01-31 00:40:54,784 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"pour\" + 0.015*\"depress\" + 0.010*\"elabor\" + 0.008*\"veget\" + 0.008*\"mode\" + 0.007*\"encyclopedia\" + 0.007*\"uruguayan\" + 0.007*\"produc\" + 0.007*\"candid\"\n", - "2019-01-31 00:40:54,785 : INFO : topic #15 (0.020): 0.012*\"organ\" + 0.011*\"small\" + 0.011*\"develop\" + 0.010*\"commun\" + 0.009*\"word\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.007*\"cultur\" + 0.007*\"woman\" + 0.007*\"human\"\n", - "2019-01-31 00:40:54,786 : INFO : topic #29 (0.020): 0.025*\"companhia\" + 0.011*\"million\" + 0.010*\"busi\" + 0.009*\"market\" + 0.009*\"bank\" + 0.009*\"produc\" + 0.008*\"yawn\" + 0.008*\"industri\" + 0.008*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 00:40:54,787 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.023*\"spain\" + 0.019*\"mexico\" + 0.018*\"del\" + 0.013*\"soviet\" + 0.013*\"santa\" + 0.012*\"juan\" + 0.011*\"francisco\" + 0.011*\"lizard\" + 0.011*\"carlo\"\n", - "2019-01-31 00:40:54,793 : INFO : topic diff=0.006284, rho=0.037062\n", - "2019-01-31 00:40:54,945 : INFO : PROGRESS: pass 0, at document #1458000/4922894\n", - "2019-01-31 00:40:56,322 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:40:56,588 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.028*\"offic\" + 0.023*\"minist\" + 0.021*\"nation\" + 0.020*\"govern\" + 0.020*\"serv\" + 0.019*\"member\" + 0.018*\"gener\" + 0.016*\"seri\" + 0.015*\"chickasaw\"\n", - "2019-01-31 00:40:56,589 : INFO : topic #33 (0.020): 0.063*\"french\" + 0.048*\"franc\" + 0.032*\"pari\" + 0.023*\"sail\" + 0.022*\"jean\" + 0.018*\"daphn\" + 0.015*\"lazi\" + 0.014*\"loui\" + 0.011*\"piec\" + 0.010*\"wine\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:40:56,591 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.022*\"spain\" + 0.019*\"mexico\" + 0.018*\"del\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.012*\"juan\" + 0.011*\"francisco\" + 0.011*\"lizard\" + 0.011*\"carlo\"\n", - "2019-01-31 00:40:56,592 : INFO : topic #38 (0.020): 0.024*\"walter\" + 0.010*\"battalion\" + 0.009*\"aza\" + 0.009*\"forc\" + 0.008*\"teufel\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.007*\"militari\" + 0.007*\"till\" + 0.006*\"king\"\n", - "2019-01-31 00:40:56,593 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.046*\"vigour\" + 0.043*\"popolo\" + 0.043*\"tortur\" + 0.030*\"cotton\" + 0.027*\"area\" + 0.023*\"multitud\" + 0.023*\"regim\" + 0.020*\"citi\" + 0.019*\"cede\"\n", - "2019-01-31 00:40:56,599 : INFO : topic diff=0.006419, rho=0.037037\n", - "2019-01-31 00:40:59,307 : INFO : -11.946 per-word bound, 3946.2 perplexity estimate based on a held-out corpus of 2000 documents with 576624 words\n", - "2019-01-31 00:40:59,308 : INFO : PROGRESS: pass 0, at document #1460000/4922894\n", - "2019-01-31 00:41:00,695 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:41:00,962 : INFO : topic #14 (0.020): 0.025*\"forc\" + 0.025*\"aggress\" + 0.020*\"armi\" + 0.020*\"walter\" + 0.019*\"com\" + 0.013*\"unionist\" + 0.013*\"oper\" + 0.012*\"militari\" + 0.012*\"airmen\" + 0.011*\"airbu\"\n", - "2019-01-31 00:41:00,963 : INFO : topic #45 (0.020): 0.027*\"jpg\" + 0.026*\"fifteenth\" + 0.018*\"illicit\" + 0.016*\"colder\" + 0.015*\"black\" + 0.015*\"western\" + 0.012*\"record\" + 0.010*\"blind\" + 0.007*\"light\" + 0.007*\"green\"\n", - "2019-01-31 00:41:00,964 : INFO : topic #29 (0.020): 0.025*\"companhia\" + 0.011*\"million\" + 0.011*\"busi\" + 0.009*\"bank\" + 0.009*\"market\" + 0.009*\"produc\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.008*\"industri\" + 0.007*\"function\"\n", - "2019-01-31 00:41:00,965 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.045*\"vigour\" + 0.043*\"popolo\" + 0.043*\"tortur\" + 0.030*\"cotton\" + 0.027*\"area\" + 0.023*\"multitud\" + 0.023*\"regim\" + 0.021*\"citi\" + 0.019*\"cede\"\n", - "2019-01-31 00:41:00,966 : INFO : topic #42 (0.020): 0.045*\"german\" + 0.029*\"germani\" + 0.015*\"jewish\" + 0.014*\"vol\" + 0.013*\"berlin\" + 0.013*\"israel\" + 0.012*\"der\" + 0.010*\"european\" + 0.009*\"itali\" + 0.009*\"europ\"\n", - "2019-01-31 00:41:00,972 : INFO : topic diff=0.006277, rho=0.037012\n", - "2019-01-31 00:41:01,129 : INFO : PROGRESS: pass 0, at document #1462000/4922894\n", - "2019-01-31 00:41:02,526 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:41:02,792 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.024*\"factor\" + 0.020*\"adulthood\" + 0.016*\"feel\" + 0.014*\"male\" + 0.012*\"hostil\" + 0.011*\"plaisir\" + 0.010*\"genu\" + 0.009*\"live\" + 0.008*\"yawn\"\n", - "2019-01-31 00:41:02,793 : INFO : topic #2 (0.020): 0.046*\"isl\" + 0.037*\"shield\" + 0.018*\"narrat\" + 0.013*\"scot\" + 0.012*\"blur\" + 0.012*\"pope\" + 0.011*\"coalit\" + 0.011*\"nativist\" + 0.009*\"fleet\" + 0.009*\"bahá\"\n", - "2019-01-31 00:41:02,794 : INFO : topic #45 (0.020): 0.027*\"jpg\" + 0.026*\"fifteenth\" + 0.018*\"illicit\" + 0.016*\"colder\" + 0.015*\"western\" + 0.015*\"black\" + 0.012*\"record\" + 0.010*\"blind\" + 0.007*\"light\" + 0.007*\"green\"\n", - "2019-01-31 00:41:02,795 : INFO : topic #35 (0.020): 0.059*\"russia\" + 0.038*\"sovereignti\" + 0.035*\"rural\" + 0.026*\"poison\" + 0.024*\"reprint\" + 0.023*\"personifi\" + 0.020*\"unfortun\" + 0.020*\"moscow\" + 0.019*\"turin\" + 0.017*\"poland\"\n", - "2019-01-31 00:41:02,796 : INFO : topic #23 (0.020): 0.138*\"audit\" + 0.065*\"best\" + 0.037*\"yawn\" + 0.028*\"jacksonvil\" + 0.024*\"japanes\" + 0.023*\"festiv\" + 0.022*\"noll\" + 0.019*\"women\" + 0.018*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 00:41:02,802 : INFO : topic diff=0.007196, rho=0.036986\n", - "2019-01-31 00:41:02,955 : INFO : PROGRESS: pass 0, at document #1464000/4922894\n", - "2019-01-31 00:41:04,320 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:41:04,586 : INFO : topic #8 (0.020): 0.028*\"law\" + 0.024*\"cortic\" + 0.019*\"act\" + 0.018*\"start\" + 0.013*\"ricardo\" + 0.013*\"case\" + 0.010*\"order\" + 0.010*\"polaris\" + 0.009*\"replac\" + 0.008*\"legal\"\n", - "2019-01-31 00:41:04,587 : INFO : topic #19 (0.020): 0.015*\"languag\" + 0.011*\"centuri\" + 0.010*\"woodcut\" + 0.010*\"form\" + 0.009*\"origin\" + 0.008*\"mean\" + 0.007*\"trade\" + 0.007*\"god\" + 0.007*\"like\" + 0.006*\"uruguayan\"\n", - "2019-01-31 00:41:04,588 : INFO : topic #33 (0.020): 0.063*\"french\" + 0.048*\"franc\" + 0.031*\"pari\" + 0.023*\"sail\" + 0.022*\"jean\" + 0.018*\"daphn\" + 0.015*\"loui\" + 0.015*\"lazi\" + 0.012*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 00:41:04,589 : INFO : topic #46 (0.020): 0.018*\"sweden\" + 0.017*\"swedish\" + 0.017*\"stop\" + 0.016*\"wind\" + 0.015*\"norwai\" + 0.014*\"norwegian\" + 0.014*\"damag\" + 0.012*\"treeless\" + 0.011*\"denmark\" + 0.011*\"huntsvil\"\n", - "2019-01-31 00:41:04,590 : INFO : topic #28 (0.020): 0.031*\"build\" + 0.025*\"hous\" + 0.023*\"rivièr\" + 0.017*\"buford\" + 0.012*\"histor\" + 0.012*\"briarwood\" + 0.011*\"constitut\" + 0.011*\"strategist\" + 0.010*\"depress\" + 0.010*\"linear\"\n", - "2019-01-31 00:41:04,596 : INFO : topic diff=0.006130, rho=0.036961\n", - "2019-01-31 00:41:04,756 : INFO : PROGRESS: pass 0, at document #1466000/4922894\n", - "2019-01-31 00:41:06,137 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:41:06,403 : INFO : topic #49 (0.020): 0.041*\"india\" + 0.030*\"incumb\" + 0.014*\"islam\" + 0.013*\"pakistan\" + 0.012*\"anglo\" + 0.012*\"televis\" + 0.010*\"muskoge\" + 0.010*\"sri\" + 0.009*\"tajikistan\" + 0.009*\"start\"\n", - "2019-01-31 00:41:06,405 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.024*\"epiru\" + 0.024*\"septemb\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:41:06,406 : INFO : topic #27 (0.020): 0.070*\"questionnair\" + 0.018*\"candid\" + 0.017*\"taxpay\" + 0.016*\"godaddi\" + 0.013*\"driver\" + 0.013*\"ret\" + 0.012*\"fool\" + 0.011*\"find\" + 0.011*\"tornado\" + 0.011*\"landslid\"\n", - "2019-01-31 00:41:06,407 : INFO : topic #19 (0.020): 0.015*\"languag\" + 0.011*\"centuri\" + 0.010*\"woodcut\" + 0.010*\"form\" + 0.009*\"origin\" + 0.008*\"mean\" + 0.007*\"trade\" + 0.007*\"god\" + 0.007*\"like\" + 0.006*\"known\"\n", - "2019-01-31 00:41:06,408 : INFO : topic #20 (0.020): 0.140*\"scholar\" + 0.040*\"struggl\" + 0.034*\"high\" + 0.030*\"educ\" + 0.022*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"task\" + 0.010*\"gothic\" + 0.010*\"district\"\n", - "2019-01-31 00:41:06,414 : INFO : topic diff=0.006223, rho=0.036936\n", - "2019-01-31 00:41:06,569 : INFO : PROGRESS: pass 0, at document #1468000/4922894\n", - "2019-01-31 00:41:07,939 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:41:08,208 : INFO : topic #9 (0.020): 0.080*\"bone\" + 0.041*\"american\" + 0.026*\"valour\" + 0.017*\"dutch\" + 0.017*\"folei\" + 0.017*\"polit\" + 0.016*\"player\" + 0.015*\"english\" + 0.013*\"acrimoni\" + 0.013*\"simpler\"\n", - "2019-01-31 00:41:08,209 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"disco\" + 0.008*\"media\" + 0.008*\"pathwai\" + 0.007*\"have\" + 0.007*\"hormon\" + 0.007*\"caus\" + 0.006*\"treat\" + 0.006*\"acid\" + 0.006*\"effect\"\n", - "2019-01-31 00:41:08,210 : INFO : topic #11 (0.020): 0.026*\"john\" + 0.013*\"will\" + 0.012*\"jame\" + 0.012*\"david\" + 0.011*\"rival\" + 0.010*\"mexican–american\" + 0.009*\"slur\" + 0.009*\"georg\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:41:08,211 : INFO : topic #30 (0.020): 0.039*\"cleveland\" + 0.037*\"leagu\" + 0.029*\"place\" + 0.027*\"scientist\" + 0.026*\"taxpay\" + 0.023*\"crete\" + 0.022*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"diversifi\"\n", - "2019-01-31 00:41:08,212 : INFO : topic #13 (0.020): 0.027*\"sourc\" + 0.027*\"australia\" + 0.025*\"london\" + 0.025*\"new\" + 0.023*\"australian\" + 0.023*\"england\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:41:08,218 : INFO : topic diff=0.006765, rho=0.036911\n", - "2019-01-31 00:41:08,428 : INFO : PROGRESS: pass 0, at document #1470000/4922894\n", - "2019-01-31 00:41:09,815 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:41:10,082 : INFO : topic #35 (0.020): 0.058*\"russia\" + 0.038*\"sovereignti\" + 0.035*\"rural\" + 0.026*\"poison\" + 0.024*\"reprint\" + 0.024*\"personifi\" + 0.021*\"moscow\" + 0.020*\"unfortun\" + 0.019*\"turin\" + 0.017*\"poland\"\n", - "2019-01-31 00:41:10,083 : INFO : topic #46 (0.020): 0.017*\"stop\" + 0.017*\"sweden\" + 0.017*\"swedish\" + 0.016*\"wind\" + 0.015*\"damag\" + 0.015*\"norwai\" + 0.014*\"norwegian\" + 0.012*\"huntsvil\" + 0.012*\"treeless\" + 0.011*\"farid\"\n", - "2019-01-31 00:41:10,084 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.011*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"group\" + 0.009*\"word\" + 0.008*\"peopl\" + 0.007*\"cultur\" + 0.007*\"woman\" + 0.007*\"human\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:41:10,086 : INFO : topic #11 (0.020): 0.026*\"john\" + 0.013*\"will\" + 0.012*\"jame\" + 0.012*\"david\" + 0.011*\"rival\" + 0.010*\"mexican–american\" + 0.009*\"slur\" + 0.009*\"georg\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:41:10,087 : INFO : topic #2 (0.020): 0.046*\"isl\" + 0.038*\"shield\" + 0.019*\"narrat\" + 0.013*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.009*\"fleet\" + 0.009*\"bahá\"\n", - "2019-01-31 00:41:10,092 : INFO : topic diff=0.005940, rho=0.036886\n", - "2019-01-31 00:41:10,248 : INFO : PROGRESS: pass 0, at document #1472000/4922894\n", - "2019-01-31 00:41:11,659 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:41:11,926 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.025*\"factor\" + 0.020*\"adulthood\" + 0.016*\"feel\" + 0.014*\"male\" + 0.013*\"hostil\" + 0.011*\"plaisir\" + 0.010*\"genu\" + 0.009*\"live\" + 0.008*\"yawn\"\n", - "2019-01-31 00:41:11,927 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.011*\"organ\" + 0.011*\"develop\" + 0.010*\"commun\" + 0.009*\"group\" + 0.009*\"word\" + 0.008*\"peopl\" + 0.007*\"cultur\" + 0.007*\"woman\" + 0.007*\"human\"\n", - "2019-01-31 00:41:11,928 : INFO : topic #14 (0.020): 0.026*\"forc\" + 0.025*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.013*\"unionist\" + 0.013*\"oper\" + 0.013*\"militari\" + 0.011*\"airbu\" + 0.011*\"airmen\"\n", - "2019-01-31 00:41:11,929 : INFO : topic #35 (0.020): 0.057*\"russia\" + 0.038*\"sovereignti\" + 0.034*\"rural\" + 0.026*\"poison\" + 0.025*\"personifi\" + 0.024*\"reprint\" + 0.021*\"moscow\" + 0.020*\"unfortun\" + 0.018*\"turin\" + 0.017*\"poland\"\n", - "2019-01-31 00:41:11,930 : INFO : topic #42 (0.020): 0.045*\"german\" + 0.029*\"germani\" + 0.017*\"jewish\" + 0.014*\"israel\" + 0.014*\"vol\" + 0.013*\"berlin\" + 0.012*\"der\" + 0.010*\"european\" + 0.010*\"jeremiah\" + 0.009*\"europ\"\n", - "2019-01-31 00:41:11,936 : INFO : topic diff=0.005696, rho=0.036860\n", - "2019-01-31 00:41:12,087 : INFO : PROGRESS: pass 0, at document #1474000/4922894\n", - "2019-01-31 00:41:13,439 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:41:13,706 : INFO : topic #20 (0.020): 0.140*\"scholar\" + 0.040*\"struggl\" + 0.035*\"high\" + 0.030*\"educ\" + 0.023*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"task\" + 0.009*\"district\" + 0.009*\"gothic\"\n", - "2019-01-31 00:41:13,707 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.027*\"son\" + 0.027*\"reconstruct\" + 0.027*\"rel\" + 0.022*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:41:13,708 : INFO : topic #36 (0.020): 0.011*\"pop\" + 0.011*\"prognosi\" + 0.011*\"network\" + 0.009*\"develop\" + 0.008*\"cytokin\" + 0.008*\"championship\" + 0.008*\"user\" + 0.008*\"softwar\" + 0.007*\"base\" + 0.007*\"diggin\"\n", - "2019-01-31 00:41:13,709 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.029*\"offic\" + 0.022*\"minist\" + 0.021*\"nation\" + 0.020*\"serv\" + 0.020*\"govern\" + 0.019*\"member\" + 0.018*\"gener\" + 0.016*\"seri\" + 0.016*\"chickasaw\"\n", - "2019-01-31 00:41:13,710 : INFO : topic #29 (0.020): 0.025*\"companhia\" + 0.011*\"million\" + 0.011*\"busi\" + 0.009*\"market\" + 0.009*\"bank\" + 0.009*\"produc\" + 0.008*\"yawn\" + 0.008*\"industri\" + 0.008*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 00:41:13,716 : INFO : topic diff=0.006173, rho=0.036835\n", - "2019-01-31 00:41:13,876 : INFO : PROGRESS: pass 0, at document #1476000/4922894\n", - "2019-01-31 00:41:15,302 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:41:15,567 : INFO : topic #28 (0.020): 0.031*\"build\" + 0.025*\"hous\" + 0.023*\"rivièr\" + 0.017*\"buford\" + 0.012*\"histor\" + 0.012*\"briarwood\" + 0.011*\"constitut\" + 0.011*\"strategist\" + 0.010*\"linear\" + 0.010*\"depress\"\n", - "2019-01-31 00:41:15,568 : INFO : topic #39 (0.020): 0.051*\"canada\" + 0.038*\"canadian\" + 0.021*\"toronto\" + 0.019*\"ontario\" + 0.019*\"hoar\" + 0.014*\"new\" + 0.012*\"hydrogen\" + 0.012*\"novotná\" + 0.012*\"misericordia\" + 0.012*\"quebec\"\n", - "2019-01-31 00:41:15,570 : INFO : topic #8 (0.020): 0.028*\"law\" + 0.023*\"cortic\" + 0.020*\"act\" + 0.018*\"start\" + 0.013*\"ricardo\" + 0.013*\"case\" + 0.010*\"order\" + 0.009*\"polaris\" + 0.009*\"replac\" + 0.008*\"legal\"\n", - "2019-01-31 00:41:15,571 : INFO : topic #40 (0.020): 0.086*\"unit\" + 0.022*\"schuster\" + 0.022*\"collector\" + 0.021*\"institut\" + 0.020*\"requir\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"degre\" + 0.011*\"http\"\n", - "2019-01-31 00:41:15,572 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.034*\"perceptu\" + 0.021*\"theater\" + 0.019*\"place\" + 0.017*\"damn\" + 0.017*\"compos\" + 0.014*\"physician\" + 0.014*\"olympo\" + 0.014*\"orchestr\" + 0.011*\"jack\"\n", - "2019-01-31 00:41:15,578 : INFO : topic diff=0.007005, rho=0.036811\n", - "2019-01-31 00:41:15,738 : INFO : PROGRESS: pass 0, at document #1478000/4922894\n", - "2019-01-31 00:41:17,121 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:41:17,391 : INFO : topic #3 (0.020): 0.032*\"present\" + 0.028*\"offic\" + 0.022*\"minist\" + 0.022*\"nation\" + 0.020*\"member\" + 0.020*\"govern\" + 0.020*\"serv\" + 0.018*\"gener\" + 0.016*\"seri\" + 0.015*\"chickasaw\"\n", - "2019-01-31 00:41:17,392 : INFO : topic #2 (0.020): 0.046*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.013*\"scot\" + 0.012*\"blur\" + 0.012*\"pope\" + 0.011*\"nativist\" + 0.011*\"coalit\" + 0.009*\"fleet\" + 0.009*\"sai\"\n", - "2019-01-31 00:41:17,393 : INFO : topic #20 (0.020): 0.142*\"scholar\" + 0.040*\"struggl\" + 0.035*\"high\" + 0.030*\"educ\" + 0.023*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"task\" + 0.009*\"gothic\" + 0.009*\"district\"\n", - "2019-01-31 00:41:17,394 : INFO : topic #45 (0.020): 0.027*\"jpg\" + 0.026*\"fifteenth\" + 0.018*\"illicit\" + 0.016*\"colder\" + 0.015*\"western\" + 0.015*\"black\" + 0.012*\"record\" + 0.010*\"blind\" + 0.007*\"light\" + 0.007*\"green\"\n", - "2019-01-31 00:41:17,395 : INFO : topic #37 (0.020): 0.009*\"love\" + 0.009*\"man\" + 0.007*\"gestur\" + 0.006*\"septemb\" + 0.006*\"charact\" + 0.005*\"dixi\" + 0.005*\"comic\" + 0.005*\"blue\" + 0.004*\"appear\" + 0.004*\"black\"\n", - "2019-01-31 00:41:17,401 : INFO : topic diff=0.006131, rho=0.036786\n", - "2019-01-31 00:41:20,102 : INFO : -11.685 per-word bound, 3292.0 perplexity estimate based on a held-out corpus of 2000 documents with 552756 words\n", - "2019-01-31 00:41:20,103 : INFO : PROGRESS: pass 0, at document #1480000/4922894\n", - "2019-01-31 00:41:21,495 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:41:21,762 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.010*\"battalion\" + 0.008*\"forc\" + 0.008*\"teufel\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.007*\"militari\" + 0.006*\"till\" + 0.006*\"pour\"\n", - "2019-01-31 00:41:21,763 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.029*\"final\" + 0.024*\"wife\" + 0.020*\"tourist\" + 0.018*\"champion\" + 0.016*\"taxpay\" + 0.015*\"martin\" + 0.014*\"chamber\" + 0.013*\"tiepolo\" + 0.013*\"winner\"\n", - "2019-01-31 00:41:21,764 : INFO : topic #33 (0.020): 0.064*\"french\" + 0.049*\"franc\" + 0.031*\"pari\" + 0.022*\"sail\" + 0.022*\"jean\" + 0.018*\"daphn\" + 0.016*\"lazi\" + 0.015*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 00:41:21,765 : INFO : topic #49 (0.020): 0.040*\"india\" + 0.030*\"incumb\" + 0.013*\"islam\" + 0.013*\"anglo\" + 0.012*\"pakistan\" + 0.012*\"televis\" + 0.010*\"muskoge\" + 0.010*\"sri\" + 0.010*\"khalsa\" + 0.009*\"start\"\n", - "2019-01-31 00:41:21,766 : INFO : topic #3 (0.020): 0.032*\"present\" + 0.028*\"offic\" + 0.023*\"minist\" + 0.022*\"nation\" + 0.020*\"member\" + 0.020*\"govern\" + 0.020*\"serv\" + 0.018*\"gener\" + 0.016*\"seri\" + 0.016*\"chickasaw\"\n", - "2019-01-31 00:41:21,772 : INFO : topic diff=0.005522, rho=0.036761\n", - "2019-01-31 00:41:21,934 : INFO : PROGRESS: pass 0, at document #1482000/4922894\n", - "2019-01-31 00:41:23,367 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:41:23,633 : INFO : topic #9 (0.020): 0.079*\"bone\" + 0.041*\"american\" + 0.025*\"valour\" + 0.017*\"dutch\" + 0.017*\"polit\" + 0.017*\"folei\" + 0.016*\"player\" + 0.015*\"english\" + 0.013*\"simpler\" + 0.013*\"acrimoni\"\n", - "2019-01-31 00:41:23,634 : INFO : topic #7 (0.020): 0.022*\"snatch\" + 0.019*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.015*\"margin\" + 0.013*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"will\" + 0.012*\"daughter\"\n", - "2019-01-31 00:41:23,635 : INFO : topic #37 (0.020): 0.009*\"love\" + 0.009*\"man\" + 0.007*\"gestur\" + 0.006*\"septemb\" + 0.006*\"charact\" + 0.005*\"comic\" + 0.005*\"dixi\" + 0.005*\"blue\" + 0.005*\"appear\" + 0.004*\"madison\"\n", - "2019-01-31 00:41:23,637 : INFO : topic #43 (0.020): 0.063*\"elect\" + 0.053*\"parti\" + 0.025*\"voluntari\" + 0.024*\"democrat\" + 0.021*\"member\" + 0.017*\"polici\" + 0.016*\"republ\" + 0.014*\"report\" + 0.014*\"bypass\" + 0.014*\"selma\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:41:23,638 : INFO : topic #26 (0.020): 0.032*\"workplac\" + 0.030*\"champion\" + 0.027*\"woman\" + 0.026*\"olymp\" + 0.025*\"men\" + 0.021*\"medal\" + 0.020*\"event\" + 0.018*\"nation\" + 0.018*\"taxpay\" + 0.017*\"alic\"\n", - "2019-01-31 00:41:23,644 : INFO : topic diff=0.006173, rho=0.036736\n", - "2019-01-31 00:41:23,801 : INFO : PROGRESS: pass 0, at document #1484000/4922894\n", - "2019-01-31 00:41:25,176 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:41:25,442 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"gener\" + 0.006*\"exampl\" + 0.006*\"poet\" + 0.006*\"théori\" + 0.006*\"servitud\" + 0.006*\"method\" + 0.006*\"utopian\" + 0.006*\"measur\"\n", - "2019-01-31 00:41:25,443 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"disco\" + 0.008*\"media\" + 0.007*\"have\" + 0.007*\"pathwai\" + 0.007*\"hormon\" + 0.007*\"caus\" + 0.006*\"effect\" + 0.006*\"treat\" + 0.006*\"proper\"\n", - "2019-01-31 00:41:25,444 : INFO : topic #27 (0.020): 0.071*\"questionnair\" + 0.018*\"candid\" + 0.017*\"taxpay\" + 0.014*\"godaddi\" + 0.013*\"driver\" + 0.013*\"ret\" + 0.012*\"fool\" + 0.011*\"find\" + 0.011*\"tornado\" + 0.010*\"poet\"\n", - "2019-01-31 00:41:25,444 : INFO : topic #13 (0.020): 0.027*\"sourc\" + 0.026*\"australia\" + 0.025*\"london\" + 0.025*\"new\" + 0.023*\"england\" + 0.023*\"australian\" + 0.020*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:41:25,446 : INFO : topic #29 (0.020): 0.025*\"companhia\" + 0.011*\"million\" + 0.011*\"busi\" + 0.009*\"market\" + 0.009*\"produc\" + 0.009*\"bank\" + 0.008*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 00:41:25,451 : INFO : topic diff=0.006195, rho=0.036711\n", - "2019-01-31 00:41:25,607 : INFO : PROGRESS: pass 0, at document #1486000/4922894\n", - "2019-01-31 00:41:26,986 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:41:27,253 : INFO : topic #48 (0.020): 0.076*\"sens\" + 0.075*\"march\" + 0.075*\"octob\" + 0.069*\"juli\" + 0.068*\"januari\" + 0.067*\"april\" + 0.066*\"notion\" + 0.066*\"august\" + 0.065*\"judici\" + 0.063*\"decatur\"\n", - "2019-01-31 00:41:27,254 : INFO : topic #14 (0.020): 0.025*\"forc\" + 0.024*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.013*\"unionist\" + 0.013*\"militari\" + 0.013*\"oper\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 00:41:27,255 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.028*\"new\" + 0.022*\"palmer\" + 0.015*\"strategist\" + 0.012*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.011*\"year\" + 0.010*\"lobe\" + 0.009*\"dai\"\n", - "2019-01-31 00:41:27,256 : INFO : topic #24 (0.020): 0.042*\"book\" + 0.035*\"publicis\" + 0.024*\"word\" + 0.017*\"new\" + 0.015*\"edit\" + 0.013*\"storag\" + 0.013*\"presid\" + 0.012*\"nicola\" + 0.012*\"collect\" + 0.011*\"magazin\"\n", - "2019-01-31 00:41:27,257 : INFO : topic #25 (0.020): 0.030*\"ring\" + 0.017*\"warmth\" + 0.017*\"lagrang\" + 0.017*\"area\" + 0.016*\"mount\" + 0.009*\"palmer\" + 0.009*\"foam\" + 0.008*\"vacant\" + 0.008*\"north\" + 0.008*\"land\"\n", - "2019-01-31 00:41:27,263 : INFO : topic diff=0.006561, rho=0.036686\n", - "2019-01-31 00:41:27,419 : INFO : PROGRESS: pass 0, at document #1488000/4922894\n", - "2019-01-31 00:41:28,809 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:41:29,075 : INFO : topic #16 (0.020): 0.049*\"king\" + 0.030*\"priest\" + 0.020*\"duke\" + 0.019*\"rotterdam\" + 0.019*\"grammat\" + 0.019*\"quarterli\" + 0.017*\"idiosyncrat\" + 0.015*\"kingdom\" + 0.013*\"portugues\" + 0.012*\"maria\"\n", - "2019-01-31 00:41:29,076 : INFO : topic #21 (0.020): 0.035*\"samford\" + 0.021*\"spain\" + 0.018*\"mexico\" + 0.018*\"del\" + 0.013*\"soviet\" + 0.013*\"santa\" + 0.012*\"juan\" + 0.011*\"lizard\" + 0.011*\"francisco\" + 0.011*\"carlo\"\n", - "2019-01-31 00:41:29,077 : INFO : topic #39 (0.020): 0.050*\"canada\" + 0.037*\"canadian\" + 0.021*\"toronto\" + 0.019*\"hoar\" + 0.018*\"ontario\" + 0.014*\"new\" + 0.013*\"hydrogen\" + 0.013*\"novotná\" + 0.012*\"misericordia\" + 0.011*\"quebec\"\n", - "2019-01-31 00:41:29,078 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"gener\" + 0.006*\"exampl\" + 0.006*\"théori\" + 0.006*\"poet\" + 0.006*\"servitud\" + 0.006*\"utopian\" + 0.006*\"method\" + 0.006*\"measur\"\n", - "2019-01-31 00:41:29,079 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.028*\"offic\" + 0.023*\"minist\" + 0.022*\"nation\" + 0.020*\"member\" + 0.020*\"govern\" + 0.019*\"serv\" + 0.018*\"gener\" + 0.016*\"seri\" + 0.015*\"chickasaw\"\n", - "2019-01-31 00:41:29,085 : INFO : topic diff=0.005363, rho=0.036662\n", - "2019-01-31 00:41:29,237 : INFO : PROGRESS: pass 0, at document #1490000/4922894\n", - "2019-01-31 00:41:30,614 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:41:30,880 : INFO : topic #24 (0.020): 0.042*\"book\" + 0.035*\"publicis\" + 0.024*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.013*\"storag\" + 0.012*\"nicola\" + 0.012*\"collect\" + 0.011*\"magazin\"\n", - "2019-01-31 00:41:30,881 : INFO : topic #13 (0.020): 0.027*\"sourc\" + 0.026*\"australia\" + 0.025*\"london\" + 0.025*\"new\" + 0.023*\"australian\" + 0.023*\"england\" + 0.020*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:41:30,882 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.053*\"parti\" + 0.025*\"voluntari\" + 0.024*\"democrat\" + 0.021*\"member\" + 0.017*\"republ\" + 0.017*\"polici\" + 0.014*\"report\" + 0.014*\"bypass\" + 0.013*\"selma\"\n", - "2019-01-31 00:41:30,883 : INFO : topic #42 (0.020): 0.045*\"german\" + 0.029*\"germani\" + 0.015*\"jewish\" + 0.014*\"berlin\" + 0.014*\"vol\" + 0.013*\"israel\" + 0.013*\"der\" + 0.010*\"europ\" + 0.010*\"european\" + 0.009*\"itali\"\n", - "2019-01-31 00:41:30,884 : INFO : topic #11 (0.020): 0.026*\"john\" + 0.013*\"will\" + 0.012*\"jame\" + 0.012*\"david\" + 0.011*\"rival\" + 0.010*\"mexican–american\" + 0.009*\"georg\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.007*\"rhyme\"\n", - "2019-01-31 00:41:30,890 : INFO : topic diff=0.005486, rho=0.036637\n", - "2019-01-31 00:41:31,045 : INFO : PROGRESS: pass 0, at document #1492000/4922894\n", - "2019-01-31 00:41:32,421 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:41:32,688 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.029*\"final\" + 0.023*\"wife\" + 0.020*\"tourist\" + 0.018*\"champion\" + 0.016*\"taxpay\" + 0.016*\"martin\" + 0.014*\"chamber\" + 0.013*\"tiepolo\" + 0.013*\"winner\"\n", - "2019-01-31 00:41:32,689 : INFO : topic #49 (0.020): 0.041*\"india\" + 0.029*\"incumb\" + 0.014*\"anglo\" + 0.014*\"islam\" + 0.013*\"pakistan\" + 0.012*\"televis\" + 0.011*\"sri\" + 0.011*\"muskoge\" + 0.009*\"affection\" + 0.009*\"khalsa\"\n", - "2019-01-31 00:41:32,690 : INFO : topic #8 (0.020): 0.028*\"law\" + 0.024*\"cortic\" + 0.019*\"act\" + 0.019*\"start\" + 0.013*\"ricardo\" + 0.013*\"case\" + 0.010*\"polaris\" + 0.009*\"order\" + 0.009*\"replac\" + 0.008*\"legal\"\n", - "2019-01-31 00:41:32,691 : INFO : topic #23 (0.020): 0.137*\"audit\" + 0.066*\"best\" + 0.036*\"yawn\" + 0.027*\"jacksonvil\" + 0.025*\"japanes\" + 0.024*\"festiv\" + 0.022*\"noll\" + 0.018*\"women\" + 0.018*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 00:41:32,692 : INFO : topic #29 (0.020): 0.025*\"companhia\" + 0.011*\"million\" + 0.011*\"busi\" + 0.010*\"market\" + 0.009*\"produc\" + 0.009*\"bank\" + 0.008*\"yawn\" + 0.008*\"industri\" + 0.008*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 00:41:32,698 : INFO : topic diff=0.005837, rho=0.036613\n", - "2019-01-31 00:41:32,853 : INFO : PROGRESS: pass 0, at document #1494000/4922894\n", - "2019-01-31 00:41:34,235 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:41:34,502 : INFO : topic #23 (0.020): 0.137*\"audit\" + 0.066*\"best\" + 0.036*\"yawn\" + 0.028*\"jacksonvil\" + 0.026*\"japanes\" + 0.024*\"festiv\" + 0.022*\"noll\" + 0.019*\"women\" + 0.018*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 00:41:34,503 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.016*\"pour\" + 0.015*\"depress\" + 0.009*\"elabor\" + 0.008*\"veget\" + 0.008*\"mode\" + 0.007*\"uruguayan\" + 0.007*\"encyclopedia\" + 0.007*\"candid\" + 0.007*\"produc\"\n", - "2019-01-31 00:41:34,503 : INFO : topic #16 (0.020): 0.049*\"king\" + 0.032*\"priest\" + 0.020*\"grammat\" + 0.020*\"duke\" + 0.019*\"rotterdam\" + 0.019*\"quarterli\" + 0.017*\"idiosyncrat\" + 0.015*\"kingdom\" + 0.013*\"portugues\" + 0.012*\"count\"\n", - "2019-01-31 00:41:34,505 : INFO : topic #15 (0.020): 0.011*\"organ\" + 0.011*\"small\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"group\" + 0.009*\"word\" + 0.008*\"peopl\" + 0.008*\"cultur\" + 0.007*\"woman\" + 0.007*\"human\"\n", - "2019-01-31 00:41:34,506 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.022*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:41:34,512 : INFO : topic diff=0.006679, rho=0.036588\n", - "2019-01-31 00:41:34,663 : INFO : PROGRESS: pass 0, at document #1496000/4922894\n", - "2019-01-31 00:41:36,020 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:41:36,286 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.053*\"parti\" + 0.025*\"voluntari\" + 0.023*\"democrat\" + 0.021*\"member\" + 0.017*\"polici\" + 0.016*\"republ\" + 0.014*\"report\" + 0.014*\"bypass\" + 0.013*\"selma\"\n", - "2019-01-31 00:41:36,287 : INFO : topic #28 (0.020): 0.031*\"build\" + 0.025*\"hous\" + 0.023*\"rivièr\" + 0.016*\"buford\" + 0.012*\"briarwood\" + 0.012*\"histor\" + 0.011*\"strategist\" + 0.011*\"constitut\" + 0.010*\"depress\" + 0.010*\"linear\"\n", - "2019-01-31 00:41:36,288 : INFO : topic #11 (0.020): 0.026*\"john\" + 0.013*\"will\" + 0.012*\"jame\" + 0.012*\"david\" + 0.011*\"rival\" + 0.010*\"mexican–american\" + 0.009*\"georg\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.007*\"rhyme\"\n", - "2019-01-31 00:41:36,289 : INFO : topic #17 (0.020): 0.075*\"church\" + 0.021*\"cathol\" + 0.021*\"christian\" + 0.019*\"bishop\" + 0.015*\"sail\" + 0.015*\"retroflex\" + 0.010*\"cathedr\" + 0.009*\"relationship\" + 0.009*\"centuri\" + 0.009*\"parish\"\n", - "2019-01-31 00:41:36,290 : INFO : topic #16 (0.020): 0.049*\"king\" + 0.032*\"priest\" + 0.020*\"grammat\" + 0.019*\"quarterli\" + 0.019*\"rotterdam\" + 0.019*\"duke\" + 0.017*\"idiosyncrat\" + 0.014*\"kingdom\" + 0.013*\"portugues\" + 0.012*\"maria\"\n", - "2019-01-31 00:41:36,296 : INFO : topic diff=0.005765, rho=0.036564\n", - "2019-01-31 00:41:36,453 : INFO : PROGRESS: pass 0, at document #1498000/4922894\n", - "2019-01-31 00:41:37,850 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:41:38,116 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.024*\"factor\" + 0.020*\"adulthood\" + 0.016*\"feel\" + 0.015*\"male\" + 0.012*\"hostil\" + 0.012*\"plaisir\" + 0.010*\"genu\" + 0.009*\"live\" + 0.008*\"yawn\"\n", - "2019-01-31 00:41:38,117 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.022*\"spain\" + 0.018*\"mexico\" + 0.018*\"del\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"lizard\" + 0.011*\"francisco\" + 0.011*\"carlo\"\n", - "2019-01-31 00:41:38,118 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.016*\"pour\" + 0.015*\"depress\" + 0.009*\"elabor\" + 0.008*\"veget\" + 0.008*\"mode\" + 0.007*\"encyclopedia\" + 0.007*\"uruguayan\" + 0.007*\"produc\" + 0.007*\"candid\"\n", - "2019-01-31 00:41:38,119 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"prognosi\" + 0.011*\"pop\" + 0.009*\"develop\" + 0.009*\"cytokin\" + 0.008*\"softwar\" + 0.008*\"user\" + 0.007*\"championship\" + 0.007*\"diggin\" + 0.007*\"uruguayan\"\n", - "2019-01-31 00:41:38,120 : INFO : topic #43 (0.020): 0.063*\"elect\" + 0.054*\"parti\" + 0.025*\"voluntari\" + 0.023*\"democrat\" + 0.021*\"member\" + 0.017*\"polici\" + 0.016*\"republ\" + 0.014*\"report\" + 0.014*\"bypass\" + 0.013*\"selma\"\n", - "2019-01-31 00:41:38,126 : INFO : topic diff=0.006082, rho=0.036539\n", - "2019-01-31 00:41:40,875 : INFO : -11.689 per-word bound, 3300.9 perplexity estimate based on a held-out corpus of 2000 documents with 582129 words\n", - "2019-01-31 00:41:40,876 : INFO : PROGRESS: pass 0, at document #1500000/4922894\n", - "2019-01-31 00:41:42,286 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:41:42,552 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.024*\"cortic\" + 0.019*\"start\" + 0.019*\"act\" + 0.014*\"ricardo\" + 0.013*\"case\" + 0.010*\"polaris\" + 0.009*\"order\" + 0.009*\"replac\" + 0.008*\"legal\"\n", - "2019-01-31 00:41:42,553 : INFO : topic #30 (0.020): 0.038*\"cleveland\" + 0.037*\"leagu\" + 0.028*\"place\" + 0.026*\"taxpay\" + 0.026*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:41:42,554 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.037*\"shield\" + 0.018*\"narrat\" + 0.013*\"blur\" + 0.013*\"scot\" + 0.013*\"pope\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.009*\"bahá\" + 0.009*\"fleet\"\n", - "2019-01-31 00:41:42,555 : INFO : topic #36 (0.020): 0.011*\"prognosi\" + 0.011*\"network\" + 0.011*\"pop\" + 0.009*\"develop\" + 0.009*\"cytokin\" + 0.008*\"softwar\" + 0.008*\"user\" + 0.007*\"championship\" + 0.007*\"uruguayan\" + 0.007*\"diggin\"\n", - "2019-01-31 00:41:42,556 : INFO : topic #19 (0.020): 0.015*\"languag\" + 0.011*\"centuri\" + 0.010*\"woodcut\" + 0.010*\"form\" + 0.009*\"origin\" + 0.008*\"mean\" + 0.007*\"trade\" + 0.007*\"like\" + 0.006*\"english\" + 0.006*\"known\"\n", - "2019-01-31 00:41:42,562 : INFO : topic diff=0.005669, rho=0.036515\n", - "2019-01-31 00:41:42,721 : INFO : PROGRESS: pass 0, at document #1502000/4922894\n", - "2019-01-31 00:41:44,127 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:41:44,393 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.024*\"factor\" + 0.020*\"adulthood\" + 0.016*\"feel\" + 0.015*\"male\" + 0.012*\"hostil\" + 0.011*\"plaisir\" + 0.010*\"genu\" + 0.009*\"live\" + 0.008*\"yawn\"\n", - "2019-01-31 00:41:44,394 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.025*\"septemb\" + 0.024*\"epiru\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.011*\"acrimoni\"\n", - "2019-01-31 00:41:44,395 : INFO : topic #29 (0.020): 0.025*\"companhia\" + 0.011*\"million\" + 0.011*\"busi\" + 0.010*\"market\" + 0.009*\"produc\" + 0.009*\"bank\" + 0.008*\"yawn\" + 0.008*\"industri\" + 0.008*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 00:41:44,397 : INFO : topic #30 (0.020): 0.038*\"cleveland\" + 0.037*\"leagu\" + 0.028*\"place\" + 0.026*\"taxpay\" + 0.026*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:41:44,398 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.018*\"warmth\" + 0.017*\"lagrang\" + 0.017*\"area\" + 0.016*\"mount\" + 0.009*\"foam\" + 0.009*\"palmer\" + 0.008*\"vacant\" + 0.008*\"north\" + 0.008*\"land\"\n", - "2019-01-31 00:41:44,405 : INFO : topic diff=0.006691, rho=0.036491\n", - "2019-01-31 00:41:44,620 : INFO : PROGRESS: pass 0, at document #1504000/4922894\n", - "2019-01-31 00:41:46,054 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:41:46,320 : INFO : topic #27 (0.020): 0.074*\"questionnair\" + 0.019*\"taxpay\" + 0.018*\"candid\" + 0.013*\"driver\" + 0.013*\"godaddi\" + 0.012*\"fool\" + 0.011*\"ret\" + 0.011*\"find\" + 0.011*\"tornado\" + 0.011*\"squatter\"\n", - "2019-01-31 00:41:46,321 : INFO : topic #21 (0.020): 0.038*\"samford\" + 0.021*\"spain\" + 0.018*\"mexico\" + 0.018*\"del\" + 0.013*\"francisco\" + 0.013*\"soviet\" + 0.013*\"santa\" + 0.011*\"juan\" + 0.011*\"lizard\" + 0.011*\"carlo\"\n", - "2019-01-31 00:41:46,323 : INFO : topic #48 (0.020): 0.076*\"sens\" + 0.076*\"octob\" + 0.075*\"march\" + 0.070*\"juli\" + 0.068*\"januari\" + 0.067*\"april\" + 0.067*\"notion\" + 0.066*\"august\" + 0.066*\"judici\" + 0.064*\"decatur\"\n", - "2019-01-31 00:41:46,324 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.035*\"publicis\" + 0.024*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.013*\"storag\" + 0.012*\"nicola\" + 0.012*\"collect\" + 0.011*\"magazin\"\n", - "2019-01-31 00:41:46,325 : INFO : topic #14 (0.020): 0.025*\"forc\" + 0.024*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.017*\"com\" + 0.013*\"unionist\" + 0.013*\"oper\" + 0.013*\"militari\" + 0.012*\"diversifi\" + 0.011*\"airbu\"\n", - "2019-01-31 00:41:46,331 : INFO : topic diff=0.005575, rho=0.036466\n", - "2019-01-31 00:41:46,488 : INFO : PROGRESS: pass 0, at document #1506000/4922894\n", - "2019-01-31 00:41:47,896 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:41:48,163 : INFO : topic #14 (0.020): 0.025*\"forc\" + 0.023*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.017*\"com\" + 0.013*\"unionist\" + 0.013*\"oper\" + 0.013*\"militari\" + 0.012*\"diversifi\" + 0.011*\"airbu\"\n", - "2019-01-31 00:41:48,164 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"battalion\" + 0.009*\"aza\" + 0.008*\"forc\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.006*\"militari\" + 0.006*\"govern\" + 0.006*\"king\"\n", - "2019-01-31 00:41:48,165 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.011*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"group\" + 0.009*\"word\" + 0.008*\"peopl\" + 0.008*\"cultur\" + 0.007*\"woman\" + 0.007*\"human\"\n", - "2019-01-31 00:41:48,167 : INFO : topic #19 (0.020): 0.015*\"languag\" + 0.011*\"centuri\" + 0.010*\"woodcut\" + 0.010*\"form\" + 0.009*\"origin\" + 0.008*\"mean\" + 0.007*\"trade\" + 0.007*\"like\" + 0.006*\"god\" + 0.006*\"known\"\n", - "2019-01-31 00:41:48,168 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.028*\"new\" + 0.023*\"palmer\" + 0.014*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"year\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"dai\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:41:48,174 : INFO : topic diff=0.006276, rho=0.036442\n", - "2019-01-31 00:41:48,332 : INFO : PROGRESS: pass 0, at document #1508000/4922894\n", - "2019-01-31 00:41:49,754 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:41:50,020 : INFO : topic #31 (0.020): 0.058*\"fusiform\" + 0.025*\"scientist\" + 0.024*\"player\" + 0.024*\"taxpay\" + 0.020*\"place\" + 0.014*\"clot\" + 0.012*\"folei\" + 0.012*\"leagu\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 00:41:50,022 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"gener\" + 0.006*\"théori\" + 0.006*\"poet\" + 0.006*\"exampl\" + 0.006*\"southern\" + 0.006*\"servitud\" + 0.006*\"method\" + 0.005*\"differ\"\n", - "2019-01-31 00:41:50,023 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.035*\"publicis\" + 0.024*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"storag\" + 0.012*\"nicola\" + 0.012*\"collect\" + 0.011*\"magazin\"\n", - "2019-01-31 00:41:50,024 : INFO : topic #27 (0.020): 0.074*\"questionnair\" + 0.019*\"taxpay\" + 0.018*\"candid\" + 0.013*\"driver\" + 0.013*\"godaddi\" + 0.012*\"fool\" + 0.012*\"ret\" + 0.011*\"find\" + 0.011*\"tornado\" + 0.011*\"squatter\"\n", - "2019-01-31 00:41:50,025 : INFO : topic #21 (0.020): 0.038*\"samford\" + 0.020*\"spain\" + 0.018*\"del\" + 0.017*\"mexico\" + 0.013*\"santa\" + 0.013*\"francisco\" + 0.013*\"soviet\" + 0.011*\"lizard\" + 0.011*\"juan\" + 0.011*\"carlo\"\n", - "2019-01-31 00:41:50,031 : INFO : topic diff=0.005304, rho=0.036418\n", - "2019-01-31 00:41:50,190 : INFO : PROGRESS: pass 0, at document #1510000/4922894\n", - "2019-01-31 00:41:51,602 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:41:51,869 : INFO : topic #6 (0.020): 0.072*\"fewer\" + 0.025*\"septemb\" + 0.023*\"epiru\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.012*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:41:51,870 : INFO : topic #34 (0.020): 0.073*\"start\" + 0.032*\"unionist\" + 0.031*\"cotton\" + 0.031*\"american\" + 0.027*\"new\" + 0.016*\"year\" + 0.014*\"california\" + 0.012*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 00:41:51,871 : INFO : topic #39 (0.020): 0.050*\"canada\" + 0.039*\"canadian\" + 0.022*\"hoar\" + 0.021*\"toronto\" + 0.018*\"ontario\" + 0.014*\"hydrogen\" + 0.014*\"new\" + 0.012*\"novotná\" + 0.012*\"misericordia\" + 0.012*\"quebec\"\n", - "2019-01-31 00:41:51,872 : INFO : topic #49 (0.020): 0.041*\"india\" + 0.028*\"incumb\" + 0.013*\"anglo\" + 0.013*\"islam\" + 0.012*\"televis\" + 0.012*\"pakistan\" + 0.011*\"alam\" + 0.010*\"sri\" + 0.010*\"muskoge\" + 0.009*\"affection\"\n", - "2019-01-31 00:41:51,873 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.035*\"publicis\" + 0.024*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"storag\" + 0.012*\"nicola\" + 0.012*\"collect\" + 0.011*\"magazin\"\n", - "2019-01-31 00:41:51,879 : INFO : topic diff=0.007031, rho=0.036394\n", - "2019-01-31 00:41:52,034 : INFO : PROGRESS: pass 0, at document #1512000/4922894\n", - "2019-01-31 00:41:53,429 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:41:53,695 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"gener\" + 0.006*\"poet\" + 0.006*\"théori\" + 0.006*\"exampl\" + 0.006*\"southern\" + 0.006*\"servitud\" + 0.006*\"method\" + 0.005*\"differ\"\n", - "2019-01-31 00:41:53,697 : INFO : topic #40 (0.020): 0.088*\"unit\" + 0.023*\"schuster\" + 0.022*\"collector\" + 0.021*\"institut\" + 0.020*\"requir\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.012*\"http\" + 0.011*\"degre\"\n", - "2019-01-31 00:41:53,698 : INFO : topic #28 (0.020): 0.031*\"build\" + 0.025*\"hous\" + 0.022*\"rivièr\" + 0.017*\"buford\" + 0.012*\"histor\" + 0.012*\"briarwood\" + 0.011*\"constitut\" + 0.011*\"strategist\" + 0.010*\"depress\" + 0.010*\"linear\"\n", - "2019-01-31 00:41:53,699 : INFO : topic #13 (0.020): 0.027*\"australia\" + 0.027*\"sourc\" + 0.027*\"london\" + 0.025*\"new\" + 0.023*\"australian\" + 0.022*\"england\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:41:53,700 : INFO : topic #44 (0.020): 0.033*\"rooftop\" + 0.030*\"final\" + 0.024*\"wife\" + 0.020*\"tourist\" + 0.018*\"champion\" + 0.016*\"taxpay\" + 0.016*\"martin\" + 0.014*\"chamber\" + 0.013*\"tiepolo\" + 0.013*\"winner\"\n", - "2019-01-31 00:41:53,706 : INFO : topic diff=0.005473, rho=0.036370\n", - "2019-01-31 00:41:53,860 : INFO : PROGRESS: pass 0, at document #1514000/4922894\n", - "2019-01-31 00:41:55,240 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:41:55,506 : INFO : topic #32 (0.020): 0.053*\"district\" + 0.045*\"vigour\" + 0.044*\"popolo\" + 0.041*\"tortur\" + 0.030*\"cotton\" + 0.028*\"area\" + 0.024*\"regim\" + 0.023*\"multitud\" + 0.022*\"citi\" + 0.019*\"cede\"\n", - "2019-01-31 00:41:55,507 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.042*\"chilton\" + 0.025*\"kong\" + 0.025*\"hong\" + 0.023*\"korea\" + 0.022*\"korean\" + 0.018*\"sourc\" + 0.016*\"leah\" + 0.014*\"kim\" + 0.014*\"articul\"\n", - "2019-01-31 00:41:55,508 : INFO : topic #17 (0.020): 0.074*\"church\" + 0.022*\"cathol\" + 0.021*\"christian\" + 0.020*\"bishop\" + 0.015*\"sail\" + 0.015*\"retroflex\" + 0.009*\"cathedr\" + 0.009*\"relationship\" + 0.009*\"historiographi\" + 0.009*\"parish\"\n", - "2019-01-31 00:41:55,509 : INFO : topic #34 (0.020): 0.074*\"start\" + 0.032*\"unionist\" + 0.031*\"cotton\" + 0.031*\"american\" + 0.027*\"new\" + 0.016*\"year\" + 0.014*\"california\" + 0.012*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 00:41:55,510 : INFO : topic #27 (0.020): 0.074*\"questionnair\" + 0.019*\"taxpay\" + 0.017*\"candid\" + 0.014*\"ret\" + 0.013*\"driver\" + 0.012*\"fool\" + 0.012*\"godaddi\" + 0.011*\"tornado\" + 0.011*\"find\" + 0.010*\"landslid\"\n", - "2019-01-31 00:41:55,516 : INFO : topic diff=0.005304, rho=0.036346\n", - "2019-01-31 00:41:55,672 : INFO : PROGRESS: pass 0, at document #1516000/4922894\n", - "2019-01-31 00:41:57,073 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:41:57,339 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"gener\" + 0.006*\"poet\" + 0.006*\"exampl\" + 0.006*\"théori\" + 0.006*\"southern\" + 0.006*\"servitud\" + 0.006*\"method\" + 0.005*\"differ\"\n", - "2019-01-31 00:41:57,341 : INFO : topic #35 (0.020): 0.056*\"russia\" + 0.036*\"sovereignti\" + 0.033*\"rural\" + 0.025*\"reprint\" + 0.025*\"personifi\" + 0.023*\"poison\" + 0.021*\"moscow\" + 0.019*\"unfortun\" + 0.016*\"poland\" + 0.015*\"turin\"\n", - "2019-01-31 00:41:57,342 : INFO : topic #2 (0.020): 0.046*\"isl\" + 0.037*\"shield\" + 0.018*\"narrat\" + 0.013*\"scot\" + 0.012*\"blur\" + 0.012*\"pope\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.010*\"bahá\" + 0.009*\"fleet\"\n", - "2019-01-31 00:41:57,343 : INFO : topic #39 (0.020): 0.051*\"canada\" + 0.039*\"canadian\" + 0.022*\"toronto\" + 0.021*\"hoar\" + 0.018*\"ontario\" + 0.014*\"new\" + 0.014*\"hydrogen\" + 0.013*\"novotná\" + 0.012*\"misericordia\" + 0.011*\"quebec\"\n", - "2019-01-31 00:41:57,344 : INFO : topic #13 (0.020): 0.027*\"london\" + 0.026*\"sourc\" + 0.026*\"australia\" + 0.025*\"new\" + 0.023*\"australian\" + 0.022*\"england\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:41:57,349 : INFO : topic diff=0.006034, rho=0.036322\n", - "2019-01-31 00:41:57,505 : INFO : PROGRESS: pass 0, at document #1518000/4922894\n", - "2019-01-31 00:41:58,899 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:41:59,165 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.018*\"warmth\" + 0.017*\"area\" + 0.017*\"lagrang\" + 0.015*\"mount\" + 0.009*\"palmer\" + 0.009*\"foam\" + 0.008*\"vacant\" + 0.008*\"north\" + 0.008*\"lobe\"\n", - "2019-01-31 00:41:59,167 : INFO : topic #27 (0.020): 0.074*\"questionnair\" + 0.019*\"taxpay\" + 0.017*\"candid\" + 0.014*\"ret\" + 0.013*\"driver\" + 0.012*\"godaddi\" + 0.012*\"fool\" + 0.011*\"tornado\" + 0.011*\"find\" + 0.010*\"squatter\"\n", - "2019-01-31 00:41:59,168 : INFO : topic #26 (0.020): 0.031*\"workplac\" + 0.030*\"champion\" + 0.027*\"woman\" + 0.025*\"olymp\" + 0.024*\"men\" + 0.022*\"medal\" + 0.021*\"event\" + 0.018*\"nation\" + 0.018*\"taxpay\" + 0.017*\"atheist\"\n", - "2019-01-31 00:41:59,169 : INFO : topic #37 (0.020): 0.009*\"man\" + 0.009*\"love\" + 0.007*\"gestur\" + 0.006*\"charact\" + 0.006*\"septemb\" + 0.006*\"comic\" + 0.005*\"blue\" + 0.005*\"appear\" + 0.005*\"dixi\" + 0.004*\"admit\"\n", - "2019-01-31 00:41:59,170 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"prognosi\" + 0.010*\"pop\" + 0.009*\"develop\" + 0.009*\"cytokin\" + 0.008*\"user\" + 0.008*\"softwar\" + 0.007*\"championship\" + 0.007*\"diggin\" + 0.007*\"uruguayan\"\n", - "2019-01-31 00:41:59,176 : INFO : topic diff=0.005246, rho=0.036298\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:42:01,852 : INFO : -11.877 per-word bound, 3762.5 perplexity estimate based on a held-out corpus of 2000 documents with 535638 words\n", - "2019-01-31 00:42:01,852 : INFO : PROGRESS: pass 0, at document #1520000/4922894\n", - "2019-01-31 00:42:03,233 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:42:03,500 : INFO : topic #47 (0.020): 0.066*\"muscl\" + 0.035*\"perceptu\" + 0.020*\"theater\" + 0.018*\"place\" + 0.017*\"compos\" + 0.017*\"damn\" + 0.014*\"olympo\" + 0.014*\"physician\" + 0.013*\"orchestr\" + 0.012*\"word\"\n", - "2019-01-31 00:42:03,501 : INFO : topic #40 (0.020): 0.088*\"unit\" + 0.023*\"schuster\" + 0.022*\"collector\" + 0.021*\"institut\" + 0.020*\"requir\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.012*\"http\" + 0.011*\"degre\"\n", - "2019-01-31 00:42:03,502 : INFO : topic #35 (0.020): 0.056*\"russia\" + 0.035*\"sovereignti\" + 0.033*\"rural\" + 0.026*\"personifi\" + 0.025*\"reprint\" + 0.024*\"poison\" + 0.021*\"moscow\" + 0.019*\"unfortun\" + 0.016*\"poland\" + 0.014*\"turin\"\n", - "2019-01-31 00:42:03,503 : INFO : topic #7 (0.020): 0.022*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.015*\"margin\" + 0.014*\"life\" + 0.014*\"bone\" + 0.012*\"faster\" + 0.012*\"will\" + 0.012*\"daughter\"\n", - "2019-01-31 00:42:03,505 : INFO : topic #17 (0.020): 0.074*\"church\" + 0.022*\"cathol\" + 0.021*\"christian\" + 0.021*\"bishop\" + 0.015*\"sail\" + 0.015*\"retroflex\" + 0.009*\"relationship\" + 0.009*\"historiographi\" + 0.009*\"cathedr\" + 0.009*\"centuri\"\n", - "2019-01-31 00:42:03,510 : INFO : topic diff=0.004966, rho=0.036274\n", - "2019-01-31 00:42:03,670 : INFO : PROGRESS: pass 0, at document #1522000/4922894\n", - "2019-01-31 00:42:05,434 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:42:05,702 : INFO : topic #24 (0.020): 0.042*\"book\" + 0.035*\"publicis\" + 0.024*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"storag\" + 0.012*\"nicola\" + 0.012*\"collect\" + 0.011*\"author\"\n", - "2019-01-31 00:42:05,703 : INFO : topic #39 (0.020): 0.050*\"canada\" + 0.039*\"canadian\" + 0.021*\"toronto\" + 0.021*\"hoar\" + 0.018*\"ontario\" + 0.014*\"new\" + 0.014*\"hydrogen\" + 0.013*\"misericordia\" + 0.013*\"novotná\" + 0.012*\"quebec\"\n", - "2019-01-31 00:42:05,704 : INFO : topic #9 (0.020): 0.073*\"bone\" + 0.043*\"american\" + 0.025*\"valour\" + 0.019*\"dutch\" + 0.018*\"polit\" + 0.017*\"player\" + 0.017*\"folei\" + 0.016*\"english\" + 0.013*\"acrimoni\" + 0.013*\"simpler\"\n", - "2019-01-31 00:42:05,705 : INFO : topic #45 (0.020): 0.026*\"jpg\" + 0.025*\"fifteenth\" + 0.017*\"illicit\" + 0.016*\"colder\" + 0.015*\"western\" + 0.015*\"black\" + 0.012*\"record\" + 0.010*\"blind\" + 0.007*\"light\" + 0.007*\"depress\"\n", - "2019-01-31 00:42:05,706 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.004*\"end\" + 0.004*\"like\" + 0.004*\"man\" + 0.004*\"call\"\n", - "2019-01-31 00:42:05,712 : INFO : topic diff=0.005709, rho=0.036250\n", - "2019-01-31 00:42:05,870 : INFO : PROGRESS: pass 0, at document #1524000/4922894\n", - "2019-01-31 00:42:07,731 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:42:07,999 : INFO : topic #39 (0.020): 0.050*\"canada\" + 0.039*\"canadian\" + 0.021*\"toronto\" + 0.021*\"hoar\" + 0.018*\"ontario\" + 0.014*\"new\" + 0.014*\"hydrogen\" + 0.013*\"misericordia\" + 0.012*\"novotná\" + 0.012*\"quebec\"\n", - "2019-01-31 00:42:08,000 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.008*\"forc\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.006*\"militari\" + 0.006*\"govern\" + 0.006*\"pour\"\n", - "2019-01-31 00:42:08,001 : INFO : topic #9 (0.020): 0.073*\"bone\" + 0.043*\"american\" + 0.025*\"valour\" + 0.019*\"dutch\" + 0.018*\"polit\" + 0.017*\"player\" + 0.017*\"folei\" + 0.016*\"english\" + 0.013*\"acrimoni\" + 0.013*\"simpler\"\n", - "2019-01-31 00:42:08,002 : INFO : topic #10 (0.020): 0.010*\"cdd\" + 0.008*\"disco\" + 0.008*\"media\" + 0.008*\"pathwai\" + 0.007*\"hormon\" + 0.007*\"caus\" + 0.007*\"have\" + 0.006*\"effect\" + 0.006*\"proper\" + 0.006*\"treat\"\n", - "2019-01-31 00:42:08,003 : INFO : topic #30 (0.020): 0.037*\"cleveland\" + 0.037*\"leagu\" + 0.029*\"place\" + 0.026*\"taxpay\" + 0.026*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:42:08,009 : INFO : topic diff=0.006597, rho=0.036226\n", - "2019-01-31 00:42:08,170 : INFO : PROGRESS: pass 0, at document #1526000/4922894\n", - "2019-01-31 00:42:09,648 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:42:09,915 : INFO : topic #2 (0.020): 0.046*\"isl\" + 0.038*\"shield\" + 0.017*\"narrat\" + 0.013*\"scot\" + 0.012*\"blur\" + 0.012*\"pope\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.009*\"class\" + 0.009*\"fleet\"\n", - "2019-01-31 00:42:09,916 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.022*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:42:09,917 : INFO : topic #16 (0.020): 0.048*\"king\" + 0.030*\"priest\" + 0.019*\"grammat\" + 0.019*\"quarterli\" + 0.019*\"rotterdam\" + 0.018*\"idiosyncrat\" + 0.018*\"duke\" + 0.015*\"kingdom\" + 0.014*\"portugues\" + 0.013*\"maria\"\n", - "2019-01-31 00:42:09,918 : INFO : topic #33 (0.020): 0.063*\"french\" + 0.045*\"franc\" + 0.030*\"pari\" + 0.021*\"sail\" + 0.021*\"jean\" + 0.018*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.011*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 00:42:09,919 : INFO : topic #27 (0.020): 0.073*\"questionnair\" + 0.019*\"taxpay\" + 0.018*\"candid\" + 0.016*\"ret\" + 0.013*\"driver\" + 0.012*\"tornado\" + 0.012*\"find\" + 0.011*\"fool\" + 0.011*\"godaddi\" + 0.010*\"squatter\"\n", - "2019-01-31 00:42:09,925 : INFO : topic diff=0.006089, rho=0.036202\n", - "2019-01-31 00:42:10,079 : INFO : PROGRESS: pass 0, at document #1528000/4922894\n", - "2019-01-31 00:42:11,456 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:42:11,723 : INFO : topic #9 (0.020): 0.073*\"bone\" + 0.042*\"american\" + 0.026*\"valour\" + 0.019*\"dutch\" + 0.018*\"polit\" + 0.017*\"player\" + 0.017*\"folei\" + 0.016*\"english\" + 0.013*\"acrimoni\" + 0.013*\"simpler\"\n", - "2019-01-31 00:42:11,724 : INFO : topic #44 (0.020): 0.032*\"rooftop\" + 0.029*\"final\" + 0.023*\"wife\" + 0.020*\"tourist\" + 0.019*\"champion\" + 0.017*\"taxpay\" + 0.015*\"martin\" + 0.014*\"chamber\" + 0.013*\"tiepolo\" + 0.012*\"winner\"\n", - "2019-01-31 00:42:11,725 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.022*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:42:11,726 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.004*\"end\" + 0.004*\"man\" + 0.004*\"call\"\n", - "2019-01-31 00:42:11,727 : INFO : topic #40 (0.020): 0.088*\"unit\" + 0.023*\"schuster\" + 0.022*\"collector\" + 0.022*\"institut\" + 0.020*\"requir\" + 0.018*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"http\" + 0.011*\"degre\"\n", - "2019-01-31 00:42:11,733 : INFO : topic diff=0.006765, rho=0.036179\n", - "2019-01-31 00:42:11,891 : INFO : PROGRESS: pass 0, at document #1530000/4922894\n", - "2019-01-31 00:42:13,296 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:42:13,563 : INFO : topic #30 (0.020): 0.037*\"leagu\" + 0.037*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.026*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.011*\"schmitz\"\n", - "2019-01-31 00:42:13,564 : INFO : topic #32 (0.020): 0.052*\"district\" + 0.045*\"vigour\" + 0.044*\"popolo\" + 0.040*\"tortur\" + 0.029*\"cotton\" + 0.028*\"area\" + 0.024*\"regim\" + 0.023*\"multitud\" + 0.022*\"citi\" + 0.019*\"commun\"\n", - "2019-01-31 00:42:13,565 : INFO : topic #46 (0.020): 0.018*\"stop\" + 0.018*\"swedish\" + 0.018*\"sweden\" + 0.017*\"norwai\" + 0.015*\"wind\" + 0.015*\"norwegian\" + 0.014*\"damag\" + 0.012*\"huntsvil\" + 0.011*\"farid\" + 0.011*\"denmark\"\n", - "2019-01-31 00:42:13,566 : INFO : topic #33 (0.020): 0.063*\"french\" + 0.045*\"franc\" + 0.031*\"pari\" + 0.021*\"sail\" + 0.021*\"jean\" + 0.019*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.010*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 00:42:13,567 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.011*\"organ\" + 0.010*\"commun\" + 0.010*\"develop\" + 0.009*\"group\" + 0.009*\"word\" + 0.008*\"peopl\" + 0.008*\"cultur\" + 0.007*\"human\" + 0.006*\"woman\"\n", - "2019-01-31 00:42:13,573 : INFO : topic diff=0.005706, rho=0.036155\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:42:13,731 : INFO : PROGRESS: pass 0, at document #1532000/4922894\n", - "2019-01-31 00:42:15,138 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:42:15,404 : INFO : topic #30 (0.020): 0.037*\"leagu\" + 0.037*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.026*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.011*\"schmitz\"\n", - "2019-01-31 00:42:15,405 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.054*\"parti\" + 0.024*\"voluntari\" + 0.022*\"democrat\" + 0.020*\"member\" + 0.017*\"polici\" + 0.014*\"republ\" + 0.013*\"report\" + 0.013*\"seaport\" + 0.013*\"bypass\"\n", - "2019-01-31 00:42:15,406 : INFO : topic #37 (0.020): 0.009*\"man\" + 0.009*\"love\" + 0.008*\"gestur\" + 0.006*\"charact\" + 0.006*\"septemb\" + 0.006*\"comic\" + 0.005*\"blue\" + 0.005*\"appear\" + 0.004*\"dixi\" + 0.004*\"admit\"\n", - "2019-01-31 00:42:15,407 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.012*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.008*\"mean\" + 0.007*\"trade\" + 0.007*\"like\" + 0.007*\"english\" + 0.007*\"known\"\n", - "2019-01-31 00:42:15,408 : INFO : topic #39 (0.020): 0.049*\"canada\" + 0.038*\"canadian\" + 0.021*\"hoar\" + 0.021*\"ontario\" + 0.021*\"toronto\" + 0.014*\"new\" + 0.013*\"hydrogen\" + 0.013*\"novotná\" + 0.013*\"misericordia\" + 0.012*\"quebec\"\n", - "2019-01-31 00:42:15,414 : INFO : topic diff=0.005029, rho=0.036131\n", - "2019-01-31 00:42:15,628 : INFO : PROGRESS: pass 0, at document #1534000/4922894\n", - "2019-01-31 00:42:17,029 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:42:17,295 : INFO : topic #34 (0.020): 0.072*\"start\" + 0.032*\"unionist\" + 0.031*\"american\" + 0.030*\"cotton\" + 0.027*\"new\" + 0.016*\"year\" + 0.014*\"california\" + 0.012*\"warrior\" + 0.012*\"north\" + 0.012*\"terri\"\n", - "2019-01-31 00:42:17,296 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.069*\"best\" + 0.036*\"yawn\" + 0.027*\"jacksonvil\" + 0.024*\"japanes\" + 0.024*\"festiv\" + 0.021*\"noll\" + 0.019*\"women\" + 0.018*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 00:42:17,297 : INFO : topic #45 (0.020): 0.025*\"jpg\" + 0.024*\"fifteenth\" + 0.018*\"illicit\" + 0.016*\"colder\" + 0.015*\"black\" + 0.015*\"western\" + 0.012*\"record\" + 0.010*\"blind\" + 0.007*\"light\" + 0.007*\"depress\"\n", - "2019-01-31 00:42:17,298 : INFO : topic #30 (0.020): 0.037*\"leagu\" + 0.037*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.026*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:42:17,299 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.044*\"franc\" + 0.030*\"pari\" + 0.022*\"sail\" + 0.021*\"jean\" + 0.019*\"daphn\" + 0.014*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 00:42:17,305 : INFO : topic diff=0.005688, rho=0.036108\n", - "2019-01-31 00:42:17,460 : INFO : PROGRESS: pass 0, at document #1536000/4922894\n", - "2019-01-31 00:42:18,844 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:42:19,111 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.019*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.014*\"life\" + 0.012*\"faster\" + 0.012*\"daughter\" + 0.011*\"will\"\n", - "2019-01-31 00:42:19,112 : INFO : topic #37 (0.020): 0.009*\"man\" + 0.009*\"love\" + 0.008*\"gestur\" + 0.006*\"charact\" + 0.006*\"septemb\" + 0.006*\"comic\" + 0.005*\"blue\" + 0.005*\"appear\" + 0.004*\"dixi\" + 0.004*\"admit\"\n", - "2019-01-31 00:42:19,113 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.004*\"end\" + 0.004*\"help\" + 0.004*\"man\"\n", - "2019-01-31 00:42:19,114 : INFO : topic #6 (0.020): 0.072*\"fewer\" + 0.024*\"septemb\" + 0.024*\"epiru\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.012*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:42:19,115 : INFO : topic #14 (0.020): 0.025*\"forc\" + 0.024*\"aggress\" + 0.020*\"walter\" + 0.020*\"armi\" + 0.017*\"com\" + 0.013*\"unionist\" + 0.013*\"oper\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 00:42:19,121 : INFO : topic diff=0.004895, rho=0.036084\n", - "2019-01-31 00:42:19,277 : INFO : PROGRESS: pass 0, at document #1538000/4922894\n", - "2019-01-31 00:42:20,672 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:42:20,938 : INFO : topic #9 (0.020): 0.074*\"bone\" + 0.040*\"american\" + 0.026*\"valour\" + 0.018*\"dutch\" + 0.017*\"polit\" + 0.016*\"folei\" + 0.016*\"player\" + 0.016*\"english\" + 0.013*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 00:42:20,940 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.026*\"offic\" + 0.025*\"minist\" + 0.022*\"serv\" + 0.021*\"nation\" + 0.020*\"govern\" + 0.020*\"member\" + 0.019*\"gener\" + 0.016*\"seri\" + 0.015*\"chickasaw\"\n", - "2019-01-31 00:42:20,941 : INFO : topic #28 (0.020): 0.031*\"build\" + 0.025*\"hous\" + 0.021*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.012*\"briarwood\" + 0.011*\"constitut\" + 0.010*\"strategist\" + 0.010*\"depress\" + 0.010*\"linear\"\n", - "2019-01-31 00:42:20,942 : INFO : topic #42 (0.020): 0.045*\"german\" + 0.029*\"germani\" + 0.014*\"vol\" + 0.014*\"jewish\" + 0.014*\"israel\" + 0.013*\"berlin\" + 0.013*\"der\" + 0.010*\"europ\" + 0.010*\"european\" + 0.009*\"itali\"\n", - "2019-01-31 00:42:20,943 : INFO : topic #27 (0.020): 0.073*\"questionnair\" + 0.019*\"taxpay\" + 0.017*\"candid\" + 0.015*\"ret\" + 0.013*\"driver\" + 0.012*\"tornado\" + 0.012*\"fool\" + 0.012*\"find\" + 0.011*\"squatter\" + 0.010*\"landslid\"\n", - "2019-01-31 00:42:20,949 : INFO : topic diff=0.005520, rho=0.036061\n", - "2019-01-31 00:42:23,608 : INFO : -11.625 per-word bound, 3157.7 perplexity estimate based on a held-out corpus of 2000 documents with 517770 words\n", - "2019-01-31 00:42:23,609 : INFO : PROGRESS: pass 0, at document #1540000/4922894\n", - "2019-01-31 00:42:24,992 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:42:25,258 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.028*\"final\" + 0.023*\"wife\" + 0.020*\"tourist\" + 0.019*\"champion\" + 0.016*\"taxpay\" + 0.015*\"martin\" + 0.014*\"chamber\" + 0.013*\"tiepolo\" + 0.012*\"winner\"\n", - "2019-01-31 00:42:25,259 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.024*\"cortic\" + 0.018*\"start\" + 0.017*\"act\" + 0.013*\"ricardo\" + 0.013*\"case\" + 0.010*\"polaris\" + 0.009*\"replac\" + 0.008*\"legal\" + 0.008*\"order\"\n", - "2019-01-31 00:42:25,261 : INFO : topic #17 (0.020): 0.074*\"church\" + 0.022*\"cathol\" + 0.021*\"bishop\" + 0.020*\"christian\" + 0.015*\"sail\" + 0.015*\"retroflex\" + 0.010*\"cathedr\" + 0.009*\"historiographi\" + 0.009*\"centuri\" + 0.009*\"parish\"\n", - "2019-01-31 00:42:25,262 : INFO : topic #29 (0.020): 0.026*\"companhia\" + 0.011*\"million\" + 0.011*\"busi\" + 0.010*\"bank\" + 0.010*\"market\" + 0.009*\"produc\" + 0.008*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 00:42:25,263 : INFO : topic #35 (0.020): 0.057*\"russia\" + 0.035*\"sovereignti\" + 0.033*\"rural\" + 0.026*\"reprint\" + 0.025*\"personifi\" + 0.024*\"poison\" + 0.020*\"moscow\" + 0.019*\"unfortun\" + 0.016*\"poland\" + 0.015*\"czech\"\n", - "2019-01-31 00:42:25,268 : INFO : topic diff=0.005680, rho=0.036037\n", - "2019-01-31 00:42:25,425 : INFO : PROGRESS: pass 0, at document #1542000/4922894\n", - "2019-01-31 00:42:26,804 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:42:27,071 : INFO : topic #26 (0.020): 0.030*\"workplac\" + 0.029*\"champion\" + 0.028*\"woman\" + 0.026*\"olymp\" + 0.023*\"medal\" + 0.023*\"men\" + 0.021*\"event\" + 0.019*\"nation\" + 0.018*\"taxpay\" + 0.017*\"atheist\"\n", - "2019-01-31 00:42:27,072 : INFO : topic #36 (0.020): 0.012*\"network\" + 0.012*\"prognosi\" + 0.010*\"pop\" + 0.009*\"develop\" + 0.008*\"softwar\" + 0.008*\"user\" + 0.008*\"cytokin\" + 0.007*\"diggin\" + 0.007*\"championship\" + 0.007*\"includ\"\n", - "2019-01-31 00:42:27,073 : INFO : topic #32 (0.020): 0.053*\"district\" + 0.045*\"vigour\" + 0.044*\"popolo\" + 0.039*\"tortur\" + 0.029*\"cotton\" + 0.027*\"area\" + 0.024*\"regim\" + 0.023*\"multitud\" + 0.022*\"citi\" + 0.019*\"commun\"\n", - "2019-01-31 00:42:27,074 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.012*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.008*\"mean\" + 0.007*\"trade\" + 0.007*\"english\" + 0.007*\"like\" + 0.007*\"known\"\n", - "2019-01-31 00:42:27,075 : INFO : topic #45 (0.020): 0.025*\"jpg\" + 0.024*\"fifteenth\" + 0.018*\"illicit\" + 0.016*\"colder\" + 0.016*\"black\" + 0.015*\"western\" + 0.013*\"record\" + 0.011*\"blind\" + 0.007*\"light\" + 0.007*\"green\"\n", - "2019-01-31 00:42:27,081 : INFO : topic diff=0.005784, rho=0.036014\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:42:27,234 : INFO : PROGRESS: pass 0, at document #1544000/4922894\n", - "2019-01-31 00:42:28,602 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:42:28,869 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.014*\"life\" + 0.012*\"faster\" + 0.012*\"daughter\" + 0.012*\"deal\"\n", - "2019-01-31 00:42:28,870 : INFO : topic #30 (0.020): 0.037*\"cleveland\" + 0.037*\"leagu\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.026*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:42:28,871 : INFO : topic #35 (0.020): 0.056*\"russia\" + 0.035*\"sovereignti\" + 0.034*\"rural\" + 0.026*\"reprint\" + 0.024*\"personifi\" + 0.024*\"poison\" + 0.019*\"moscow\" + 0.019*\"unfortun\" + 0.016*\"poland\" + 0.015*\"czech\"\n", - "2019-01-31 00:42:28,872 : INFO : topic #0 (0.020): 0.065*\"statewid\" + 0.040*\"line\" + 0.036*\"arsen\" + 0.035*\"raid\" + 0.027*\"museo\" + 0.022*\"traceabl\" + 0.018*\"serv\" + 0.015*\"exhaust\" + 0.014*\"pain\" + 0.012*\"oper\"\n", - "2019-01-31 00:42:28,873 : INFO : topic #29 (0.020): 0.026*\"companhia\" + 0.011*\"million\" + 0.011*\"busi\" + 0.010*\"market\" + 0.010*\"bank\" + 0.009*\"produc\" + 0.008*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 00:42:28,879 : INFO : topic diff=0.005157, rho=0.035991\n", - "2019-01-31 00:42:29,037 : INFO : PROGRESS: pass 0, at document #1546000/4922894\n", - "2019-01-31 00:42:30,433 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:42:30,700 : INFO : topic #23 (0.020): 0.137*\"audit\" + 0.070*\"best\" + 0.036*\"yawn\" + 0.027*\"jacksonvil\" + 0.024*\"festiv\" + 0.024*\"japanes\" + 0.021*\"noll\" + 0.019*\"women\" + 0.018*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 00:42:30,701 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.026*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.015*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:42:30,702 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"depress\" + 0.015*\"pour\" + 0.009*\"elabor\" + 0.008*\"veget\" + 0.008*\"mode\" + 0.007*\"uruguayan\" + 0.007*\"candid\" + 0.007*\"encyclopedia\" + 0.006*\"produc\"\n", - "2019-01-31 00:42:30,703 : INFO : topic #33 (0.020): 0.063*\"french\" + 0.046*\"franc\" + 0.031*\"pari\" + 0.023*\"sail\" + 0.022*\"jean\" + 0.018*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 00:42:30,704 : INFO : topic #0 (0.020): 0.066*\"statewid\" + 0.039*\"line\" + 0.036*\"arsen\" + 0.035*\"raid\" + 0.028*\"museo\" + 0.022*\"traceabl\" + 0.017*\"serv\" + 0.014*\"exhaust\" + 0.014*\"pain\" + 0.013*\"oper\"\n", - "2019-01-31 00:42:30,710 : INFO : topic diff=0.005858, rho=0.035968\n", - "2019-01-31 00:42:30,868 : INFO : PROGRESS: pass 0, at document #1548000/4922894\n", - "2019-01-31 00:42:32,263 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:42:32,529 : INFO : topic #28 (0.020): 0.031*\"build\" + 0.026*\"hous\" + 0.023*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.012*\"briarwood\" + 0.011*\"constitut\" + 0.010*\"strategist\" + 0.010*\"depress\" + 0.010*\"linear\"\n", - "2019-01-31 00:42:32,531 : INFO : topic #36 (0.020): 0.012*\"network\" + 0.012*\"prognosi\" + 0.010*\"pop\" + 0.009*\"develop\" + 0.008*\"cytokin\" + 0.008*\"user\" + 0.008*\"softwar\" + 0.008*\"championship\" + 0.008*\"diggin\" + 0.007*\"includ\"\n", - "2019-01-31 00:42:32,532 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.026*\"offic\" + 0.025*\"minist\" + 0.023*\"serv\" + 0.021*\"nation\" + 0.020*\"member\" + 0.019*\"govern\" + 0.018*\"gener\" + 0.016*\"seri\" + 0.015*\"chickasaw\"\n", - "2019-01-31 00:42:32,533 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.028*\"new\" + 0.022*\"palmer\" + 0.014*\"strategist\" + 0.012*\"center\" + 0.012*\"open\" + 0.011*\"year\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"dai\"\n", - "2019-01-31 00:42:32,534 : INFO : topic #45 (0.020): 0.025*\"jpg\" + 0.024*\"fifteenth\" + 0.017*\"illicit\" + 0.016*\"black\" + 0.016*\"colder\" + 0.015*\"western\" + 0.013*\"record\" + 0.010*\"blind\" + 0.008*\"light\" + 0.007*\"green\"\n", - "2019-01-31 00:42:32,540 : INFO : topic diff=0.005734, rho=0.035944\n", - "2019-01-31 00:42:32,694 : INFO : PROGRESS: pass 0, at document #1550000/4922894\n", - "2019-01-31 00:42:34,063 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:42:34,329 : INFO : topic #38 (0.020): 0.024*\"walter\" + 0.009*\"aza\" + 0.009*\"battalion\" + 0.008*\"forc\" + 0.008*\"empath\" + 0.007*\"armi\" + 0.007*\"teufel\" + 0.006*\"militari\" + 0.006*\"pour\" + 0.006*\"govern\"\n", - "2019-01-31 00:42:34,330 : INFO : topic #33 (0.020): 0.063*\"french\" + 0.046*\"franc\" + 0.031*\"pari\" + 0.022*\"sail\" + 0.022*\"jean\" + 0.018*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 00:42:34,332 : INFO : topic #11 (0.020): 0.025*\"john\" + 0.013*\"will\" + 0.013*\"jame\" + 0.012*\"david\" + 0.010*\"rival\" + 0.010*\"mexican–american\" + 0.009*\"georg\" + 0.008*\"paul\" + 0.008*\"slur\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:42:34,332 : INFO : topic #46 (0.020): 0.019*\"stop\" + 0.018*\"swedish\" + 0.018*\"sweden\" + 0.016*\"norwai\" + 0.015*\"wind\" + 0.014*\"damag\" + 0.014*\"norwegian\" + 0.012*\"huntsvil\" + 0.010*\"farid\" + 0.010*\"denmark\"\n", - "2019-01-31 00:42:34,334 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.005*\"like\" + 0.004*\"man\" + 0.004*\"call\"\n", - "2019-01-31 00:42:34,339 : INFO : topic diff=0.006208, rho=0.035921\n", - "2019-01-31 00:42:34,494 : INFO : PROGRESS: pass 0, at document #1552000/4922894\n", - "2019-01-31 00:42:35,870 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:42:36,137 : INFO : topic #33 (0.020): 0.063*\"french\" + 0.046*\"franc\" + 0.031*\"pari\" + 0.022*\"sail\" + 0.022*\"jean\" + 0.018*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 00:42:36,138 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.024*\"factor\" + 0.020*\"adulthood\" + 0.016*\"feel\" + 0.015*\"male\" + 0.012*\"hostil\" + 0.011*\"plaisir\" + 0.010*\"genu\" + 0.009*\"live\" + 0.008*\"yawn\"\n", - "2019-01-31 00:42:36,139 : INFO : topic #9 (0.020): 0.073*\"bone\" + 0.039*\"american\" + 0.027*\"valour\" + 0.018*\"dutch\" + 0.017*\"polit\" + 0.016*\"folei\" + 0.016*\"player\" + 0.015*\"english\" + 0.013*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 00:42:36,140 : INFO : topic #24 (0.020): 0.042*\"book\" + 0.035*\"publicis\" + 0.024*\"word\" + 0.017*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"storag\" + 0.012*\"nicola\" + 0.011*\"collect\" + 0.011*\"magazin\"\n", - "2019-01-31 00:42:36,141 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.035*\"perceptu\" + 0.019*\"theater\" + 0.018*\"place\" + 0.018*\"compos\" + 0.017*\"damn\" + 0.015*\"olympo\" + 0.013*\"physician\" + 0.013*\"orchestr\" + 0.011*\"word\"\n", - "2019-01-31 00:42:36,147 : INFO : topic diff=0.006295, rho=0.035898\n", - "2019-01-31 00:42:36,313 : INFO : PROGRESS: pass 0, at document #1554000/4922894\n", - "2019-01-31 00:42:37,707 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:42:37,973 : INFO : topic #23 (0.020): 0.138*\"audit\" + 0.070*\"best\" + 0.035*\"yawn\" + 0.028*\"jacksonvil\" + 0.025*\"japanes\" + 0.024*\"festiv\" + 0.020*\"noll\" + 0.019*\"women\" + 0.017*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 00:42:37,974 : INFO : topic #42 (0.020): 0.046*\"german\" + 0.030*\"germani\" + 0.014*\"vol\" + 0.014*\"berlin\" + 0.014*\"israel\" + 0.013*\"der\" + 0.013*\"jewish\" + 0.010*\"europ\" + 0.009*\"european\" + 0.009*\"austria\"\n", - "2019-01-31 00:42:37,976 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.008*\"frontal\" + 0.007*\"gener\" + 0.006*\"exampl\" + 0.006*\"théori\" + 0.006*\"poet\" + 0.006*\"southern\" + 0.006*\"servitud\" + 0.006*\"method\" + 0.006*\"differ\"\n", - "2019-01-31 00:42:37,977 : INFO : topic #6 (0.020): 0.072*\"fewer\" + 0.025*\"septemb\" + 0.023*\"epiru\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:42:37,978 : INFO : topic #25 (0.020): 0.031*\"ring\" + 0.017*\"warmth\" + 0.017*\"lagrang\" + 0.017*\"area\" + 0.015*\"mount\" + 0.009*\"foam\" + 0.009*\"palmer\" + 0.008*\"north\" + 0.008*\"sourc\" + 0.008*\"lobe\"\n", - "2019-01-31 00:42:37,984 : INFO : topic diff=0.005194, rho=0.035875\n", - "2019-01-31 00:42:38,141 : INFO : PROGRESS: pass 0, at document #1556000/4922894\n", - "2019-01-31 00:42:39,550 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:42:39,815 : INFO : topic #23 (0.020): 0.137*\"audit\" + 0.070*\"best\" + 0.035*\"yawn\" + 0.028*\"jacksonvil\" + 0.024*\"japanes\" + 0.024*\"festiv\" + 0.020*\"noll\" + 0.019*\"women\" + 0.017*\"intern\" + 0.014*\"prison\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:42:39,816 : INFO : topic #30 (0.020): 0.037*\"leagu\" + 0.036*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.026*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:42:39,817 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.015*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:42:39,818 : INFO : topic #10 (0.020): 0.010*\"cdd\" + 0.008*\"disco\" + 0.008*\"media\" + 0.007*\"pathwai\" + 0.007*\"have\" + 0.007*\"caus\" + 0.007*\"proper\" + 0.006*\"hormon\" + 0.006*\"dress\" + 0.006*\"effect\"\n", - "2019-01-31 00:42:39,819 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.011*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"group\" + 0.009*\"word\" + 0.008*\"peopl\" + 0.008*\"cultur\" + 0.007*\"human\" + 0.006*\"woman\"\n", - "2019-01-31 00:42:39,825 : INFO : topic diff=0.006061, rho=0.035852\n", - "2019-01-31 00:42:39,980 : INFO : PROGRESS: pass 0, at document #1558000/4922894\n", - "2019-01-31 00:42:41,368 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:42:41,635 : INFO : topic #11 (0.020): 0.025*\"john\" + 0.013*\"will\" + 0.012*\"jame\" + 0.012*\"david\" + 0.011*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"georg\" + 0.008*\"paul\" + 0.008*\"slur\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:42:41,636 : INFO : topic #46 (0.020): 0.018*\"stop\" + 0.017*\"sweden\" + 0.017*\"swedish\" + 0.016*\"norwai\" + 0.015*\"wind\" + 0.014*\"damag\" + 0.014*\"norwegian\" + 0.012*\"huntsvil\" + 0.011*\"farid\" + 0.010*\"treeless\"\n", - "2019-01-31 00:42:41,637 : INFO : topic #3 (0.020): 0.035*\"present\" + 0.026*\"offic\" + 0.025*\"minist\" + 0.022*\"serv\" + 0.021*\"nation\" + 0.020*\"govern\" + 0.019*\"member\" + 0.018*\"gener\" + 0.016*\"seri\" + 0.015*\"start\"\n", - "2019-01-31 00:42:41,638 : INFO : topic #2 (0.020): 0.046*\"isl\" + 0.038*\"shield\" + 0.017*\"narrat\" + 0.014*\"scot\" + 0.012*\"pope\" + 0.011*\"blur\" + 0.010*\"coalit\" + 0.010*\"nativist\" + 0.009*\"crew\" + 0.009*\"sai\"\n", - "2019-01-31 00:42:41,639 : INFO : topic #40 (0.020): 0.090*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.022*\"collector\" + 0.020*\"requir\" + 0.018*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.012*\"degre\" + 0.011*\"http\"\n", - "2019-01-31 00:42:41,645 : INFO : topic diff=0.005323, rho=0.035829\n", - "2019-01-31 00:42:44,356 : INFO : -11.668 per-word bound, 3254.0 perplexity estimate based on a held-out corpus of 2000 documents with 566242 words\n", - "2019-01-31 00:42:44,357 : INFO : PROGRESS: pass 0, at document #1560000/4922894\n", - "2019-01-31 00:42:45,747 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:42:46,014 : INFO : topic #31 (0.020): 0.057*\"fusiform\" + 0.025*\"scientist\" + 0.024*\"taxpay\" + 0.024*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.012*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"yard\"\n", - "2019-01-31 00:42:46,015 : INFO : topic #42 (0.020): 0.046*\"german\" + 0.030*\"germani\" + 0.014*\"vol\" + 0.014*\"berlin\" + 0.014*\"israel\" + 0.013*\"der\" + 0.013*\"jewish\" + 0.010*\"europ\" + 0.009*\"european\" + 0.009*\"austria\"\n", - "2019-01-31 00:42:46,017 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"gener\" + 0.006*\"théori\" + 0.006*\"exampl\" + 0.006*\"poet\" + 0.006*\"southern\" + 0.006*\"servitud\" + 0.006*\"method\" + 0.006*\"differ\"\n", - "2019-01-31 00:42:46,018 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.024*\"cortic\" + 0.022*\"act\" + 0.018*\"start\" + 0.013*\"ricardo\" + 0.013*\"case\" + 0.009*\"polaris\" + 0.008*\"replac\" + 0.008*\"legal\" + 0.007*\"order\"\n", - "2019-01-31 00:42:46,019 : INFO : topic #0 (0.020): 0.066*\"statewid\" + 0.039*\"line\" + 0.036*\"arsen\" + 0.034*\"raid\" + 0.030*\"museo\" + 0.022*\"traceabl\" + 0.017*\"serv\" + 0.014*\"exhaust\" + 0.014*\"pain\" + 0.012*\"oper\"\n", - "2019-01-31 00:42:46,024 : INFO : topic diff=0.004552, rho=0.035806\n", - "2019-01-31 00:42:46,185 : INFO : PROGRESS: pass 0, at document #1562000/4922894\n", - "2019-01-31 00:42:47,614 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:42:47,880 : INFO : topic #1 (0.020): 0.059*\"china\" + 0.047*\"chilton\" + 0.024*\"hong\" + 0.024*\"kong\" + 0.021*\"korea\" + 0.017*\"korean\" + 0.016*\"sourc\" + 0.015*\"shirin\" + 0.014*\"leah\" + 0.013*\"articul\"\n", - "2019-01-31 00:42:47,881 : INFO : topic #23 (0.020): 0.138*\"audit\" + 0.069*\"best\" + 0.036*\"yawn\" + 0.028*\"jacksonvil\" + 0.024*\"japanes\" + 0.023*\"festiv\" + 0.020*\"noll\" + 0.019*\"women\" + 0.017*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 00:42:47,882 : INFO : topic #33 (0.020): 0.063*\"french\" + 0.046*\"franc\" + 0.031*\"pari\" + 0.022*\"sail\" + 0.022*\"jean\" + 0.018*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 00:42:47,883 : INFO : topic #35 (0.020): 0.056*\"russia\" + 0.035*\"sovereignti\" + 0.034*\"rural\" + 0.025*\"reprint\" + 0.024*\"poison\" + 0.024*\"personifi\" + 0.020*\"unfortun\" + 0.019*\"moscow\" + 0.016*\"poland\" + 0.014*\"czech\"\n", - "2019-01-31 00:42:47,884 : INFO : topic #36 (0.020): 0.012*\"network\" + 0.012*\"prognosi\" + 0.010*\"pop\" + 0.009*\"develop\" + 0.008*\"cytokin\" + 0.008*\"softwar\" + 0.008*\"user\" + 0.007*\"championship\" + 0.007*\"includ\" + 0.007*\"diggin\"\n", - "2019-01-31 00:42:47,890 : INFO : topic diff=0.005663, rho=0.035783\n", - "2019-01-31 00:42:48,046 : INFO : PROGRESS: pass 0, at document #1564000/4922894\n", - "2019-01-31 00:42:49,439 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:42:49,705 : INFO : topic #25 (0.020): 0.030*\"ring\" + 0.017*\"warmth\" + 0.017*\"lagrang\" + 0.017*\"area\" + 0.015*\"mount\" + 0.009*\"foam\" + 0.009*\"palmer\" + 0.009*\"north\" + 0.008*\"land\" + 0.008*\"sourc\"\n", - "2019-01-31 00:42:49,706 : INFO : topic #49 (0.020): 0.042*\"india\" + 0.031*\"incumb\" + 0.013*\"islam\" + 0.012*\"anglo\" + 0.012*\"pakistan\" + 0.011*\"televis\" + 0.011*\"sri\" + 0.011*\"muskoge\" + 0.010*\"khalsa\" + 0.010*\"iran\"\n", - "2019-01-31 00:42:49,707 : INFO : topic #21 (0.020): 0.039*\"samford\" + 0.021*\"spain\" + 0.019*\"del\" + 0.018*\"mexico\" + 0.013*\"soviet\" + 0.012*\"francisco\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"carlo\" + 0.010*\"josé\"\n", - "2019-01-31 00:42:49,708 : INFO : topic #32 (0.020): 0.055*\"district\" + 0.045*\"vigour\" + 0.043*\"popolo\" + 0.040*\"tortur\" + 0.038*\"cotton\" + 0.027*\"area\" + 0.023*\"regim\" + 0.023*\"citi\" + 0.023*\"multitud\" + 0.019*\"cede\"\n", - "2019-01-31 00:42:49,709 : INFO : topic #29 (0.020): 0.025*\"companhia\" + 0.011*\"million\" + 0.010*\"busi\" + 0.010*\"market\" + 0.010*\"bank\" + 0.009*\"produc\" + 0.008*\"industri\" + 0.008*\"yawn\" + 0.007*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 00:42:49,715 : INFO : topic diff=0.005417, rho=0.035760\n", - "2019-01-31 00:42:49,927 : INFO : PROGRESS: pass 0, at document #1566000/4922894\n", - "2019-01-31 00:42:51,307 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:42:51,573 : INFO : topic #47 (0.020): 0.066*\"muscl\" + 0.034*\"perceptu\" + 0.019*\"theater\" + 0.018*\"place\" + 0.018*\"compos\" + 0.017*\"damn\" + 0.014*\"olympo\" + 0.013*\"physician\" + 0.012*\"orchestr\" + 0.012*\"jack\"\n", - "2019-01-31 00:42:51,574 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.025*\"septemb\" + 0.023*\"epiru\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.012*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:42:51,575 : INFO : topic #49 (0.020): 0.041*\"india\" + 0.032*\"incumb\" + 0.013*\"islam\" + 0.012*\"anglo\" + 0.012*\"pakistan\" + 0.011*\"televis\" + 0.011*\"sri\" + 0.011*\"muskoge\" + 0.010*\"khalsa\" + 0.010*\"alam\"\n", - "2019-01-31 00:42:51,576 : INFO : topic #34 (0.020): 0.073*\"start\" + 0.032*\"american\" + 0.032*\"unionist\" + 0.029*\"cotton\" + 0.028*\"new\" + 0.017*\"year\" + 0.014*\"california\" + 0.013*\"warrior\" + 0.012*\"north\" + 0.012*\"terri\"\n", - "2019-01-31 00:42:51,577 : INFO : topic #37 (0.020): 0.010*\"man\" + 0.009*\"love\" + 0.007*\"gestur\" + 0.007*\"charact\" + 0.006*\"septemb\" + 0.006*\"comic\" + 0.005*\"blue\" + 0.005*\"appear\" + 0.004*\"dixi\" + 0.004*\"black\"\n", - "2019-01-31 00:42:51,583 : INFO : topic diff=0.004586, rho=0.035737\n", - "2019-01-31 00:42:51,741 : INFO : PROGRESS: pass 0, at document #1568000/4922894\n", - "2019-01-31 00:42:53,157 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:42:53,423 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.023*\"aggress\" + 0.021*\"walter\" + 0.020*\"armi\" + 0.016*\"com\" + 0.013*\"oper\" + 0.013*\"unionist\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.010*\"diversifi\"\n", - "2019-01-31 00:42:53,424 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.011*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"group\" + 0.009*\"word\" + 0.008*\"peopl\" + 0.008*\"cultur\" + 0.007*\"human\" + 0.007*\"woman\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:42:53,425 : INFO : topic #32 (0.020): 0.056*\"district\" + 0.045*\"vigour\" + 0.042*\"popolo\" + 0.040*\"tortur\" + 0.039*\"cotton\" + 0.027*\"area\" + 0.023*\"multitud\" + 0.023*\"regim\" + 0.023*\"citi\" + 0.019*\"cede\"\n", - "2019-01-31 00:42:53,426 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.053*\"parti\" + 0.023*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.016*\"republ\" + 0.014*\"liber\" + 0.013*\"bypass\" + 0.013*\"report\"\n", - "2019-01-31 00:42:53,427 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:42:53,433 : INFO : topic diff=0.006657, rho=0.035714\n", - "2019-01-31 00:42:53,587 : INFO : PROGRESS: pass 0, at document #1570000/4922894\n", - "2019-01-31 00:42:54,960 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:42:55,226 : INFO : topic #25 (0.020): 0.030*\"ring\" + 0.017*\"warmth\" + 0.017*\"lagrang\" + 0.017*\"area\" + 0.015*\"mount\" + 0.009*\"foam\" + 0.009*\"palmer\" + 0.008*\"north\" + 0.008*\"land\" + 0.008*\"sourc\"\n", - "2019-01-31 00:42:55,227 : INFO : topic #20 (0.020): 0.137*\"scholar\" + 0.039*\"struggl\" + 0.034*\"high\" + 0.030*\"educ\" + 0.023*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.009*\"task\" + 0.009*\"gothic\"\n", - "2019-01-31 00:42:55,228 : INFO : topic #32 (0.020): 0.056*\"district\" + 0.045*\"vigour\" + 0.043*\"popolo\" + 0.040*\"tortur\" + 0.038*\"cotton\" + 0.027*\"area\" + 0.023*\"multitud\" + 0.023*\"regim\" + 0.022*\"citi\" + 0.019*\"cede\"\n", - "2019-01-31 00:42:55,229 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:42:55,230 : INFO : topic #29 (0.020): 0.025*\"companhia\" + 0.011*\"million\" + 0.010*\"busi\" + 0.010*\"market\" + 0.009*\"bank\" + 0.009*\"produc\" + 0.008*\"industri\" + 0.008*\"yawn\" + 0.007*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 00:42:55,236 : INFO : topic diff=0.005161, rho=0.035692\n", - "2019-01-31 00:42:55,394 : INFO : PROGRESS: pass 0, at document #1572000/4922894\n", - "2019-01-31 00:42:56,797 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:42:57,064 : INFO : topic #1 (0.020): 0.059*\"china\" + 0.048*\"chilton\" + 0.024*\"hong\" + 0.024*\"kong\" + 0.021*\"korea\" + 0.017*\"korean\" + 0.016*\"sourc\" + 0.015*\"shirin\" + 0.014*\"leah\" + 0.013*\"articul\"\n", - "2019-01-31 00:42:57,065 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"disco\" + 0.008*\"media\" + 0.007*\"pathwai\" + 0.007*\"have\" + 0.007*\"proper\" + 0.007*\"caus\" + 0.006*\"hormon\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 00:42:57,066 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.023*\"aggress\" + 0.021*\"walter\" + 0.020*\"armi\" + 0.017*\"com\" + 0.013*\"oper\" + 0.013*\"militari\" + 0.013*\"unionist\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 00:42:57,067 : INFO : topic #26 (0.020): 0.030*\"workplac\" + 0.029*\"woman\" + 0.028*\"champion\" + 0.025*\"olymp\" + 0.025*\"men\" + 0.022*\"medal\" + 0.021*\"event\" + 0.019*\"taxpay\" + 0.018*\"nation\" + 0.018*\"atheist\"\n", - "2019-01-31 00:42:57,068 : INFO : topic #3 (0.020): 0.035*\"present\" + 0.026*\"offic\" + 0.026*\"minist\" + 0.021*\"nation\" + 0.021*\"serv\" + 0.020*\"govern\" + 0.020*\"member\" + 0.018*\"gener\" + 0.015*\"seri\" + 0.015*\"start\"\n", - "2019-01-31 00:42:57,074 : INFO : topic diff=0.005756, rho=0.035669\n", - "2019-01-31 00:42:57,228 : INFO : PROGRESS: pass 0, at document #1574000/4922894\n", - "2019-01-31 00:42:58,597 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:42:58,863 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.054*\"parti\" + 0.023*\"voluntari\" + 0.022*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.013*\"liber\" + 0.013*\"bypass\" + 0.013*\"seaport\"\n", - "2019-01-31 00:42:58,864 : INFO : topic #41 (0.020): 0.042*\"citi\" + 0.028*\"new\" + 0.022*\"palmer\" + 0.014*\"strategist\" + 0.012*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.010*\"year\" + 0.010*\"lobe\" + 0.009*\"dai\"\n", - "2019-01-31 00:42:58,865 : INFO : topic #2 (0.020): 0.045*\"isl\" + 0.038*\"shield\" + 0.017*\"narrat\" + 0.014*\"scot\" + 0.013*\"pope\" + 0.011*\"blur\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.009*\"bahá\" + 0.009*\"sai\"\n", - "2019-01-31 00:42:58,866 : INFO : topic #22 (0.020): 0.036*\"spars\" + 0.024*\"factor\" + 0.019*\"adulthood\" + 0.015*\"feel\" + 0.014*\"male\" + 0.012*\"hostil\" + 0.011*\"plaisir\" + 0.010*\"genu\" + 0.009*\"live\" + 0.008*\"yawn\"\n", - "2019-01-31 00:42:58,868 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:42:58,873 : INFO : topic diff=0.007868, rho=0.035646\n", - "2019-01-31 00:42:59,031 : INFO : PROGRESS: pass 0, at document #1576000/4922894\n", - "2019-01-31 00:43:00,428 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:43:00,694 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.022*\"walter\" + 0.020*\"armi\" + 0.017*\"com\" + 0.013*\"oper\" + 0.013*\"militari\" + 0.013*\"unionist\" + 0.011*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 00:43:00,695 : INFO : topic #45 (0.020): 0.025*\"jpg\" + 0.024*\"fifteenth\" + 0.017*\"illicit\" + 0.016*\"black\" + 0.016*\"western\" + 0.015*\"colder\" + 0.014*\"record\" + 0.010*\"blind\" + 0.008*\"green\" + 0.007*\"depress\"\n", - "2019-01-31 00:43:00,696 : INFO : topic #7 (0.020): 0.022*\"snatch\" + 0.021*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"daughter\" + 0.011*\"will\"\n", - "2019-01-31 00:43:00,697 : INFO : topic #35 (0.020): 0.056*\"russia\" + 0.035*\"sovereignti\" + 0.034*\"rural\" + 0.025*\"reprint\" + 0.025*\"personifi\" + 0.024*\"poison\" + 0.020*\"moscow\" + 0.019*\"unfortun\" + 0.016*\"poland\" + 0.015*\"malaysia\"\n", - "2019-01-31 00:43:00,698 : INFO : topic #39 (0.020): 0.049*\"canada\" + 0.038*\"canadian\" + 0.021*\"hoar\" + 0.021*\"toronto\" + 0.020*\"ontario\" + 0.014*\"new\" + 0.014*\"quebec\" + 0.014*\"hydrogen\" + 0.013*\"misericordia\" + 0.011*\"novotná\"\n", - "2019-01-31 00:43:00,704 : INFO : topic diff=0.006180, rho=0.035624\n", - "2019-01-31 00:43:00,862 : INFO : PROGRESS: pass 0, at document #1578000/4922894\n", - "2019-01-31 00:43:02,272 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:43:02,538 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"pathwai\" + 0.007*\"have\" + 0.007*\"hormon\" + 0.007*\"caus\" + 0.007*\"proper\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 00:43:02,539 : INFO : topic #20 (0.020): 0.137*\"scholar\" + 0.039*\"struggl\" + 0.033*\"high\" + 0.030*\"educ\" + 0.023*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.009*\"task\" + 0.009*\"gothic\"\n", - "2019-01-31 00:43:02,540 : INFO : topic #46 (0.020): 0.019*\"stop\" + 0.016*\"sweden\" + 0.016*\"swedish\" + 0.016*\"wind\" + 0.016*\"norwai\" + 0.015*\"damag\" + 0.013*\"norwegian\" + 0.012*\"huntsvil\" + 0.012*\"treeless\" + 0.010*\"farid\"\n", - "2019-01-31 00:43:02,541 : INFO : topic #2 (0.020): 0.046*\"isl\" + 0.038*\"shield\" + 0.017*\"narrat\" + 0.014*\"scot\" + 0.013*\"pope\" + 0.011*\"blur\" + 0.010*\"coalit\" + 0.010*\"nativist\" + 0.009*\"bahá\" + 0.009*\"sai\"\n", - "2019-01-31 00:43:02,542 : INFO : topic #29 (0.020): 0.024*\"companhia\" + 0.011*\"million\" + 0.010*\"busi\" + 0.009*\"produc\" + 0.009*\"market\" + 0.009*\"bank\" + 0.009*\"industri\" + 0.008*\"yawn\" + 0.007*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 00:43:02,548 : INFO : topic diff=0.005579, rho=0.035601\n", - "2019-01-31 00:43:05,272 : INFO : -11.703 per-word bound, 3333.7 perplexity estimate based on a held-out corpus of 2000 documents with 559860 words\n", - "2019-01-31 00:43:05,273 : INFO : PROGRESS: pass 0, at document #1580000/4922894\n", - "2019-01-31 00:43:06,683 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:43:06,949 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.027*\"final\" + 0.023*\"wife\" + 0.019*\"champion\" + 0.019*\"tourist\" + 0.017*\"chamber\" + 0.015*\"taxpay\" + 0.014*\"martin\" + 0.014*\"open\" + 0.013*\"tiepolo\"\n", - "2019-01-31 00:43:06,950 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.023*\"aggress\" + 0.022*\"walter\" + 0.020*\"armi\" + 0.017*\"com\" + 0.013*\"oper\" + 0.013*\"militari\" + 0.013*\"unionist\" + 0.011*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 00:43:06,951 : INFO : topic #30 (0.020): 0.037*\"leagu\" + 0.036*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.026*\"scientist\" + 0.024*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:43:06,953 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"man\" + 0.004*\"call\"\n", - "2019-01-31 00:43:06,954 : INFO : topic #31 (0.020): 0.056*\"fusiform\" + 0.025*\"scientist\" + 0.024*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.012*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"ruler\"\n", - "2019-01-31 00:43:06,960 : INFO : topic diff=0.005444, rho=0.035578\n", - "2019-01-31 00:43:07,118 : INFO : PROGRESS: pass 0, at document #1582000/4922894\n", - "2019-01-31 00:43:08,532 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:43:08,799 : INFO : topic #25 (0.020): 0.033*\"ring\" + 0.017*\"warmth\" + 0.017*\"area\" + 0.016*\"lagrang\" + 0.015*\"mount\" + 0.009*\"foam\" + 0.009*\"north\" + 0.008*\"palmer\" + 0.008*\"land\" + 0.008*\"lobe\"\n", - "2019-01-31 00:43:08,800 : INFO : topic #16 (0.020): 0.051*\"king\" + 0.032*\"priest\" + 0.020*\"grammat\" + 0.019*\"quarterli\" + 0.019*\"rotterdam\" + 0.019*\"duke\" + 0.018*\"idiosyncrat\" + 0.013*\"kingdom\" + 0.013*\"maria\" + 0.012*\"portugues\"\n", - "2019-01-31 00:43:08,801 : INFO : topic #34 (0.020): 0.074*\"start\" + 0.032*\"unionist\" + 0.032*\"american\" + 0.028*\"cotton\" + 0.028*\"new\" + 0.017*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.013*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 00:43:08,802 : INFO : topic #48 (0.020): 0.078*\"octob\" + 0.078*\"sens\" + 0.073*\"march\" + 0.068*\"juli\" + 0.067*\"august\" + 0.067*\"januari\" + 0.066*\"april\" + 0.066*\"notion\" + 0.063*\"judici\" + 0.061*\"decatur\"\n", - "2019-01-31 00:43:08,803 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.004*\"end\" + 0.004*\"man\" + 0.004*\"call\"\n", - "2019-01-31 00:43:08,809 : INFO : topic diff=0.005779, rho=0.035556\n", - "2019-01-31 00:43:08,972 : INFO : PROGRESS: pass 0, at document #1584000/4922894\n", - "2019-01-31 00:43:10,419 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:43:10,685 : INFO : topic #8 (0.020): 0.027*\"act\" + 0.026*\"law\" + 0.024*\"cortic\" + 0.018*\"start\" + 0.013*\"ricardo\" + 0.013*\"case\" + 0.010*\"polaris\" + 0.008*\"replac\" + 0.008*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 00:43:10,686 : INFO : topic #27 (0.020): 0.071*\"questionnair\" + 0.019*\"taxpay\" + 0.018*\"ret\" + 0.017*\"candid\" + 0.013*\"tornado\" + 0.012*\"driver\" + 0.012*\"squatter\" + 0.011*\"fool\" + 0.011*\"find\" + 0.010*\"théori\"\n", - "2019-01-31 00:43:10,687 : INFO : topic #16 (0.020): 0.051*\"king\" + 0.033*\"priest\" + 0.020*\"grammat\" + 0.019*\"quarterli\" + 0.019*\"rotterdam\" + 0.019*\"duke\" + 0.018*\"idiosyncrat\" + 0.013*\"kingdom\" + 0.013*\"maria\" + 0.012*\"portugues\"\n", - "2019-01-31 00:43:10,688 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.022*\"walter\" + 0.020*\"armi\" + 0.017*\"com\" + 0.013*\"oper\" + 0.013*\"unionist\" + 0.013*\"militari\" + 0.011*\"diversifi\" + 0.011*\"airbu\"\n", - "2019-01-31 00:43:10,689 : INFO : topic #34 (0.020): 0.074*\"start\" + 0.032*\"unionist\" + 0.031*\"american\" + 0.028*\"new\" + 0.028*\"cotton\" + 0.018*\"year\" + 0.015*\"california\" + 0.013*\"terri\" + 0.013*\"warrior\" + 0.012*\"north\"\n", - "2019-01-31 00:43:10,695 : INFO : topic diff=0.006703, rho=0.035533\n", - "2019-01-31 00:43:10,856 : INFO : PROGRESS: pass 0, at document #1586000/4922894\n", - "2019-01-31 00:43:12,276 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:43:12,543 : INFO : topic #11 (0.020): 0.025*\"john\" + 0.013*\"will\" + 0.012*\"jame\" + 0.012*\"david\" + 0.011*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"georg\" + 0.009*\"slur\" + 0.008*\"paul\" + 0.007*\"rhyme\"\n", - "2019-01-31 00:43:12,544 : INFO : topic #31 (0.020): 0.056*\"fusiform\" + 0.025*\"scientist\" + 0.024*\"taxpay\" + 0.024*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.011*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.010*\"ruler\"\n", - "2019-01-31 00:43:12,545 : INFO : topic #37 (0.020): 0.010*\"man\" + 0.009*\"love\" + 0.007*\"gestur\" + 0.007*\"charact\" + 0.006*\"septemb\" + 0.006*\"comic\" + 0.005*\"blue\" + 0.005*\"appear\" + 0.004*\"black\" + 0.004*\"dixi\"\n", - "2019-01-31 00:43:12,546 : INFO : topic #35 (0.020): 0.056*\"russia\" + 0.040*\"sovereignti\" + 0.034*\"rural\" + 0.026*\"poison\" + 0.025*\"reprint\" + 0.024*\"personifi\" + 0.021*\"unfortun\" + 0.020*\"moscow\" + 0.017*\"poland\" + 0.015*\"malaysia\"\n", - "2019-01-31 00:43:12,547 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.024*\"factor\" + 0.020*\"adulthood\" + 0.016*\"feel\" + 0.014*\"male\" + 0.012*\"hostil\" + 0.011*\"plaisir\" + 0.009*\"genu\" + 0.009*\"live\" + 0.008*\"yawn\"\n", - "2019-01-31 00:43:12,552 : INFO : topic diff=0.006777, rho=0.035511\n", - "2019-01-31 00:43:12,710 : INFO : PROGRESS: pass 0, at document #1588000/4922894\n", - "2019-01-31 00:43:14,106 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:43:14,372 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.027*\"final\" + 0.024*\"wife\" + 0.019*\"champion\" + 0.019*\"tourist\" + 0.016*\"chamber\" + 0.016*\"taxpay\" + 0.014*\"martin\" + 0.014*\"open\" + 0.013*\"tiepolo\"\n", - "2019-01-31 00:43:14,373 : INFO : topic #6 (0.020): 0.072*\"fewer\" + 0.024*\"septemb\" + 0.023*\"epiru\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.013*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:43:14,374 : INFO : topic #13 (0.020): 0.027*\"australia\" + 0.027*\"sourc\" + 0.025*\"london\" + 0.025*\"new\" + 0.023*\"australian\" + 0.023*\"england\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:43:14,376 : INFO : topic #37 (0.020): 0.010*\"man\" + 0.009*\"love\" + 0.007*\"gestur\" + 0.007*\"charact\" + 0.006*\"septemb\" + 0.006*\"comic\" + 0.005*\"blue\" + 0.005*\"appear\" + 0.004*\"black\" + 0.004*\"dixi\"\n", - "2019-01-31 00:43:14,377 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"son\" + 0.026*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:43:14,382 : INFO : topic diff=0.005561, rho=0.035489\n", - "2019-01-31 00:43:14,534 : INFO : PROGRESS: pass 0, at document #1590000/4922894\n", - "2019-01-31 00:43:15,886 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:43:16,153 : INFO : topic #23 (0.020): 0.135*\"audit\" + 0.068*\"best\" + 0.035*\"yawn\" + 0.028*\"jacksonvil\" + 0.024*\"japanes\" + 0.023*\"festiv\" + 0.021*\"noll\" + 0.018*\"women\" + 0.017*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 00:43:16,154 : INFO : topic #42 (0.020): 0.045*\"german\" + 0.031*\"germani\" + 0.014*\"vol\" + 0.014*\"israel\" + 0.013*\"berlin\" + 0.013*\"jewish\" + 0.013*\"der\" + 0.010*\"europ\" + 0.010*\"european\" + 0.009*\"austria\"\n", - "2019-01-31 00:43:16,155 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.027*\"final\" + 0.024*\"wife\" + 0.019*\"tourist\" + 0.019*\"champion\" + 0.016*\"chamber\" + 0.016*\"taxpay\" + 0.015*\"martin\" + 0.014*\"open\" + 0.013*\"tiepolo\"\n", - "2019-01-31 00:43:16,156 : INFO : topic #27 (0.020): 0.072*\"questionnair\" + 0.019*\"taxpay\" + 0.018*\"candid\" + 0.017*\"ret\" + 0.013*\"tornado\" + 0.012*\"driver\" + 0.012*\"fool\" + 0.011*\"squatter\" + 0.011*\"find\" + 0.010*\"théori\"\n", - "2019-01-31 00:43:16,157 : INFO : topic #0 (0.020): 0.068*\"statewid\" + 0.040*\"line\" + 0.036*\"arsen\" + 0.035*\"raid\" + 0.028*\"museo\" + 0.020*\"traceabl\" + 0.017*\"serv\" + 0.014*\"exhaust\" + 0.013*\"pain\" + 0.013*\"oper\"\n", - "2019-01-31 00:43:16,163 : INFO : topic diff=0.005877, rho=0.035466\n", - "2019-01-31 00:43:16,315 : INFO : PROGRESS: pass 0, at document #1592000/4922894\n", - "2019-01-31 00:43:17,692 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:43:17,958 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.026*\"final\" + 0.023*\"wife\" + 0.019*\"champion\" + 0.019*\"tourist\" + 0.018*\"chamber\" + 0.016*\"open\" + 0.016*\"taxpay\" + 0.016*\"martin\" + 0.014*\"tiepolo\"\n", - "2019-01-31 00:43:17,959 : INFO : topic #17 (0.020): 0.075*\"church\" + 0.021*\"christian\" + 0.021*\"cathol\" + 0.021*\"bishop\" + 0.016*\"sail\" + 0.014*\"retroflex\" + 0.010*\"parish\" + 0.009*\"historiographi\" + 0.009*\"cathedr\" + 0.009*\"relationship\"\n", - "2019-01-31 00:43:17,960 : INFO : topic #46 (0.020): 0.019*\"stop\" + 0.018*\"sweden\" + 0.017*\"swedish\" + 0.016*\"norwai\" + 0.015*\"wind\" + 0.015*\"damag\" + 0.013*\"norwegian\" + 0.012*\"huntsvil\" + 0.012*\"treeless\" + 0.012*\"denmark\"\n", - "2019-01-31 00:43:17,961 : INFO : topic #9 (0.020): 0.077*\"bone\" + 0.040*\"american\" + 0.026*\"valour\" + 0.019*\"polit\" + 0.018*\"folei\" + 0.017*\"dutch\" + 0.017*\"player\" + 0.015*\"english\" + 0.013*\"acrimoni\" + 0.011*\"simpler\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:43:17,962 : INFO : topic #38 (0.020): 0.024*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.008*\"forc\" + 0.008*\"empath\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.006*\"militari\" + 0.006*\"govern\" + 0.006*\"pour\"\n", - "2019-01-31 00:43:17,968 : INFO : topic diff=0.006631, rho=0.035444\n", - "2019-01-31 00:43:18,122 : INFO : PROGRESS: pass 0, at document #1594000/4922894\n", - "2019-01-31 00:43:19,494 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:43:19,761 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.055*\"parti\" + 0.023*\"voluntari\" + 0.021*\"democrat\" + 0.021*\"member\" + 0.016*\"polici\" + 0.014*\"republ\" + 0.014*\"selma\" + 0.013*\"report\" + 0.013*\"seaport\"\n", - "2019-01-31 00:43:19,762 : INFO : topic #4 (0.020): 0.022*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.009*\"elabor\" + 0.008*\"mode\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.007*\"candid\" + 0.007*\"develop\" + 0.007*\"produc\"\n", - "2019-01-31 00:43:19,763 : INFO : topic #39 (0.020): 0.051*\"canada\" + 0.038*\"canadian\" + 0.022*\"toronto\" + 0.022*\"hoar\" + 0.020*\"ontario\" + 0.014*\"hydrogen\" + 0.014*\"new\" + 0.014*\"quebec\" + 0.014*\"misericordia\" + 0.012*\"novotná\"\n", - "2019-01-31 00:43:19,764 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.015*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"deal\" + 0.012*\"daughter\"\n", - "2019-01-31 00:43:19,765 : INFO : topic #45 (0.020): 0.024*\"jpg\" + 0.023*\"fifteenth\" + 0.017*\"black\" + 0.017*\"colder\" + 0.016*\"illicit\" + 0.016*\"western\" + 0.014*\"record\" + 0.011*\"blind\" + 0.008*\"green\" + 0.007*\"light\"\n", - "2019-01-31 00:43:19,771 : INFO : topic diff=0.005868, rho=0.035422\n", - "2019-01-31 00:43:19,927 : INFO : PROGRESS: pass 0, at document #1596000/4922894\n", - "2019-01-31 00:43:21,315 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:43:21,582 : INFO : topic #46 (0.020): 0.018*\"stop\" + 0.018*\"sweden\" + 0.017*\"swedish\" + 0.016*\"norwai\" + 0.015*\"wind\" + 0.015*\"damag\" + 0.014*\"norwegian\" + 0.012*\"huntsvil\" + 0.012*\"treeless\" + 0.011*\"denmark\"\n", - "2019-01-31 00:43:21,583 : INFO : topic #0 (0.020): 0.068*\"statewid\" + 0.040*\"line\" + 0.036*\"arsen\" + 0.035*\"raid\" + 0.028*\"museo\" + 0.020*\"traceabl\" + 0.017*\"serv\" + 0.014*\"exhaust\" + 0.014*\"pain\" + 0.013*\"oper\"\n", - "2019-01-31 00:43:21,584 : INFO : topic #14 (0.020): 0.023*\"forc\" + 0.022*\"aggress\" + 0.022*\"walter\" + 0.020*\"armi\" + 0.017*\"com\" + 0.013*\"oper\" + 0.013*\"militari\" + 0.013*\"unionist\" + 0.011*\"diversifi\" + 0.011*\"airbu\"\n", - "2019-01-31 00:43:21,584 : INFO : topic #1 (0.020): 0.059*\"china\" + 0.048*\"chilton\" + 0.023*\"hong\" + 0.023*\"kong\" + 0.022*\"korea\" + 0.017*\"korean\" + 0.017*\"sourc\" + 0.014*\"shirin\" + 0.014*\"leah\" + 0.013*\"ashvil\"\n", - "2019-01-31 00:43:21,585 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.036*\"leagu\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.025*\"scientist\" + 0.024*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.016*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:43:21,591 : INFO : topic diff=0.006117, rho=0.035400\n", - "2019-01-31 00:43:21,802 : INFO : PROGRESS: pass 0, at document #1598000/4922894\n", - "2019-01-31 00:43:23,205 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:43:23,471 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"sack\" + 0.007*\"later\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.004*\"end\" + 0.004*\"man\" + 0.004*\"call\"\n", - "2019-01-31 00:43:23,472 : INFO : topic #11 (0.020): 0.025*\"john\" + 0.013*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.011*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"slur\" + 0.009*\"georg\" + 0.008*\"paul\" + 0.007*\"rhyme\"\n", - "2019-01-31 00:43:23,473 : INFO : topic #13 (0.020): 0.027*\"australia\" + 0.026*\"sourc\" + 0.025*\"london\" + 0.024*\"new\" + 0.024*\"australian\" + 0.023*\"england\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.015*\"wale\"\n", - "2019-01-31 00:43:23,474 : INFO : topic #33 (0.020): 0.060*\"french\" + 0.042*\"franc\" + 0.028*\"pari\" + 0.021*\"sail\" + 0.020*\"jean\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.011*\"loui\" + 0.011*\"piec\" + 0.007*\"wine\"\n", - "2019-01-31 00:43:23,475 : INFO : topic #14 (0.020): 0.023*\"forc\" + 0.022*\"aggress\" + 0.022*\"walter\" + 0.020*\"armi\" + 0.017*\"com\" + 0.013*\"oper\" + 0.013*\"militari\" + 0.013*\"unionist\" + 0.011*\"diversifi\" + 0.011*\"airbu\"\n", - "2019-01-31 00:43:23,481 : INFO : topic diff=0.005936, rho=0.035377\n", - "2019-01-31 00:43:26,203 : INFO : -11.629 per-word bound, 3166.1 perplexity estimate based on a held-out corpus of 2000 documents with 544776 words\n", - "2019-01-31 00:43:26,203 : INFO : PROGRESS: pass 0, at document #1600000/4922894\n", - "2019-01-31 00:43:27,612 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:43:27,878 : INFO : topic #33 (0.020): 0.060*\"french\" + 0.042*\"franc\" + 0.028*\"pari\" + 0.021*\"sail\" + 0.020*\"jean\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.007*\"wine\"\n", - "2019-01-31 00:43:27,879 : INFO : topic #6 (0.020): 0.072*\"fewer\" + 0.024*\"septemb\" + 0.023*\"epiru\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.013*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:43:27,880 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.026*\"final\" + 0.023*\"wife\" + 0.019*\"champion\" + 0.018*\"tourist\" + 0.018*\"chamber\" + 0.016*\"taxpay\" + 0.016*\"martin\" + 0.015*\"open\" + 0.014*\"tiepolo\"\n", - "2019-01-31 00:43:27,881 : INFO : topic #38 (0.020): 0.024*\"walter\" + 0.011*\"aza\" + 0.009*\"battalion\" + 0.008*\"forc\" + 0.008*\"empath\" + 0.008*\"teufel\" + 0.007*\"armi\" + 0.006*\"militari\" + 0.006*\"govern\" + 0.006*\"pour\"\n", - "2019-01-31 00:43:27,882 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.070*\"best\" + 0.034*\"yawn\" + 0.028*\"jacksonvil\" + 0.024*\"japanes\" + 0.023*\"festiv\" + 0.021*\"noll\" + 0.018*\"women\" + 0.017*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 00:43:27,888 : INFO : topic diff=0.005878, rho=0.035355\n", - "2019-01-31 00:43:28,044 : INFO : PROGRESS: pass 0, at document #1602000/4922894\n", - "2019-01-31 00:43:29,438 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:43:29,705 : INFO : topic #3 (0.020): 0.035*\"present\" + 0.026*\"minist\" + 0.026*\"offic\" + 0.023*\"serv\" + 0.021*\"nation\" + 0.020*\"govern\" + 0.019*\"member\" + 0.018*\"gener\" + 0.015*\"seri\" + 0.015*\"start\"\n", - "2019-01-31 00:43:29,706 : INFO : topic #16 (0.020): 0.050*\"king\" + 0.031*\"priest\" + 0.020*\"grammat\" + 0.019*\"quarterli\" + 0.019*\"duke\" + 0.018*\"rotterdam\" + 0.016*\"idiosyncrat\" + 0.013*\"maria\" + 0.012*\"portugues\" + 0.012*\"kingdom\"\n", - "2019-01-31 00:43:29,707 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.004*\"end\" + 0.004*\"man\" + 0.004*\"call\"\n", - "2019-01-31 00:43:29,708 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.054*\"parti\" + 0.024*\"voluntari\" + 0.021*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.014*\"selma\" + 0.014*\"republ\" + 0.013*\"report\" + 0.013*\"liber\"\n", - "2019-01-31 00:43:29,709 : INFO : topic #48 (0.020): 0.078*\"octob\" + 0.077*\"sens\" + 0.075*\"march\" + 0.069*\"januari\" + 0.068*\"juli\" + 0.068*\"april\" + 0.068*\"august\" + 0.068*\"notion\" + 0.064*\"judici\" + 0.063*\"decatur\"\n", - "2019-01-31 00:43:29,715 : INFO : topic diff=0.006346, rho=0.035333\n", - "2019-01-31 00:43:29,872 : INFO : PROGRESS: pass 0, at document #1604000/4922894\n", - "2019-01-31 00:43:31,272 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:43:31,538 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.017*\"warmth\" + 0.017*\"lagrang\" + 0.016*\"area\" + 0.015*\"mount\" + 0.009*\"foam\" + 0.009*\"north\" + 0.008*\"palmer\" + 0.008*\"land\" + 0.008*\"vacant\"\n", - "2019-01-31 00:43:31,539 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.009*\"media\" + 0.008*\"disco\" + 0.008*\"hormon\" + 0.008*\"have\" + 0.007*\"pathwai\" + 0.007*\"proper\" + 0.007*\"caus\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 00:43:31,540 : INFO : topic #43 (0.020): 0.065*\"elect\" + 0.053*\"parti\" + 0.025*\"voluntari\" + 0.021*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.014*\"selma\" + 0.014*\"republ\" + 0.013*\"report\" + 0.013*\"bypass\"\n", - "2019-01-31 00:43:31,541 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.026*\"factor\" + 0.020*\"adulthood\" + 0.016*\"feel\" + 0.014*\"male\" + 0.012*\"hostil\" + 0.011*\"plaisir\" + 0.010*\"genu\" + 0.009*\"live\" + 0.008*\"yawn\"\n", - "2019-01-31 00:43:31,542 : INFO : topic #36 (0.020): 0.012*\"network\" + 0.012*\"prognosi\" + 0.010*\"pop\" + 0.009*\"softwar\" + 0.009*\"develop\" + 0.008*\"championship\" + 0.008*\"user\" + 0.008*\"cytokin\" + 0.007*\"diggin\" + 0.007*\"brio\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:43:31,548 : INFO : topic diff=0.006311, rho=0.035311\n", - "2019-01-31 00:43:31,705 : INFO : PROGRESS: pass 0, at document #1606000/4922894\n", - "2019-01-31 00:43:33,107 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:43:33,373 : INFO : topic #33 (0.020): 0.060*\"french\" + 0.047*\"franc\" + 0.028*\"pari\" + 0.022*\"sail\" + 0.020*\"jean\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.007*\"wine\"\n", - "2019-01-31 00:43:33,374 : INFO : topic #1 (0.020): 0.057*\"china\" + 0.047*\"chilton\" + 0.025*\"hong\" + 0.024*\"kong\" + 0.022*\"korea\" + 0.017*\"korean\" + 0.016*\"sourc\" + 0.015*\"shirin\" + 0.015*\"leah\" + 0.013*\"kim\"\n", - "2019-01-31 00:43:33,375 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.027*\"final\" + 0.023*\"wife\" + 0.019*\"champion\" + 0.019*\"tourist\" + 0.018*\"chamber\" + 0.016*\"taxpay\" + 0.016*\"martin\" + 0.015*\"open\" + 0.014*\"tiepolo\"\n", - "2019-01-31 00:43:33,376 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.017*\"factor\" + 0.016*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"deal\" + 0.012*\"daughter\"\n", - "2019-01-31 00:43:33,377 : INFO : topic #2 (0.020): 0.044*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.013*\"pope\" + 0.011*\"coalit\" + 0.011*\"nativist\" + 0.011*\"blur\" + 0.009*\"bahá\" + 0.009*\"fleet\"\n", - "2019-01-31 00:43:33,383 : INFO : topic diff=0.006580, rho=0.035289\n", - "2019-01-31 00:43:33,540 : INFO : PROGRESS: pass 0, at document #1608000/4922894\n", - "2019-01-31 00:43:34,941 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:43:35,208 : INFO : topic #6 (0.020): 0.072*\"fewer\" + 0.024*\"septemb\" + 0.023*\"epiru\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.012*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"movi\" + 0.011*\"direct\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:43:35,209 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.012*\"centuri\" + 0.010*\"woodcut\" + 0.010*\"origin\" + 0.009*\"form\" + 0.008*\"mean\" + 0.007*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.007*\"uruguayan\"\n", - "2019-01-31 00:43:35,210 : INFO : topic #0 (0.020): 0.069*\"statewid\" + 0.039*\"line\" + 0.036*\"arsen\" + 0.035*\"raid\" + 0.027*\"museo\" + 0.020*\"traceabl\" + 0.017*\"serv\" + 0.014*\"exhaust\" + 0.013*\"pain\" + 0.013*\"oper\"\n", - "2019-01-31 00:43:35,211 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.070*\"best\" + 0.034*\"yawn\" + 0.028*\"jacksonvil\" + 0.024*\"japanes\" + 0.023*\"festiv\" + 0.021*\"noll\" + 0.018*\"women\" + 0.017*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 00:43:35,212 : INFO : topic #37 (0.020): 0.009*\"man\" + 0.009*\"love\" + 0.008*\"gestur\" + 0.007*\"charact\" + 0.007*\"comic\" + 0.007*\"septemb\" + 0.005*\"blue\" + 0.005*\"appear\" + 0.004*\"black\" + 0.004*\"workplac\"\n", - "2019-01-31 00:43:35,218 : INFO : topic diff=0.005495, rho=0.035267\n", - "2019-01-31 00:43:35,376 : INFO : PROGRESS: pass 0, at document #1610000/4922894\n", - "2019-01-31 00:43:36,768 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:43:37,035 : INFO : topic #27 (0.020): 0.070*\"questionnair\" + 0.019*\"taxpay\" + 0.018*\"candid\" + 0.015*\"ret\" + 0.012*\"fool\" + 0.012*\"driver\" + 0.012*\"tornado\" + 0.012*\"squatter\" + 0.011*\"find\" + 0.010*\"théori\"\n", - "2019-01-31 00:43:37,036 : INFO : topic #9 (0.020): 0.074*\"bone\" + 0.038*\"american\" + 0.027*\"valour\" + 0.018*\"polit\" + 0.018*\"dutch\" + 0.018*\"folei\" + 0.017*\"player\" + 0.015*\"english\" + 0.013*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 00:43:37,037 : INFO : topic #39 (0.020): 0.051*\"canada\" + 0.038*\"canadian\" + 0.022*\"toronto\" + 0.022*\"hoar\" + 0.019*\"ontario\" + 0.014*\"hydrogen\" + 0.014*\"new\" + 0.013*\"quebec\" + 0.013*\"misericordia\" + 0.012*\"novotná\"\n", - "2019-01-31 00:43:37,038 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.036*\"publicis\" + 0.024*\"word\" + 0.017*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.013*\"nicola\" + 0.012*\"storag\" + 0.012*\"collect\" + 0.011*\"magazin\"\n", - "2019-01-31 00:43:37,039 : INFO : topic #42 (0.020): 0.045*\"german\" + 0.032*\"germani\" + 0.015*\"vol\" + 0.014*\"israel\" + 0.013*\"jewish\" + 0.013*\"berlin\" + 0.013*\"der\" + 0.010*\"europ\" + 0.010*\"european\" + 0.009*\"austria\"\n", - "2019-01-31 00:43:37,045 : INFO : topic diff=0.006482, rho=0.035245\n", - "2019-01-31 00:43:37,200 : INFO : PROGRESS: pass 0, at document #1612000/4922894\n", - "2019-01-31 00:43:38,586 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:43:38,852 : INFO : topic #38 (0.020): 0.024*\"walter\" + 0.011*\"aza\" + 0.009*\"battalion\" + 0.008*\"forc\" + 0.008*\"teufel\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.006*\"till\" + 0.006*\"militari\" + 0.006*\"govern\"\n", - "2019-01-31 00:43:38,854 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.011*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"word\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.008*\"cultur\" + 0.007*\"human\" + 0.006*\"socialist\"\n", - "2019-01-31 00:43:38,855 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.054*\"parti\" + 0.024*\"voluntari\" + 0.021*\"democrat\" + 0.020*\"member\" + 0.017*\"polici\" + 0.015*\"seaport\" + 0.014*\"republ\" + 0.013*\"selma\" + 0.013*\"bypass\"\n", - "2019-01-31 00:43:38,856 : INFO : topic #42 (0.020): 0.045*\"german\" + 0.031*\"germani\" + 0.015*\"vol\" + 0.014*\"israel\" + 0.014*\"jewish\" + 0.013*\"der\" + 0.013*\"berlin\" + 0.010*\"europ\" + 0.010*\"european\" + 0.009*\"austria\"\n", - "2019-01-31 00:43:38,857 : INFO : topic #48 (0.020): 0.079*\"octob\" + 0.077*\"sens\" + 0.074*\"march\" + 0.067*\"august\" + 0.067*\"notion\" + 0.067*\"januari\" + 0.067*\"april\" + 0.067*\"juli\" + 0.064*\"judici\" + 0.063*\"decatur\"\n", - "2019-01-31 00:43:38,863 : INFO : topic diff=0.005898, rho=0.035223\n", - "2019-01-31 00:43:39,017 : INFO : PROGRESS: pass 0, at document #1614000/4922894\n", - "2019-01-31 00:43:40,405 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:43:40,672 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.035*\"perceptu\" + 0.021*\"theater\" + 0.018*\"place\" + 0.018*\"compos\" + 0.016*\"damn\" + 0.014*\"olympo\" + 0.013*\"orchestr\" + 0.012*\"physician\" + 0.012*\"word\"\n", - "2019-01-31 00:43:40,673 : INFO : topic #16 (0.020): 0.050*\"king\" + 0.032*\"priest\" + 0.020*\"quarterli\" + 0.019*\"grammat\" + 0.019*\"duke\" + 0.019*\"rotterdam\" + 0.017*\"idiosyncrat\" + 0.013*\"maria\" + 0.013*\"princ\" + 0.012*\"count\"\n", - "2019-01-31 00:43:40,674 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.011*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"word\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.008*\"cultur\" + 0.007*\"human\" + 0.006*\"socialist\"\n", - "2019-01-31 00:43:40,675 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.053*\"parti\" + 0.025*\"voluntari\" + 0.021*\"democrat\" + 0.020*\"member\" + 0.017*\"polici\" + 0.014*\"seaport\" + 0.014*\"republ\" + 0.013*\"selma\" + 0.013*\"bypass\"\n", - "2019-01-31 00:43:40,676 : INFO : topic #40 (0.020): 0.090*\"unit\" + 0.024*\"schuster\" + 0.022*\"collector\" + 0.022*\"institut\" + 0.021*\"requir\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"degre\" + 0.011*\"http\"\n", - "2019-01-31 00:43:40,682 : INFO : topic diff=0.005655, rho=0.035202\n", - "2019-01-31 00:43:40,840 : INFO : PROGRESS: pass 0, at document #1616000/4922894\n", - "2019-01-31 00:43:42,246 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:43:42,513 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.026*\"offic\" + 0.025*\"minist\" + 0.024*\"serv\" + 0.021*\"nation\" + 0.020*\"govern\" + 0.019*\"member\" + 0.018*\"gener\" + 0.015*\"seri\" + 0.015*\"start\"\n", - "2019-01-31 00:43:42,514 : INFO : topic #28 (0.020): 0.030*\"build\" + 0.025*\"hous\" + 0.022*\"rivièr\" + 0.017*\"buford\" + 0.012*\"histor\" + 0.011*\"briarwood\" + 0.011*\"constitut\" + 0.010*\"linear\" + 0.010*\"strategist\" + 0.010*\"depress\"\n", - "2019-01-31 00:43:42,515 : INFO : topic #45 (0.020): 0.024*\"jpg\" + 0.023*\"fifteenth\" + 0.017*\"black\" + 0.017*\"western\" + 0.017*\"colder\" + 0.016*\"illicit\" + 0.015*\"record\" + 0.011*\"blind\" + 0.008*\"light\" + 0.008*\"green\"\n", - "2019-01-31 00:43:42,516 : INFO : topic #23 (0.020): 0.137*\"audit\" + 0.070*\"best\" + 0.034*\"yawn\" + 0.027*\"jacksonvil\" + 0.024*\"japanes\" + 0.023*\"festiv\" + 0.021*\"noll\" + 0.018*\"women\" + 0.017*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 00:43:42,517 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.022*\"walter\" + 0.020*\"armi\" + 0.017*\"com\" + 0.013*\"oper\" + 0.013*\"unionist\" + 0.012*\"militari\" + 0.011*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 00:43:42,523 : INFO : topic diff=0.004504, rho=0.035180\n", - "2019-01-31 00:43:42,678 : INFO : PROGRESS: pass 0, at document #1618000/4922894\n", - "2019-01-31 00:43:44,059 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:43:44,325 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.045*\"chilton\" + 0.026*\"hong\" + 0.024*\"kong\" + 0.022*\"korea\" + 0.017*\"korean\" + 0.017*\"sourc\" + 0.015*\"shirin\" + 0.015*\"leah\" + 0.013*\"kim\"\n", - "2019-01-31 00:43:44,326 : INFO : topic #34 (0.020): 0.073*\"start\" + 0.035*\"cotton\" + 0.032*\"unionist\" + 0.030*\"american\" + 0.028*\"new\" + 0.017*\"year\" + 0.015*\"california\" + 0.013*\"terri\" + 0.012*\"north\" + 0.012*\"warrior\"\n", - "2019-01-31 00:43:44,327 : INFO : topic #24 (0.020): 0.040*\"book\" + 0.035*\"publicis\" + 0.024*\"word\" + 0.017*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.013*\"nicola\" + 0.012*\"storag\" + 0.012*\"collect\" + 0.011*\"magazin\"\n", - "2019-01-31 00:43:44,328 : INFO : topic #0 (0.020): 0.068*\"statewid\" + 0.039*\"line\" + 0.037*\"arsen\" + 0.034*\"raid\" + 0.028*\"museo\" + 0.020*\"traceabl\" + 0.017*\"serv\" + 0.015*\"exhaust\" + 0.014*\"pain\" + 0.013*\"gai\"\n", - "2019-01-31 00:43:44,329 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.009*\"media\" + 0.008*\"hormon\" + 0.008*\"disco\" + 0.008*\"have\" + 0.007*\"pathwai\" + 0.007*\"proper\" + 0.007*\"caus\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 00:43:44,335 : INFO : topic diff=0.006087, rho=0.035158\n", - "2019-01-31 00:43:47,049 : INFO : -11.657 per-word bound, 3228.5 perplexity estimate based on a held-out corpus of 2000 documents with 564370 words\n", - "2019-01-31 00:43:47,050 : INFO : PROGRESS: pass 0, at document #1620000/4922894\n", - "2019-01-31 00:43:48,425 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:43:48,691 : INFO : topic #2 (0.020): 0.046*\"isl\" + 0.037*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.014*\"pope\" + 0.011*\"coalit\" + 0.011*\"nativist\" + 0.011*\"blur\" + 0.009*\"bahá\" + 0.009*\"fleet\"\n", - "2019-01-31 00:43:48,692 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.053*\"parti\" + 0.025*\"voluntari\" + 0.021*\"democrat\" + 0.020*\"member\" + 0.017*\"polici\" + 0.014*\"seaport\" + 0.013*\"republ\" + 0.013*\"selma\" + 0.013*\"report\"\n", - "2019-01-31 00:43:48,693 : INFO : topic #28 (0.020): 0.030*\"build\" + 0.025*\"hous\" + 0.021*\"rivièr\" + 0.017*\"buford\" + 0.012*\"histor\" + 0.011*\"briarwood\" + 0.011*\"constitut\" + 0.010*\"linear\" + 0.010*\"depress\" + 0.009*\"strategist\"\n", - "2019-01-31 00:43:48,694 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.029*\"son\" + 0.026*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.011*\"myspac\"\n", - "2019-01-31 00:43:48,695 : INFO : topic #46 (0.020): 0.019*\"stop\" + 0.016*\"sweden\" + 0.016*\"swedish\" + 0.015*\"wind\" + 0.015*\"norwai\" + 0.015*\"treeless\" + 0.014*\"norwegian\" + 0.013*\"damag\" + 0.012*\"huntsvil\" + 0.011*\"denmark\"\n", - "2019-01-31 00:43:48,701 : INFO : topic diff=0.007010, rho=0.035136\n", - "2019-01-31 00:43:48,857 : INFO : PROGRESS: pass 0, at document #1622000/4922894\n", - "2019-01-31 00:43:50,235 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:43:50,502 : INFO : topic #40 (0.020): 0.090*\"unit\" + 0.024*\"schuster\" + 0.022*\"institut\" + 0.022*\"collector\" + 0.021*\"requir\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"http\" + 0.011*\"degre\"\n", - "2019-01-31 00:43:50,503 : INFO : topic #31 (0.020): 0.056*\"fusiform\" + 0.026*\"scientist\" + 0.024*\"player\" + 0.024*\"taxpay\" + 0.020*\"place\" + 0.013*\"clot\" + 0.012*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"yard\"\n", - "2019-01-31 00:43:50,504 : INFO : topic #26 (0.020): 0.030*\"workplac\" + 0.029*\"woman\" + 0.028*\"champion\" + 0.025*\"men\" + 0.024*\"olymp\" + 0.022*\"medal\" + 0.020*\"event\" + 0.018*\"taxpay\" + 0.018*\"alic\" + 0.018*\"gold\"\n", - "2019-01-31 00:43:50,505 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.011*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"word\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.008*\"cultur\" + 0.007*\"human\" + 0.006*\"woman\"\n", - "2019-01-31 00:43:50,506 : INFO : topic #2 (0.020): 0.046*\"isl\" + 0.037*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.014*\"pope\" + 0.011*\"coalit\" + 0.011*\"blur\" + 0.011*\"nativist\" + 0.009*\"bahá\" + 0.009*\"fleet\"\n", - "2019-01-31 00:43:50,512 : INFO : topic diff=0.005434, rho=0.035115\n", - "2019-01-31 00:43:50,672 : INFO : PROGRESS: pass 0, at document #1624000/4922894\n", - "2019-01-31 00:43:52,083 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:43:52,349 : INFO : topic #11 (0.020): 0.025*\"john\" + 0.013*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.011*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"georg\" + 0.009*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:43:52,350 : INFO : topic #33 (0.020): 0.058*\"french\" + 0.046*\"franc\" + 0.027*\"pari\" + 0.022*\"sail\" + 0.020*\"jean\" + 0.016*\"daphn\" + 0.013*\"lazi\" + 0.011*\"loui\" + 0.011*\"piec\" + 0.008*\"convei\"\n", - "2019-01-31 00:43:52,351 : INFO : topic #16 (0.020): 0.050*\"king\" + 0.032*\"priest\" + 0.019*\"quarterli\" + 0.019*\"grammat\" + 0.018*\"duke\" + 0.018*\"rotterdam\" + 0.017*\"idiosyncrat\" + 0.013*\"princ\" + 0.013*\"maria\" + 0.012*\"count\"\n", - "2019-01-31 00:43:52,352 : INFO : topic #39 (0.020): 0.051*\"canada\" + 0.037*\"canadian\" + 0.022*\"toronto\" + 0.021*\"hoar\" + 0.019*\"ontario\" + 0.014*\"hydrogen\" + 0.014*\"new\" + 0.013*\"misericordia\" + 0.013*\"quebec\" + 0.012*\"novotná\"\n", - "2019-01-31 00:43:52,353 : INFO : topic #17 (0.020): 0.073*\"church\" + 0.021*\"christian\" + 0.021*\"cathol\" + 0.020*\"bishop\" + 0.015*\"sail\" + 0.015*\"retroflex\" + 0.010*\"historiographi\" + 0.010*\"romanc\" + 0.009*\"parish\" + 0.009*\"cathedr\"\n", - "2019-01-31 00:43:52,359 : INFO : topic diff=0.006906, rho=0.035093\n", - "2019-01-31 00:43:52,523 : INFO : PROGRESS: pass 0, at document #1626000/4922894\n", - "2019-01-31 00:43:53,968 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:43:54,234 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.023*\"aggress\" + 0.021*\"walter\" + 0.021*\"armi\" + 0.017*\"com\" + 0.014*\"oper\" + 0.014*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 00:43:54,236 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.011*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"word\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.008*\"cultur\" + 0.007*\"human\" + 0.006*\"woman\"\n", - "2019-01-31 00:43:54,236 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.036*\"leagu\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.025*\"scientist\" + 0.024*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:43:54,237 : INFO : topic #43 (0.020): 0.065*\"elect\" + 0.053*\"parti\" + 0.025*\"voluntari\" + 0.021*\"democrat\" + 0.020*\"member\" + 0.017*\"polici\" + 0.014*\"republ\" + 0.014*\"seaport\" + 0.013*\"report\" + 0.013*\"selma\"\n", - "2019-01-31 00:43:54,238 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.025*\"factor\" + 0.020*\"adulthood\" + 0.017*\"feel\" + 0.015*\"male\" + 0.012*\"hostil\" + 0.011*\"plaisir\" + 0.009*\"genu\" + 0.009*\"live\" + 0.008*\"yawn\"\n", - "2019-01-31 00:43:54,244 : INFO : topic diff=0.005354, rho=0.035072\n", - "2019-01-31 00:43:54,401 : INFO : PROGRESS: pass 0, at document #1628000/4922894\n", - "2019-01-31 00:43:55,790 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:43:56,057 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.027*\"final\" + 0.024*\"wife\" + 0.020*\"champion\" + 0.019*\"tourist\" + 0.018*\"chamber\" + 0.016*\"winner\" + 0.016*\"martin\" + 0.015*\"taxpay\" + 0.015*\"open\"\n", - "2019-01-31 00:43:56,059 : INFO : topic #41 (0.020): 0.043*\"citi\" + 0.027*\"new\" + 0.022*\"palmer\" + 0.015*\"strategist\" + 0.012*\"open\" + 0.012*\"center\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.010*\"year\" + 0.009*\"dai\"\n", - "2019-01-31 00:43:56,060 : INFO : topic #39 (0.020): 0.051*\"canada\" + 0.037*\"canadian\" + 0.022*\"toronto\" + 0.021*\"hoar\" + 0.019*\"ontario\" + 0.014*\"hydrogen\" + 0.014*\"misericordia\" + 0.014*\"new\" + 0.013*\"quebec\" + 0.012*\"novotná\"\n", - "2019-01-31 00:43:56,061 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.029*\"son\" + 0.026*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.011*\"myspac\"\n", - "2019-01-31 00:43:56,063 : INFO : topic #14 (0.020): 0.025*\"forc\" + 0.023*\"aggress\" + 0.021*\"walter\" + 0.020*\"armi\" + 0.017*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.012*\"airbu\" + 0.012*\"militari\" + 0.011*\"diversifi\"\n", - "2019-01-31 00:43:56,069 : INFO : topic diff=0.006475, rho=0.035050\n", - "2019-01-31 00:43:56,228 : INFO : PROGRESS: pass 0, at document #1630000/4922894\n", - "2019-01-31 00:43:57,635 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:43:57,902 : INFO : topic #45 (0.020): 0.025*\"jpg\" + 0.023*\"fifteenth\" + 0.016*\"illicit\" + 0.016*\"colder\" + 0.016*\"black\" + 0.016*\"western\" + 0.014*\"record\" + 0.011*\"blind\" + 0.008*\"light\" + 0.007*\"green\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:43:57,903 : INFO : topic #48 (0.020): 0.079*\"octob\" + 0.077*\"sens\" + 0.074*\"march\" + 0.069*\"notion\" + 0.068*\"juli\" + 0.068*\"januari\" + 0.067*\"august\" + 0.067*\"april\" + 0.064*\"judici\" + 0.063*\"decatur\"\n", - "2019-01-31 00:43:57,904 : INFO : topic #23 (0.020): 0.137*\"audit\" + 0.069*\"best\" + 0.035*\"yawn\" + 0.027*\"jacksonvil\" + 0.024*\"japanes\" + 0.023*\"noll\" + 0.022*\"festiv\" + 0.019*\"women\" + 0.017*\"intern\" + 0.013*\"winner\"\n", - "2019-01-31 00:43:57,905 : INFO : topic #38 (0.020): 0.024*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.008*\"forc\" + 0.008*\"teufel\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.006*\"till\" + 0.006*\"militari\" + 0.006*\"pour\"\n", - "2019-01-31 00:43:57,907 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.012*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"origin\" + 0.009*\"form\" + 0.008*\"mean\" + 0.007*\"trade\" + 0.007*\"known\" + 0.007*\"english\" + 0.007*\"god\"\n", - "2019-01-31 00:43:57,913 : INFO : topic diff=0.005909, rho=0.035028\n", - "2019-01-31 00:43:58,131 : INFO : PROGRESS: pass 0, at document #1632000/4922894\n", - "2019-01-31 00:43:59,542 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:43:59,809 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.011*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"word\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.008*\"cultur\" + 0.007*\"human\" + 0.006*\"woman\"\n", - "2019-01-31 00:43:59,810 : INFO : topic #1 (0.020): 0.053*\"china\" + 0.045*\"chilton\" + 0.026*\"hong\" + 0.025*\"kong\" + 0.021*\"korea\" + 0.019*\"korean\" + 0.017*\"sourc\" + 0.016*\"shirin\" + 0.015*\"leah\" + 0.014*\"kim\"\n", - "2019-01-31 00:43:59,811 : INFO : topic #43 (0.020): 0.065*\"elect\" + 0.053*\"parti\" + 0.025*\"voluntari\" + 0.021*\"democrat\" + 0.020*\"member\" + 0.017*\"polici\" + 0.014*\"seaport\" + 0.013*\"republ\" + 0.013*\"report\" + 0.013*\"selma\"\n", - "2019-01-31 00:43:59,812 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.009*\"media\" + 0.008*\"hormon\" + 0.008*\"disco\" + 0.008*\"have\" + 0.007*\"pathwai\" + 0.007*\"proper\" + 0.007*\"caus\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 00:43:59,814 : INFO : topic #31 (0.020): 0.055*\"fusiform\" + 0.026*\"scientist\" + 0.024*\"taxpay\" + 0.024*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.012*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.010*\"yard\"\n", - "2019-01-31 00:43:59,819 : INFO : topic diff=0.004654, rho=0.035007\n", - "2019-01-31 00:43:59,970 : INFO : PROGRESS: pass 0, at document #1634000/4922894\n", - "2019-01-31 00:44:01,320 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:44:01,586 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.012*\"centuri\" + 0.011*\"woodcut\" + 0.010*\"origin\" + 0.009*\"form\" + 0.008*\"mean\" + 0.007*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.007*\"god\"\n", - "2019-01-31 00:44:01,587 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.036*\"leagu\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.025*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:44:01,588 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.015*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"daughter\" + 0.012*\"deal\"\n", - "2019-01-31 00:44:01,590 : INFO : topic #41 (0.020): 0.043*\"citi\" + 0.027*\"new\" + 0.022*\"palmer\" + 0.015*\"strategist\" + 0.012*\"open\" + 0.012*\"center\" + 0.011*\"includ\" + 0.010*\"year\" + 0.010*\"lobe\" + 0.009*\"dai\"\n", - "2019-01-31 00:44:01,591 : INFO : topic #47 (0.020): 0.066*\"muscl\" + 0.035*\"perceptu\" + 0.021*\"theater\" + 0.020*\"place\" + 0.017*\"compos\" + 0.015*\"damn\" + 0.014*\"olympo\" + 0.013*\"orchestr\" + 0.012*\"word\" + 0.012*\"physician\"\n", - "2019-01-31 00:44:01,597 : INFO : topic diff=0.006440, rho=0.034986\n", - "2019-01-31 00:44:01,754 : INFO : PROGRESS: pass 0, at document #1636000/4922894\n", - "2019-01-31 00:44:03,159 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:44:03,425 : INFO : topic #9 (0.020): 0.073*\"bone\" + 0.041*\"american\" + 0.028*\"valour\" + 0.019*\"folei\" + 0.018*\"player\" + 0.018*\"polit\" + 0.018*\"dutch\" + 0.016*\"english\" + 0.012*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 00:44:03,426 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.012*\"centuri\" + 0.011*\"woodcut\" + 0.010*\"origin\" + 0.009*\"form\" + 0.008*\"mean\" + 0.007*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.007*\"god\"\n", - "2019-01-31 00:44:03,427 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.006*\"poet\" + 0.006*\"servitud\" + 0.006*\"exampl\" + 0.006*\"théori\" + 0.006*\"method\" + 0.006*\"mode\" + 0.006*\"measur\"\n", - "2019-01-31 00:44:03,429 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.021*\"spain\" + 0.018*\"del\" + 0.018*\"mexico\" + 0.013*\"soviet\" + 0.012*\"francisco\" + 0.012*\"santa\" + 0.011*\"mexican\" + 0.011*\"lizard\" + 0.011*\"juan\"\n", - "2019-01-31 00:44:03,430 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.023*\"aggress\" + 0.021*\"walter\" + 0.021*\"armi\" + 0.018*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.010*\"refut\"\n", - "2019-01-31 00:44:03,436 : INFO : topic diff=0.004858, rho=0.034964\n", - "2019-01-31 00:44:03,595 : INFO : PROGRESS: pass 0, at document #1638000/4922894\n", - "2019-01-31 00:44:04,992 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:44:05,259 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.006*\"poet\" + 0.006*\"exampl\" + 0.006*\"servitud\" + 0.006*\"théori\" + 0.006*\"method\" + 0.006*\"measur\" + 0.006*\"mode\"\n", - "2019-01-31 00:44:05,260 : INFO : topic #31 (0.020): 0.055*\"fusiform\" + 0.026*\"scientist\" + 0.024*\"taxpay\" + 0.024*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.012*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"yard\"\n", - "2019-01-31 00:44:05,261 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.036*\"leagu\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:44:05,262 : INFO : topic #38 (0.020): 0.024*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.008*\"forc\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.006*\"militari\" + 0.006*\"till\" + 0.006*\"pour\"\n", - "2019-01-31 00:44:05,263 : INFO : topic #43 (0.020): 0.065*\"elect\" + 0.053*\"parti\" + 0.025*\"voluntari\" + 0.021*\"democrat\" + 0.020*\"member\" + 0.017*\"polici\" + 0.014*\"seaport\" + 0.014*\"report\" + 0.013*\"bypass\" + 0.013*\"republ\"\n", - "2019-01-31 00:44:05,269 : INFO : topic diff=0.005580, rho=0.034943\n", - "2019-01-31 00:44:07,929 : INFO : -11.761 per-word bound, 3471.8 perplexity estimate based on a held-out corpus of 2000 documents with 523897 words\n", - "2019-01-31 00:44:07,929 : INFO : PROGRESS: pass 0, at document #1640000/4922894\n", - "2019-01-31 00:44:09,305 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:44:09,572 : INFO : topic #0 (0.020): 0.066*\"statewid\" + 0.040*\"line\" + 0.037*\"arsen\" + 0.032*\"raid\" + 0.029*\"museo\" + 0.019*\"traceabl\" + 0.018*\"serv\" + 0.015*\"exhaust\" + 0.013*\"pain\" + 0.013*\"gai\"\n", - "2019-01-31 00:44:09,573 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.025*\"factor\" + 0.020*\"adulthood\" + 0.017*\"feel\" + 0.015*\"male\" + 0.012*\"hostil\" + 0.012*\"plaisir\" + 0.009*\"genu\" + 0.009*\"live\" + 0.008*\"yawn\"\n", - "2019-01-31 00:44:09,574 : INFO : topic #33 (0.020): 0.058*\"french\" + 0.046*\"franc\" + 0.033*\"pari\" + 0.022*\"sail\" + 0.020*\"jean\" + 0.016*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.007*\"convei\"\n", - "2019-01-31 00:44:09,576 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.035*\"publicis\" + 0.024*\"word\" + 0.017*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"nicola\" + 0.012*\"storag\" + 0.012*\"collect\" + 0.011*\"magazin\"\n", - "2019-01-31 00:44:09,577 : INFO : topic #37 (0.020): 0.010*\"man\" + 0.009*\"love\" + 0.007*\"charact\" + 0.007*\"gestur\" + 0.007*\"comic\" + 0.006*\"septemb\" + 0.005*\"blue\" + 0.005*\"appear\" + 0.004*\"anim\" + 0.004*\"black\"\n", - "2019-01-31 00:44:09,583 : INFO : topic diff=0.005457, rho=0.034922\n", - "2019-01-31 00:44:09,739 : INFO : PROGRESS: pass 0, at document #1642000/4922894\n", - "2019-01-31 00:44:11,128 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:44:11,394 : INFO : topic #3 (0.020): 0.035*\"present\" + 0.026*\"offic\" + 0.025*\"minist\" + 0.024*\"serv\" + 0.020*\"nation\" + 0.019*\"member\" + 0.019*\"govern\" + 0.018*\"gener\" + 0.015*\"seri\" + 0.015*\"start\"\n", - "2019-01-31 00:44:11,395 : INFO : topic #32 (0.020): 0.052*\"district\" + 0.044*\"popolo\" + 0.044*\"vigour\" + 0.040*\"tortur\" + 0.032*\"cotton\" + 0.026*\"area\" + 0.024*\"regim\" + 0.023*\"multitud\" + 0.022*\"citi\" + 0.019*\"cede\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:44:11,396 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.004*\"like\" + 0.004*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 00:44:11,398 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.026*\"rel\" + 0.025*\"reconstruct\" + 0.022*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:44:11,399 : INFO : topic #29 (0.020): 0.025*\"companhia\" + 0.011*\"million\" + 0.011*\"busi\" + 0.009*\"market\" + 0.009*\"bank\" + 0.009*\"industri\" + 0.009*\"produc\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 00:44:11,405 : INFO : topic diff=0.005346, rho=0.034900\n", - "2019-01-31 00:44:11,558 : INFO : PROGRESS: pass 0, at document #1644000/4922894\n", - "2019-01-31 00:44:12,943 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:44:13,209 : INFO : topic #17 (0.020): 0.074*\"church\" + 0.021*\"cathol\" + 0.021*\"christian\" + 0.020*\"bishop\" + 0.016*\"retroflex\" + 0.016*\"sail\" + 0.010*\"cathedr\" + 0.009*\"historiographi\" + 0.009*\"romanc\" + 0.009*\"centuri\"\n", - "2019-01-31 00:44:13,211 : INFO : topic #36 (0.020): 0.012*\"network\" + 0.011*\"prognosi\" + 0.011*\"pop\" + 0.008*\"softwar\" + 0.008*\"brio\" + 0.008*\"develop\" + 0.008*\"diggin\" + 0.008*\"championship\" + 0.007*\"uruguayan\" + 0.007*\"cytokin\"\n", - "2019-01-31 00:44:13,212 : INFO : topic #29 (0.020): 0.025*\"companhia\" + 0.011*\"million\" + 0.011*\"busi\" + 0.009*\"market\" + 0.009*\"bank\" + 0.009*\"industri\" + 0.009*\"produc\" + 0.008*\"yawn\" + 0.007*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 00:44:13,213 : INFO : topic #25 (0.020): 0.033*\"ring\" + 0.018*\"lagrang\" + 0.017*\"warmth\" + 0.016*\"area\" + 0.015*\"mount\" + 0.009*\"foam\" + 0.009*\"north\" + 0.009*\"palmer\" + 0.008*\"land\" + 0.008*\"lobe\"\n", - "2019-01-31 00:44:13,214 : INFO : topic #1 (0.020): 0.053*\"china\" + 0.045*\"chilton\" + 0.025*\"hong\" + 0.024*\"kong\" + 0.023*\"korea\" + 0.020*\"korean\" + 0.018*\"sourc\" + 0.015*\"shirin\" + 0.015*\"leah\" + 0.013*\"kim\"\n", - "2019-01-31 00:44:13,220 : INFO : topic diff=0.005054, rho=0.034879\n", - "2019-01-31 00:44:13,376 : INFO : PROGRESS: pass 0, at document #1646000/4922894\n", - "2019-01-31 00:44:14,769 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:44:15,036 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.006*\"exampl\" + 0.006*\"poet\" + 0.006*\"théori\" + 0.006*\"servitud\" + 0.006*\"method\" + 0.006*\"mode\" + 0.006*\"measur\"\n", - "2019-01-31 00:44:15,037 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.036*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:44:15,038 : INFO : topic #46 (0.020): 0.018*\"stop\" + 0.017*\"sweden\" + 0.016*\"swedish\" + 0.016*\"wind\" + 0.016*\"norwai\" + 0.015*\"norwegian\" + 0.013*\"damag\" + 0.013*\"farid\" + 0.013*\"turkish\" + 0.012*\"treeless\"\n", - "2019-01-31 00:44:15,040 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.025*\"septemb\" + 0.023*\"epiru\" + 0.018*\"teacher\" + 0.017*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:44:15,041 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.027*\"final\" + 0.024*\"wife\" + 0.020*\"champion\" + 0.019*\"tourist\" + 0.018*\"chamber\" + 0.016*\"open\" + 0.016*\"winner\" + 0.015*\"taxpay\" + 0.015*\"martin\"\n", - "2019-01-31 00:44:15,047 : INFO : topic diff=0.006107, rho=0.034858\n", - "2019-01-31 00:44:15,204 : INFO : PROGRESS: pass 0, at document #1648000/4922894\n", - "2019-01-31 00:44:16,598 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:44:16,865 : INFO : topic #26 (0.020): 0.029*\"workplac\" + 0.028*\"woman\" + 0.028*\"champion\" + 0.024*\"olymp\" + 0.024*\"men\" + 0.022*\"medal\" + 0.021*\"event\" + 0.019*\"atheist\" + 0.018*\"rainfal\" + 0.018*\"taxpay\"\n", - "2019-01-31 00:44:16,866 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.025*\"factor\" + 0.020*\"adulthood\" + 0.016*\"feel\" + 0.015*\"male\" + 0.012*\"hostil\" + 0.012*\"plaisir\" + 0.010*\"genu\" + 0.009*\"live\" + 0.008*\"yawn\"\n", - "2019-01-31 00:44:16,867 : INFO : topic #37 (0.020): 0.009*\"man\" + 0.009*\"love\" + 0.008*\"charact\" + 0.007*\"gestur\" + 0.007*\"comic\" + 0.007*\"septemb\" + 0.005*\"appear\" + 0.005*\"blue\" + 0.005*\"anim\" + 0.004*\"black\"\n", - "2019-01-31 00:44:16,868 : INFO : topic #40 (0.020): 0.090*\"unit\" + 0.024*\"schuster\" + 0.022*\"collector\" + 0.022*\"institut\" + 0.021*\"requir\" + 0.019*\"student\" + 0.015*\"professor\" + 0.012*\"word\" + 0.011*\"degre\" + 0.011*\"governor\"\n", - "2019-01-31 00:44:16,869 : INFO : topic #31 (0.020): 0.055*\"fusiform\" + 0.026*\"scientist\" + 0.024*\"taxpay\" + 0.024*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"yard\"\n", - "2019-01-31 00:44:16,875 : INFO : topic diff=0.005742, rho=0.034837\n", - "2019-01-31 00:44:17,027 : INFO : PROGRESS: pass 0, at document #1650000/4922894\n", - "2019-01-31 00:44:18,376 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:44:18,642 : INFO : topic #39 (0.020): 0.053*\"canada\" + 0.038*\"canadian\" + 0.022*\"toronto\" + 0.021*\"hoar\" + 0.019*\"ontario\" + 0.014*\"new\" + 0.014*\"hydrogen\" + 0.013*\"misericordia\" + 0.013*\"novotná\" + 0.012*\"quebec\"\n", - "2019-01-31 00:44:18,643 : INFO : topic #2 (0.020): 0.046*\"isl\" + 0.038*\"shield\" + 0.019*\"narrat\" + 0.013*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.011*\"coalit\" + 0.011*\"nativist\" + 0.009*\"class\" + 0.009*\"bahá\"\n", - "2019-01-31 00:44:18,644 : INFO : topic #16 (0.020): 0.049*\"king\" + 0.031*\"priest\" + 0.024*\"duke\" + 0.020*\"rotterdam\" + 0.018*\"quarterli\" + 0.018*\"idiosyncrat\" + 0.017*\"grammat\" + 0.015*\"count\" + 0.013*\"portugues\" + 0.012*\"princ\"\n", - "2019-01-31 00:44:18,646 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.023*\"cortic\" + 0.023*\"act\" + 0.018*\"start\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"polaris\" + 0.009*\"legal\" + 0.009*\"replac\" + 0.007*\"judaism\"\n", - "2019-01-31 00:44:18,647 : INFO : topic #32 (0.020): 0.052*\"district\" + 0.045*\"vigour\" + 0.045*\"popolo\" + 0.040*\"tortur\" + 0.031*\"cotton\" + 0.026*\"area\" + 0.024*\"regim\" + 0.023*\"multitud\" + 0.022*\"citi\" + 0.019*\"cede\"\n", - "2019-01-31 00:44:18,652 : INFO : topic diff=0.005770, rho=0.034816\n", - "2019-01-31 00:44:18,809 : INFO : PROGRESS: pass 0, at document #1652000/4922894\n", - "2019-01-31 00:44:20,208 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:44:20,474 : INFO : topic #42 (0.020): 0.048*\"german\" + 0.031*\"germani\" + 0.016*\"vol\" + 0.014*\"israel\" + 0.013*\"berlin\" + 0.013*\"der\" + 0.012*\"jewish\" + 0.010*\"european\" + 0.010*\"europ\" + 0.010*\"itali\"\n", - "2019-01-31 00:44:20,475 : INFO : topic #20 (0.020): 0.137*\"scholar\" + 0.040*\"struggl\" + 0.032*\"high\" + 0.030*\"educ\" + 0.027*\"collector\" + 0.018*\"yawn\" + 0.014*\"prognosi\" + 0.009*\"task\" + 0.009*\"pseudo\" + 0.009*\"start\"\n", - "2019-01-31 00:44:20,476 : INFO : topic #0 (0.020): 0.065*\"statewid\" + 0.043*\"line\" + 0.037*\"arsen\" + 0.034*\"raid\" + 0.028*\"museo\" + 0.019*\"traceabl\" + 0.018*\"serv\" + 0.014*\"exhaust\" + 0.014*\"pain\" + 0.013*\"oper\"\n", - "2019-01-31 00:44:20,477 : INFO : topic #36 (0.020): 0.012*\"network\" + 0.011*\"prognosi\" + 0.011*\"pop\" + 0.008*\"softwar\" + 0.008*\"brio\" + 0.008*\"develop\" + 0.008*\"championship\" + 0.008*\"diggin\" + 0.007*\"uruguayan\" + 0.007*\"cytokin\"\n", - "2019-01-31 00:44:20,478 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.024*\"septemb\" + 0.023*\"epiru\" + 0.018*\"teacher\" + 0.017*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.012*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:44:20,484 : INFO : topic diff=0.005179, rho=0.034794\n", - "2019-01-31 00:44:20,641 : INFO : PROGRESS: pass 0, at document #1654000/4922894\n", - "2019-01-31 00:44:22,024 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:44:22,291 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.012*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"origin\" + 0.009*\"form\" + 0.008*\"mean\" + 0.007*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.006*\"like\"\n", - "2019-01-31 00:44:22,292 : INFO : topic #14 (0.020): 0.025*\"forc\" + 0.022*\"aggress\" + 0.021*\"armi\" + 0.021*\"walter\" + 0.017*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.011*\"airmen\"\n", - "2019-01-31 00:44:22,293 : INFO : topic #48 (0.020): 0.080*\"octob\" + 0.078*\"sens\" + 0.078*\"march\" + 0.071*\"juli\" + 0.071*\"notion\" + 0.070*\"januari\" + 0.070*\"april\" + 0.069*\"august\" + 0.067*\"judici\" + 0.065*\"decatur\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:44:22,294 : INFO : topic #3 (0.020): 0.035*\"present\" + 0.027*\"offic\" + 0.024*\"minist\" + 0.023*\"serv\" + 0.020*\"nation\" + 0.020*\"member\" + 0.019*\"govern\" + 0.018*\"gener\" + 0.016*\"seri\" + 0.015*\"start\"\n", - "2019-01-31 00:44:22,295 : INFO : topic #21 (0.020): 0.035*\"samford\" + 0.021*\"spain\" + 0.018*\"mexico\" + 0.018*\"del\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.011*\"lizard\" + 0.011*\"francisco\" + 0.011*\"mexican\" + 0.011*\"carlo\"\n", - "2019-01-31 00:44:22,301 : INFO : topic diff=0.006476, rho=0.034773\n", - "2019-01-31 00:44:22,460 : INFO : PROGRESS: pass 0, at document #1656000/4922894\n", - "2019-01-31 00:44:23,868 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:44:24,135 : INFO : topic #31 (0.020): 0.055*\"fusiform\" + 0.026*\"scientist\" + 0.025*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"yard\"\n", - "2019-01-31 00:44:24,136 : INFO : topic #27 (0.020): 0.072*\"questionnair\" + 0.019*\"taxpay\" + 0.019*\"candid\" + 0.013*\"ret\" + 0.013*\"tornado\" + 0.012*\"driver\" + 0.012*\"find\" + 0.012*\"fool\" + 0.011*\"squatter\" + 0.010*\"champion\"\n", - "2019-01-31 00:44:24,137 : INFO : topic #9 (0.020): 0.076*\"bone\" + 0.039*\"american\" + 0.029*\"valour\" + 0.019*\"player\" + 0.019*\"folei\" + 0.018*\"dutch\" + 0.018*\"polit\" + 0.016*\"english\" + 0.012*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 00:44:24,138 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.022*\"cathol\" + 0.021*\"christian\" + 0.020*\"bishop\" + 0.016*\"sail\" + 0.015*\"retroflex\" + 0.011*\"cathedr\" + 0.009*\"parish\" + 0.009*\"historiographi\" + 0.009*\"poll\"\n", - "2019-01-31 00:44:24,139 : INFO : topic #32 (0.020): 0.052*\"district\" + 0.044*\"popolo\" + 0.044*\"vigour\" + 0.040*\"tortur\" + 0.030*\"cotton\" + 0.026*\"area\" + 0.024*\"regim\" + 0.023*\"multitud\" + 0.022*\"citi\" + 0.019*\"cede\"\n", - "2019-01-31 00:44:24,145 : INFO : topic diff=0.006871, rho=0.034752\n", - "2019-01-31 00:44:24,305 : INFO : PROGRESS: pass 0, at document #1658000/4922894\n", - "2019-01-31 00:44:25,697 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:44:25,963 : INFO : topic #33 (0.020): 0.059*\"french\" + 0.047*\"franc\" + 0.033*\"pari\" + 0.021*\"sail\" + 0.021*\"jean\" + 0.016*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.007*\"convei\"\n", - "2019-01-31 00:44:25,964 : INFO : topic #28 (0.020): 0.031*\"build\" + 0.024*\"hous\" + 0.021*\"rivièr\" + 0.019*\"buford\" + 0.013*\"histor\" + 0.011*\"briarwood\" + 0.011*\"linear\" + 0.011*\"constitut\" + 0.011*\"strategist\" + 0.010*\"depress\"\n", - "2019-01-31 00:44:25,965 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.011*\"aza\" + 0.009*\"battalion\" + 0.008*\"forc\" + 0.008*\"teufel\" + 0.008*\"armi\" + 0.008*\"till\" + 0.007*\"empath\" + 0.006*\"pour\" + 0.006*\"militari\"\n", - "2019-01-31 00:44:25,966 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.027*\"final\" + 0.025*\"wife\" + 0.020*\"champion\" + 0.019*\"tourist\" + 0.018*\"chamber\" + 0.015*\"open\" + 0.015*\"taxpay\" + 0.015*\"winner\" + 0.014*\"tiepolo\"\n", - "2019-01-31 00:44:25,967 : INFO : topic #32 (0.020): 0.053*\"district\" + 0.044*\"vigour\" + 0.044*\"popolo\" + 0.040*\"tortur\" + 0.031*\"cotton\" + 0.026*\"area\" + 0.024*\"multitud\" + 0.024*\"regim\" + 0.022*\"citi\" + 0.019*\"cede\"\n", - "2019-01-31 00:44:25,973 : INFO : topic diff=0.005480, rho=0.034731\n", - "2019-01-31 00:44:28,706 : INFO : -11.791 per-word bound, 3544.0 perplexity estimate based on a held-out corpus of 2000 documents with 570585 words\n", - "2019-01-31 00:44:28,707 : INFO : PROGRESS: pass 0, at document #1660000/4922894\n", - "2019-01-31 00:44:30,121 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:44:30,387 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.029*\"son\" + 0.026*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.011*\"myspac\"\n", - "2019-01-31 00:44:30,388 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.018*\"lagrang\" + 0.017*\"warmth\" + 0.016*\"area\" + 0.015*\"mount\" + 0.009*\"north\" + 0.009*\"foam\" + 0.008*\"land\" + 0.008*\"palmer\" + 0.008*\"lobe\"\n", - "2019-01-31 00:44:30,389 : INFO : topic #26 (0.020): 0.029*\"woman\" + 0.029*\"workplac\" + 0.027*\"champion\" + 0.025*\"olymp\" + 0.024*\"men\" + 0.022*\"medal\" + 0.021*\"event\" + 0.019*\"rainfal\" + 0.018*\"atheist\" + 0.018*\"taxpay\"\n", - "2019-01-31 00:44:30,390 : INFO : topic #4 (0.020): 0.023*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.009*\"elabor\" + 0.009*\"veget\" + 0.009*\"mode\" + 0.007*\"encyclopedia\" + 0.007*\"candid\" + 0.007*\"uruguayan\" + 0.007*\"produc\"\n", - "2019-01-31 00:44:30,392 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.025*\"factor\" + 0.020*\"adulthood\" + 0.016*\"feel\" + 0.014*\"male\" + 0.012*\"plaisir\" + 0.012*\"hostil\" + 0.010*\"genu\" + 0.009*\"live\" + 0.008*\"yawn\"\n", - "2019-01-31 00:44:30,397 : INFO : topic diff=0.006492, rho=0.034711\n", - "2019-01-31 00:44:30,614 : INFO : PROGRESS: pass 0, at document #1662000/4922894\n", - "2019-01-31 00:44:32,025 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:44:32,292 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.009*\"media\" + 0.008*\"disco\" + 0.008*\"hormon\" + 0.007*\"have\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.007*\"proper\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 00:44:32,293 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.029*\"son\" + 0.026*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.011*\"myspac\"\n", - "2019-01-31 00:44:32,294 : INFO : topic #0 (0.020): 0.063*\"statewid\" + 0.042*\"line\" + 0.037*\"arsen\" + 0.034*\"raid\" + 0.028*\"museo\" + 0.019*\"traceabl\" + 0.018*\"serv\" + 0.014*\"exhaust\" + 0.013*\"pain\" + 0.012*\"gai\"\n", - "2019-01-31 00:44:32,295 : INFO : topic #11 (0.020): 0.025*\"john\" + 0.013*\"will\" + 0.013*\"jame\" + 0.012*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"georg\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:44:32,296 : INFO : topic #16 (0.020): 0.049*\"king\" + 0.030*\"priest\" + 0.025*\"duke\" + 0.020*\"rotterdam\" + 0.019*\"idiosyncrat\" + 0.019*\"quarterli\" + 0.017*\"grammat\" + 0.015*\"count\" + 0.012*\"brazil\" + 0.012*\"princ\"\n", - "2019-01-31 00:44:32,302 : INFO : topic diff=0.005054, rho=0.034690\n", - "2019-01-31 00:44:32,454 : INFO : PROGRESS: pass 0, at document #1664000/4922894\n", - "2019-01-31 00:44:33,803 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:44:34,069 : INFO : topic #23 (0.020): 0.135*\"audit\" + 0.068*\"best\" + 0.035*\"yawn\" + 0.027*\"jacksonvil\" + 0.024*\"japanes\" + 0.024*\"noll\" + 0.021*\"festiv\" + 0.019*\"women\" + 0.017*\"intern\" + 0.013*\"prison\"\n", - "2019-01-31 00:44:34,070 : INFO : topic #6 (0.020): 0.072*\"fewer\" + 0.024*\"septemb\" + 0.023*\"epiru\" + 0.018*\"teacher\" + 0.017*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:44:34,071 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.011*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"word\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.007*\"cultur\" + 0.007*\"woman\" + 0.007*\"human\"\n", - "2019-01-31 00:44:34,072 : INFO : topic #47 (0.020): 0.067*\"muscl\" + 0.034*\"perceptu\" + 0.021*\"theater\" + 0.019*\"place\" + 0.017*\"compos\" + 0.015*\"damn\" + 0.014*\"physician\" + 0.014*\"orchestr\" + 0.012*\"olympo\" + 0.011*\"word\"\n", - "2019-01-31 00:44:34,073 : INFO : topic #9 (0.020): 0.077*\"bone\" + 0.039*\"american\" + 0.028*\"valour\" + 0.019*\"player\" + 0.018*\"folei\" + 0.018*\"dutch\" + 0.018*\"polit\" + 0.016*\"english\" + 0.012*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 00:44:34,079 : INFO : topic diff=0.004756, rho=0.034669\n", - "2019-01-31 00:44:34,228 : INFO : PROGRESS: pass 0, at document #1666000/4922894\n", - "2019-01-31 00:44:35,576 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:44:35,843 : INFO : topic #2 (0.020): 0.045*\"isl\" + 0.039*\"shield\" + 0.019*\"narrat\" + 0.013*\"scot\" + 0.012*\"pope\" + 0.011*\"blur\" + 0.011*\"nativist\" + 0.011*\"coalit\" + 0.009*\"fleet\" + 0.009*\"class\"\n", - "2019-01-31 00:44:35,844 : INFO : topic #46 (0.020): 0.018*\"swedish\" + 0.018*\"sweden\" + 0.017*\"stop\" + 0.016*\"wind\" + 0.016*\"norwai\" + 0.015*\"norwegian\" + 0.014*\"damag\" + 0.013*\"treeless\" + 0.012*\"farid\" + 0.012*\"turkish\"\n", - "2019-01-31 00:44:35,845 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.006*\"théori\" + 0.006*\"exampl\" + 0.006*\"poet\" + 0.006*\"measur\" + 0.006*\"mode\" + 0.006*\"method\" + 0.006*\"southern\"\n", - "2019-01-31 00:44:35,846 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.011*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.008*\"armi\" + 0.008*\"teufel\" + 0.008*\"empath\" + 0.007*\"till\" + 0.006*\"pour\" + 0.006*\"militari\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:44:35,847 : INFO : topic #11 (0.020): 0.025*\"john\" + 0.013*\"will\" + 0.012*\"jame\" + 0.012*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"georg\" + 0.008*\"slur\" + 0.008*\"rhyme\" + 0.008*\"paul\"\n", - "2019-01-31 00:44:35,853 : INFO : topic diff=0.005096, rho=0.034648\n", - "2019-01-31 00:44:36,006 : INFO : PROGRESS: pass 0, at document #1668000/4922894\n", - "2019-01-31 00:44:37,599 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:44:37,865 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.025*\"factor\" + 0.020*\"adulthood\" + 0.016*\"feel\" + 0.014*\"male\" + 0.012*\"hostil\" + 0.011*\"plaisir\" + 0.010*\"genu\" + 0.009*\"live\" + 0.008*\"yawn\"\n", - "2019-01-31 00:44:37,866 : INFO : topic #47 (0.020): 0.067*\"muscl\" + 0.035*\"perceptu\" + 0.021*\"theater\" + 0.019*\"place\" + 0.017*\"compos\" + 0.015*\"damn\" + 0.014*\"physician\" + 0.014*\"orchestr\" + 0.013*\"olympo\" + 0.011*\"word\"\n", - "2019-01-31 00:44:37,868 : INFO : topic #9 (0.020): 0.077*\"bone\" + 0.039*\"american\" + 0.029*\"valour\" + 0.021*\"dutch\" + 0.019*\"player\" + 0.018*\"folei\" + 0.017*\"polit\" + 0.016*\"english\" + 0.012*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 00:44:37,869 : INFO : topic #20 (0.020): 0.137*\"scholar\" + 0.040*\"struggl\" + 0.032*\"high\" + 0.030*\"educ\" + 0.026*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.009*\"task\" + 0.009*\"gothic\" + 0.009*\"start\"\n", - "2019-01-31 00:44:37,870 : INFO : topic #11 (0.020): 0.025*\"john\" + 0.013*\"will\" + 0.012*\"jame\" + 0.012*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"georg\" + 0.008*\"slur\" + 0.008*\"rhyme\" + 0.008*\"paul\"\n", - "2019-01-31 00:44:37,876 : INFO : topic diff=0.005313, rho=0.034627\n", - "2019-01-31 00:44:38,035 : INFO : PROGRESS: pass 0, at document #1670000/4922894\n", - "2019-01-31 00:44:39,441 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:44:39,707 : INFO : topic #36 (0.020): 0.011*\"prognosi\" + 0.011*\"network\" + 0.011*\"pop\" + 0.008*\"championship\" + 0.008*\"brio\" + 0.008*\"softwar\" + 0.008*\"develop\" + 0.008*\"diggin\" + 0.008*\"cytokin\" + 0.008*\"uruguayan\"\n", - "2019-01-31 00:44:39,708 : INFO : topic #9 (0.020): 0.077*\"bone\" + 0.039*\"american\" + 0.029*\"valour\" + 0.021*\"dutch\" + 0.018*\"player\" + 0.018*\"folei\" + 0.017*\"polit\" + 0.016*\"english\" + 0.011*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 00:44:39,710 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.035*\"publicis\" + 0.025*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"nicola\" + 0.012*\"storag\" + 0.012*\"collect\" + 0.011*\"magazin\"\n", - "2019-01-31 00:44:39,711 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.004*\"like\" + 0.004*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 00:44:39,712 : INFO : topic #2 (0.020): 0.044*\"isl\" + 0.039*\"shield\" + 0.019*\"narrat\" + 0.013*\"scot\" + 0.012*\"pope\" + 0.011*\"nativist\" + 0.011*\"blur\" + 0.011*\"coalit\" + 0.009*\"fleet\" + 0.009*\"class\"\n", - "2019-01-31 00:44:39,718 : INFO : topic diff=0.004340, rho=0.034606\n", - "2019-01-31 00:44:39,872 : INFO : PROGRESS: pass 0, at document #1672000/4922894\n", - "2019-01-31 00:44:41,237 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:44:41,503 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.018*\"lagrang\" + 0.017*\"warmth\" + 0.016*\"area\" + 0.015*\"mount\" + 0.009*\"north\" + 0.009*\"palmer\" + 0.008*\"foam\" + 0.008*\"land\" + 0.008*\"lobe\"\n", - "2019-01-31 00:44:41,504 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.027*\"final\" + 0.024*\"wife\" + 0.020*\"champion\" + 0.019*\"tourist\" + 0.017*\"chamber\" + 0.016*\"poet\" + 0.015*\"taxpay\" + 0.015*\"martin\" + 0.015*\"tiepolo\"\n", - "2019-01-31 00:44:41,505 : INFO : topic #31 (0.020): 0.055*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 00:44:41,507 : INFO : topic #28 (0.020): 0.031*\"build\" + 0.025*\"hous\" + 0.022*\"rivièr\" + 0.019*\"buford\" + 0.013*\"histor\" + 0.012*\"briarwood\" + 0.011*\"linear\" + 0.011*\"constitut\" + 0.011*\"strategist\" + 0.010*\"depress\"\n", - "2019-01-31 00:44:41,508 : INFO : topic #39 (0.020): 0.052*\"canada\" + 0.039*\"canadian\" + 0.022*\"toronto\" + 0.021*\"hoar\" + 0.018*\"ontario\" + 0.014*\"new\" + 0.014*\"novotná\" + 0.014*\"misericordia\" + 0.014*\"hydrogen\" + 0.012*\"quebec\"\n", - "2019-01-31 00:44:41,513 : INFO : topic diff=0.005141, rho=0.034586\n", - "2019-01-31 00:44:41,668 : INFO : PROGRESS: pass 0, at document #1674000/4922894\n", - "2019-01-31 00:44:43,054 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:44:43,320 : INFO : topic #30 (0.020): 0.037*\"cleveland\" + 0.036*\"leagu\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:44:43,321 : INFO : topic #16 (0.020): 0.049*\"king\" + 0.031*\"priest\" + 0.023*\"duke\" + 0.019*\"idiosyncrat\" + 0.019*\"rotterdam\" + 0.019*\"quarterli\" + 0.018*\"grammat\" + 0.015*\"count\" + 0.013*\"portugues\" + 0.012*\"kingdom\"\n", - "2019-01-31 00:44:43,322 : INFO : topic #14 (0.020): 0.025*\"forc\" + 0.022*\"aggress\" + 0.021*\"armi\" + 0.021*\"walter\" + 0.018*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 00:44:43,323 : INFO : topic #21 (0.020): 0.035*\"samford\" + 0.021*\"spain\" + 0.018*\"del\" + 0.018*\"mexico\" + 0.014*\"soviet\" + 0.012*\"lizard\" + 0.012*\"santa\" + 0.011*\"francisco\" + 0.011*\"juan\" + 0.011*\"carlo\"\n", - "2019-01-31 00:44:43,324 : INFO : topic #41 (0.020): 0.043*\"citi\" + 0.027*\"new\" + 0.022*\"palmer\" + 0.014*\"strategist\" + 0.012*\"open\" + 0.011*\"includ\" + 0.011*\"center\" + 0.010*\"lobe\" + 0.010*\"year\" + 0.009*\"dai\"\n", - "2019-01-31 00:44:43,330 : INFO : topic diff=0.005281, rho=0.034565\n", - "2019-01-31 00:44:43,486 : INFO : PROGRESS: pass 0, at document #1676000/4922894\n", - "2019-01-31 00:44:44,868 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:44:45,136 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"prognosi\" + 0.011*\"pop\" + 0.008*\"develop\" + 0.008*\"championship\" + 0.008*\"brio\" + 0.008*\"softwar\" + 0.008*\"diggin\" + 0.008*\"cytokin\" + 0.008*\"uruguayan\"\n", - "2019-01-31 00:44:45,137 : INFO : topic #37 (0.020): 0.010*\"man\" + 0.009*\"love\" + 0.008*\"charact\" + 0.007*\"gestur\" + 0.007*\"septemb\" + 0.006*\"comic\" + 0.005*\"appear\" + 0.005*\"blue\" + 0.005*\"anim\" + 0.005*\"black\"\n", - "2019-01-31 00:44:45,138 : INFO : topic #6 (0.020): 0.072*\"fewer\" + 0.024*\"septemb\" + 0.022*\"epiru\" + 0.018*\"teacher\" + 0.018*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:44:45,139 : INFO : topic #3 (0.020): 0.036*\"present\" + 0.027*\"offic\" + 0.025*\"minist\" + 0.021*\"serv\" + 0.020*\"nation\" + 0.019*\"govern\" + 0.019*\"member\" + 0.019*\"gener\" + 0.016*\"seri\" + 0.015*\"start\"\n", - "2019-01-31 00:44:45,141 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.011*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.008*\"armi\" + 0.008*\"empath\" + 0.007*\"teufel\" + 0.007*\"till\" + 0.007*\"pour\" + 0.006*\"militari\"\n", - "2019-01-31 00:44:45,147 : INFO : topic diff=0.004645, rho=0.034544\n", - "2019-01-31 00:44:45,302 : INFO : PROGRESS: pass 0, at document #1678000/4922894\n", - "2019-01-31 00:44:46,693 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:44:46,959 : INFO : topic #23 (0.020): 0.135*\"audit\" + 0.068*\"best\" + 0.034*\"yawn\" + 0.027*\"jacksonvil\" + 0.024*\"japanes\" + 0.023*\"noll\" + 0.021*\"festiv\" + 0.019*\"women\" + 0.018*\"intern\" + 0.013*\"misconcept\"\n", - "2019-01-31 00:44:46,960 : INFO : topic #40 (0.020): 0.092*\"unit\" + 0.023*\"schuster\" + 0.023*\"collector\" + 0.022*\"institut\" + 0.020*\"requir\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"http\" + 0.011*\"governor\"\n", - "2019-01-31 00:44:46,961 : INFO : topic #1 (0.020): 0.049*\"china\" + 0.043*\"chilton\" + 0.024*\"hong\" + 0.023*\"kong\" + 0.021*\"korea\" + 0.019*\"leah\" + 0.017*\"korean\" + 0.016*\"sourc\" + 0.015*\"kim\" + 0.013*\"shirin\"\n", - "2019-01-31 00:44:46,962 : INFO : topic #46 (0.020): 0.018*\"stop\" + 0.018*\"swedish\" + 0.018*\"sweden\" + 0.016*\"norwai\" + 0.016*\"wind\" + 0.015*\"norwegian\" + 0.014*\"damag\" + 0.012*\"treeless\" + 0.012*\"farid\" + 0.012*\"denmark\"\n", - "2019-01-31 00:44:46,963 : INFO : topic #13 (0.020): 0.026*\"sourc\" + 0.026*\"australia\" + 0.025*\"london\" + 0.024*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.020*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:44:46,969 : INFO : topic diff=0.005707, rho=0.034524\n", - "2019-01-31 00:44:49,606 : INFO : -11.894 per-word bound, 3806.5 perplexity estimate based on a held-out corpus of 2000 documents with 538208 words\n", - "2019-01-31 00:44:49,606 : INFO : PROGRESS: pass 0, at document #1680000/4922894\n", - "2019-01-31 00:44:50,972 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:44:51,238 : INFO : topic #34 (0.020): 0.072*\"start\" + 0.032*\"unionist\" + 0.031*\"cotton\" + 0.031*\"american\" + 0.027*\"new\" + 0.017*\"year\" + 0.015*\"california\" + 0.012*\"terri\" + 0.012*\"warrior\" + 0.012*\"north\"\n", - "2019-01-31 00:44:51,240 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.025*\"factor\" + 0.019*\"adulthood\" + 0.015*\"feel\" + 0.014*\"male\" + 0.012*\"plaisir\" + 0.012*\"hostil\" + 0.010*\"genu\" + 0.009*\"live\" + 0.008*\"yawn\"\n", - "2019-01-31 00:44:51,241 : INFO : topic #17 (0.020): 0.074*\"church\" + 0.021*\"cathol\" + 0.021*\"christian\" + 0.020*\"bishop\" + 0.016*\"sail\" + 0.015*\"retroflex\" + 0.010*\"cathedr\" + 0.010*\"poll\" + 0.009*\"historiographi\" + 0.009*\"parish\"\n", - "2019-01-31 00:44:51,242 : INFO : topic #39 (0.020): 0.053*\"canada\" + 0.039*\"canadian\" + 0.023*\"toronto\" + 0.021*\"hoar\" + 0.019*\"ontario\" + 0.015*\"misericordia\" + 0.014*\"hydrogen\" + 0.014*\"new\" + 0.014*\"novotná\" + 0.013*\"quebec\"\n", - "2019-01-31 00:44:51,243 : INFO : topic #31 (0.020): 0.056*\"fusiform\" + 0.026*\"scientist\" + 0.025*\"taxpay\" + 0.022*\"player\" + 0.019*\"place\" + 0.014*\"clot\" + 0.014*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 00:44:51,249 : INFO : topic diff=0.004989, rho=0.034503\n", - "2019-01-31 00:44:51,399 : INFO : PROGRESS: pass 0, at document #1682000/4922894\n", - "2019-01-31 00:44:52,749 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:44:53,016 : INFO : topic #41 (0.020): 0.043*\"citi\" + 0.026*\"new\" + 0.022*\"palmer\" + 0.014*\"strategist\" + 0.012*\"open\" + 0.011*\"includ\" + 0.011*\"center\" + 0.010*\"lobe\" + 0.010*\"year\" + 0.009*\"dai\"\n", - "2019-01-31 00:44:53,017 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.017*\"warmth\" + 0.017*\"lagrang\" + 0.016*\"area\" + 0.015*\"mount\" + 0.009*\"north\" + 0.008*\"palmer\" + 0.008*\"foam\" + 0.008*\"vacant\" + 0.008*\"land\"\n", - "2019-01-31 00:44:53,018 : INFO : topic #9 (0.020): 0.077*\"bone\" + 0.042*\"american\" + 0.030*\"valour\" + 0.020*\"dutch\" + 0.019*\"folei\" + 0.019*\"player\" + 0.018*\"polit\" + 0.017*\"english\" + 0.012*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 00:44:53,019 : INFO : topic #35 (0.020): 0.062*\"russia\" + 0.035*\"sovereignti\" + 0.035*\"rural\" + 0.025*\"poison\" + 0.024*\"reprint\" + 0.024*\"personifi\" + 0.023*\"moscow\" + 0.018*\"poland\" + 0.017*\"unfortun\" + 0.016*\"turin\"\n", - "2019-01-31 00:44:53,020 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.025*\"factor\" + 0.019*\"adulthood\" + 0.016*\"feel\" + 0.014*\"male\" + 0.012*\"plaisir\" + 0.011*\"hostil\" + 0.010*\"genu\" + 0.009*\"live\" + 0.008*\"yawn\"\n", - "2019-01-31 00:44:53,026 : INFO : topic diff=0.005542, rho=0.034483\n", - "2019-01-31 00:44:53,178 : INFO : PROGRESS: pass 0, at document #1684000/4922894\n", - "2019-01-31 00:44:54,550 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:44:54,820 : INFO : topic #16 (0.020): 0.049*\"king\" + 0.031*\"priest\" + 0.024*\"duke\" + 0.019*\"idiosyncrat\" + 0.019*\"quarterli\" + 0.018*\"rotterdam\" + 0.018*\"grammat\" + 0.014*\"count\" + 0.013*\"portugues\" + 0.012*\"kingdom\"\n", - "2019-01-31 00:44:54,821 : INFO : topic #41 (0.020): 0.043*\"citi\" + 0.026*\"new\" + 0.022*\"palmer\" + 0.014*\"strategist\" + 0.012*\"open\" + 0.011*\"includ\" + 0.011*\"center\" + 0.010*\"lobe\" + 0.009*\"year\" + 0.009*\"dai\"\n", - "2019-01-31 00:44:54,822 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.031*\"incumb\" + 0.013*\"pakistan\" + 0.013*\"anglo\" + 0.012*\"islam\" + 0.011*\"televis\" + 0.010*\"muskoge\" + 0.010*\"khalsa\" + 0.010*\"alam\" + 0.009*\"sri\"\n", - "2019-01-31 00:44:54,824 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.006*\"exampl\" + 0.006*\"southern\" + 0.006*\"measur\" + 0.006*\"théori\" + 0.006*\"method\" + 0.006*\"poet\" + 0.006*\"differ\"\n", - "2019-01-31 00:44:54,825 : INFO : topic #34 (0.020): 0.072*\"start\" + 0.032*\"unionist\" + 0.031*\"cotton\" + 0.031*\"american\" + 0.027*\"new\" + 0.017*\"year\" + 0.015*\"california\" + 0.012*\"terri\" + 0.012*\"warrior\" + 0.012*\"north\"\n", - "2019-01-31 00:44:54,831 : INFO : topic diff=0.004566, rho=0.034462\n", - "2019-01-31 00:44:54,991 : INFO : PROGRESS: pass 0, at document #1686000/4922894\n", - "2019-01-31 00:44:56,404 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:44:56,671 : INFO : topic #24 (0.020): 0.040*\"book\" + 0.034*\"publicis\" + 0.025*\"word\" + 0.017*\"new\" + 0.014*\"edit\" + 0.014*\"presid\" + 0.012*\"nicola\" + 0.012*\"storag\" + 0.011*\"collect\" + 0.011*\"magazin\"\n", - "2019-01-31 00:44:56,672 : INFO : topic #14 (0.020): 0.025*\"forc\" + 0.021*\"aggress\" + 0.020*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.012*\"diversifi\"\n", - "2019-01-31 00:44:56,674 : INFO : topic #42 (0.020): 0.048*\"german\" + 0.032*\"germani\" + 0.015*\"vol\" + 0.013*\"berlin\" + 0.013*\"israel\" + 0.013*\"der\" + 0.013*\"jewish\" + 0.010*\"european\" + 0.009*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 00:44:56,675 : INFO : topic #16 (0.020): 0.049*\"king\" + 0.031*\"priest\" + 0.023*\"duke\" + 0.020*\"idiosyncrat\" + 0.018*\"quarterli\" + 0.018*\"rotterdam\" + 0.018*\"grammat\" + 0.014*\"count\" + 0.013*\"portugues\" + 0.012*\"princ\"\n", - "2019-01-31 00:44:56,676 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.006*\"exampl\" + 0.006*\"théori\" + 0.006*\"southern\" + 0.006*\"method\" + 0.006*\"measur\" + 0.006*\"poet\" + 0.006*\"servitud\"\n", - "2019-01-31 00:44:56,682 : INFO : topic diff=0.005766, rho=0.034442\n", - "2019-01-31 00:44:56,840 : INFO : PROGRESS: pass 0, at document #1688000/4922894\n", - "2019-01-31 00:44:58,246 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:44:58,512 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.011*\"organ\" + 0.011*\"develop\" + 0.010*\"commun\" + 0.009*\"word\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.007*\"cultur\" + 0.007*\"human\" + 0.007*\"woman\"\n", - "2019-01-31 00:44:58,513 : INFO : topic #42 (0.020): 0.048*\"german\" + 0.033*\"germani\" + 0.015*\"vol\" + 0.013*\"berlin\" + 0.013*\"jewish\" + 0.013*\"der\" + 0.013*\"israel\" + 0.010*\"european\" + 0.009*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 00:44:58,515 : INFO : topic #28 (0.020): 0.031*\"build\" + 0.025*\"hous\" + 0.021*\"rivièr\" + 0.019*\"buford\" + 0.013*\"briarwood\" + 0.013*\"histor\" + 0.011*\"constitut\" + 0.011*\"linear\" + 0.010*\"strategist\" + 0.010*\"depress\"\n", - "2019-01-31 00:44:58,516 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.004*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 00:44:58,517 : INFO : topic #1 (0.020): 0.050*\"china\" + 0.045*\"chilton\" + 0.024*\"hong\" + 0.023*\"kong\" + 0.021*\"korea\" + 0.018*\"leah\" + 0.017*\"korean\" + 0.016*\"sourc\" + 0.014*\"kim\" + 0.012*\"shirin\"\n", - "2019-01-31 00:44:58,523 : INFO : topic diff=0.004404, rho=0.034421\n", - "2019-01-31 00:44:58,680 : INFO : PROGRESS: pass 0, at document #1690000/4922894\n", - "2019-01-31 00:45:00,075 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:45:00,341 : INFO : topic #13 (0.020): 0.027*\"sourc\" + 0.027*\"australia\" + 0.025*\"london\" + 0.025*\"new\" + 0.024*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:45:00,342 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.030*\"incumb\" + 0.013*\"pakistan\" + 0.013*\"anglo\" + 0.012*\"islam\" + 0.012*\"televis\" + 0.010*\"khalsa\" + 0.010*\"muskoge\" + 0.010*\"alam\" + 0.010*\"sri\"\n", - "2019-01-31 00:45:00,343 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.027*\"final\" + 0.024*\"wife\" + 0.020*\"champion\" + 0.019*\"tourist\" + 0.017*\"chamber\" + 0.016*\"martin\" + 0.016*\"taxpay\" + 0.015*\"poet\" + 0.014*\"tiepolo\"\n", - "2019-01-31 00:45:00,344 : INFO : topic #24 (0.020): 0.040*\"book\" + 0.035*\"publicis\" + 0.025*\"word\" + 0.017*\"new\" + 0.014*\"edit\" + 0.014*\"presid\" + 0.012*\"nicola\" + 0.012*\"storag\" + 0.012*\"collect\" + 0.011*\"magazin\"\n", - "2019-01-31 00:45:00,346 : INFO : topic #39 (0.020): 0.051*\"canada\" + 0.038*\"canadian\" + 0.022*\"toronto\" + 0.021*\"hoar\" + 0.020*\"ontario\" + 0.015*\"hydrogen\" + 0.015*\"new\" + 0.014*\"novotná\" + 0.014*\"misericordia\" + 0.012*\"quebec\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:45:00,352 : INFO : topic diff=0.004640, rho=0.034401\n", - "2019-01-31 00:45:00,510 : INFO : PROGRESS: pass 0, at document #1692000/4922894\n", - "2019-01-31 00:45:01,918 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:45:02,184 : INFO : topic #1 (0.020): 0.050*\"china\" + 0.045*\"chilton\" + 0.023*\"hong\" + 0.023*\"kong\" + 0.021*\"korea\" + 0.018*\"leah\" + 0.017*\"korean\" + 0.016*\"sourc\" + 0.014*\"kim\" + 0.012*\"shirin\"\n", - "2019-01-31 00:45:02,185 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.030*\"incumb\" + 0.013*\"pakistan\" + 0.012*\"anglo\" + 0.012*\"islam\" + 0.012*\"televis\" + 0.010*\"khalsa\" + 0.010*\"muskoge\" + 0.010*\"alam\" + 0.010*\"sri\"\n", - "2019-01-31 00:45:02,187 : INFO : topic #17 (0.020): 0.074*\"church\" + 0.021*\"cathol\" + 0.021*\"christian\" + 0.020*\"bishop\" + 0.017*\"sail\" + 0.015*\"retroflex\" + 0.010*\"cathedr\" + 0.009*\"historiographi\" + 0.009*\"poll\" + 0.009*\"centuri\"\n", - "2019-01-31 00:45:02,188 : INFO : topic #20 (0.020): 0.137*\"scholar\" + 0.040*\"struggl\" + 0.031*\"high\" + 0.029*\"educ\" + 0.026*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.009*\"district\" + 0.009*\"gothic\" + 0.009*\"task\"\n", - "2019-01-31 00:45:02,189 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.021*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.017*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.013*\"militari\" + 0.012*\"diversifi\" + 0.011*\"airbu\"\n", - "2019-01-31 00:45:02,195 : INFO : topic diff=0.004626, rho=0.034381\n", - "2019-01-31 00:45:02,409 : INFO : PROGRESS: pass 0, at document #1694000/4922894\n", - "2019-01-31 00:45:03,806 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:45:04,076 : INFO : topic #17 (0.020): 0.074*\"church\" + 0.021*\"cathol\" + 0.021*\"christian\" + 0.020*\"bishop\" + 0.017*\"sail\" + 0.015*\"retroflex\" + 0.010*\"cathedr\" + 0.009*\"poll\" + 0.009*\"historiographi\" + 0.009*\"parish\"\n", - "2019-01-31 00:45:04,077 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.035*\"perceptu\" + 0.021*\"theater\" + 0.019*\"place\" + 0.017*\"compos\" + 0.016*\"damn\" + 0.014*\"orchestr\" + 0.013*\"physician\" + 0.012*\"olympo\" + 0.012*\"word\"\n", - "2019-01-31 00:45:04,078 : INFO : topic #27 (0.020): 0.074*\"questionnair\" + 0.020*\"taxpay\" + 0.018*\"candid\" + 0.013*\"tornado\" + 0.013*\"squatter\" + 0.013*\"find\" + 0.012*\"ret\" + 0.012*\"driver\" + 0.011*\"fool\" + 0.010*\"théori\"\n", - "2019-01-31 00:45:04,079 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.024*\"cortic\" + 0.019*\"act\" + 0.018*\"start\" + 0.014*\"ricardo\" + 0.013*\"case\" + 0.011*\"polaris\" + 0.009*\"legal\" + 0.009*\"replac\" + 0.007*\"judaism\"\n", - "2019-01-31 00:45:04,081 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.025*\"septemb\" + 0.024*\"epiru\" + 0.018*\"teacher\" + 0.017*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:45:04,087 : INFO : topic diff=0.004795, rho=0.034360\n", - "2019-01-31 00:45:04,240 : INFO : PROGRESS: pass 0, at document #1696000/4922894\n", - "2019-01-31 00:45:05,629 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:45:05,895 : INFO : topic #43 (0.020): 0.063*\"elect\" + 0.055*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.014*\"report\" + 0.013*\"bypass\" + 0.013*\"seaport\"\n", - "2019-01-31 00:45:05,896 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.017*\"warmth\" + 0.017*\"lagrang\" + 0.016*\"area\" + 0.015*\"mount\" + 0.009*\"north\" + 0.009*\"palmer\" + 0.008*\"vacant\" + 0.008*\"foam\" + 0.008*\"lobe\"\n", - "2019-01-31 00:45:05,898 : INFO : topic #42 (0.020): 0.049*\"german\" + 0.033*\"germani\" + 0.015*\"vol\" + 0.013*\"berlin\" + 0.013*\"jewish\" + 0.013*\"der\" + 0.012*\"israel\" + 0.010*\"european\" + 0.010*\"austria\" + 0.009*\"europ\"\n", - "2019-01-31 00:45:05,899 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.012*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"origin\" + 0.009*\"form\" + 0.008*\"mean\" + 0.007*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.007*\"like\"\n", - "2019-01-31 00:45:05,900 : INFO : topic #28 (0.020): 0.031*\"build\" + 0.025*\"hous\" + 0.023*\"rivièr\" + 0.019*\"buford\" + 0.013*\"briarwood\" + 0.012*\"histor\" + 0.011*\"constitut\" + 0.011*\"linear\" + 0.011*\"strategist\" + 0.010*\"depress\"\n", - "2019-01-31 00:45:05,906 : INFO : topic diff=0.006264, rho=0.034340\n", - "2019-01-31 00:45:06,066 : INFO : PROGRESS: pass 0, at document #1698000/4922894\n", - "2019-01-31 00:45:07,474 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:45:07,740 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.027*\"final\" + 0.025*\"wife\" + 0.019*\"champion\" + 0.019*\"tourist\" + 0.017*\"chamber\" + 0.016*\"martin\" + 0.016*\"taxpay\" + 0.015*\"poet\" + 0.014*\"tiepolo\"\n", - "2019-01-31 00:45:07,742 : INFO : topic #17 (0.020): 0.073*\"church\" + 0.021*\"cathol\" + 0.020*\"christian\" + 0.020*\"bishop\" + 0.017*\"sail\" + 0.015*\"retroflex\" + 0.010*\"poll\" + 0.010*\"cathedr\" + 0.010*\"centuri\" + 0.010*\"romanc\"\n", - "2019-01-31 00:45:07,743 : INFO : topic #41 (0.020): 0.044*\"citi\" + 0.026*\"new\" + 0.023*\"palmer\" + 0.014*\"strategist\" + 0.012*\"open\" + 0.011*\"center\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"year\" + 0.009*\"highli\"\n", - "2019-01-31 00:45:07,744 : INFO : topic #20 (0.020): 0.139*\"scholar\" + 0.040*\"struggl\" + 0.031*\"high\" + 0.029*\"educ\" + 0.026*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.009*\"gothic\" + 0.009*\"district\" + 0.009*\"task\"\n", - "2019-01-31 00:45:07,745 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.036*\"perceptu\" + 0.021*\"theater\" + 0.019*\"place\" + 0.017*\"compos\" + 0.016*\"damn\" + 0.014*\"orchestr\" + 0.013*\"physician\" + 0.012*\"olympo\" + 0.011*\"word\"\n", - "2019-01-31 00:45:07,751 : INFO : topic diff=0.005738, rho=0.034320\n", - "2019-01-31 00:45:10,412 : INFO : -11.653 per-word bound, 3221.2 perplexity estimate based on a held-out corpus of 2000 documents with 537741 words\n", - "2019-01-31 00:45:10,413 : INFO : PROGRESS: pass 0, at document #1700000/4922894\n", - "2019-01-31 00:45:11,787 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:45:12,054 : INFO : topic #35 (0.020): 0.062*\"russia\" + 0.034*\"rural\" + 0.034*\"sovereignti\" + 0.025*\"poison\" + 0.024*\"reprint\" + 0.022*\"moscow\" + 0.022*\"personifi\" + 0.018*\"poland\" + 0.016*\"unfortun\" + 0.016*\"turin\"\n", - "2019-01-31 00:45:12,055 : INFO : topic #32 (0.020): 0.056*\"district\" + 0.045*\"vigour\" + 0.043*\"popolo\" + 0.039*\"tortur\" + 0.031*\"cotton\" + 0.029*\"area\" + 0.023*\"regim\" + 0.022*\"multitud\" + 0.022*\"citi\" + 0.020*\"cede\"\n", - "2019-01-31 00:45:12,056 : INFO : topic #2 (0.020): 0.043*\"isl\" + 0.038*\"shield\" + 0.019*\"narrat\" + 0.013*\"scot\" + 0.012*\"pope\" + 0.011*\"blur\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.009*\"fleet\" + 0.009*\"class\"\n", - "2019-01-31 00:45:12,057 : INFO : topic #40 (0.020): 0.090*\"unit\" + 0.024*\"schuster\" + 0.022*\"collector\" + 0.022*\"institut\" + 0.021*\"requir\" + 0.018*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"governor\" + 0.011*\"degre\"\n", - "2019-01-31 00:45:12,058 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.027*\"final\" + 0.025*\"wife\" + 0.019*\"tourist\" + 0.019*\"champion\" + 0.017*\"chamber\" + 0.016*\"martin\" + 0.016*\"taxpay\" + 0.015*\"poet\" + 0.014*\"tiepolo\"\n", - "2019-01-31 00:45:12,064 : INFO : topic diff=0.004708, rho=0.034300\n", - "2019-01-31 00:45:12,222 : INFO : PROGRESS: pass 0, at document #1702000/4922894\n", - "2019-01-31 00:45:13,627 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:45:13,893 : INFO : topic #39 (0.020): 0.054*\"canada\" + 0.039*\"canadian\" + 0.022*\"toronto\" + 0.021*\"ontario\" + 0.020*\"hoar\" + 0.015*\"hydrogen\" + 0.014*\"new\" + 0.014*\"misericordia\" + 0.014*\"novotná\" + 0.013*\"quebec\"\n", - "2019-01-31 00:45:13,894 : INFO : topic #24 (0.020): 0.040*\"book\" + 0.035*\"publicis\" + 0.025*\"word\" + 0.017*\"new\" + 0.014*\"edit\" + 0.014*\"presid\" + 0.012*\"storag\" + 0.012*\"nicola\" + 0.011*\"worldwid\" + 0.011*\"collect\"\n", - "2019-01-31 00:45:13,895 : INFO : topic #43 (0.020): 0.062*\"elect\" + 0.055*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.014*\"report\" + 0.013*\"liber\" + 0.013*\"bypass\"\n", - "2019-01-31 00:45:13,896 : INFO : topic #29 (0.020): 0.027*\"companhia\" + 0.011*\"busi\" + 0.011*\"million\" + 0.010*\"bank\" + 0.010*\"market\" + 0.009*\"produc\" + 0.009*\"industri\" + 0.008*\"yawn\" + 0.007*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 00:45:13,897 : INFO : topic #45 (0.020): 0.026*\"jpg\" + 0.025*\"fifteenth\" + 0.018*\"black\" + 0.017*\"illicit\" + 0.016*\"colder\" + 0.016*\"western\" + 0.013*\"record\" + 0.011*\"blind\" + 0.008*\"light\" + 0.007*\"depress\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:45:13,903 : INFO : topic diff=0.005445, rho=0.034280\n", - "2019-01-31 00:45:14,058 : INFO : PROGRESS: pass 0, at document #1704000/4922894\n", - "2019-01-31 00:45:15,432 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:45:15,699 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.007*\"exampl\" + 0.006*\"poet\" + 0.006*\"servitud\" + 0.006*\"théori\" + 0.006*\"southern\" + 0.006*\"method\" + 0.006*\"measur\"\n", - "2019-01-31 00:45:15,700 : INFO : topic #11 (0.020): 0.025*\"john\" + 0.013*\"will\" + 0.012*\"jame\" + 0.012*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"georg\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:45:15,701 : INFO : topic #24 (0.020): 0.040*\"book\" + 0.035*\"publicis\" + 0.025*\"word\" + 0.017*\"new\" + 0.014*\"edit\" + 0.014*\"presid\" + 0.012*\"nicola\" + 0.012*\"storag\" + 0.011*\"collect\" + 0.011*\"worldwid\"\n", - "2019-01-31 00:45:15,702 : INFO : topic #2 (0.020): 0.043*\"isl\" + 0.038*\"shield\" + 0.019*\"narrat\" + 0.014*\"scot\" + 0.012*\"pope\" + 0.011*\"blur\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.009*\"fleet\" + 0.009*\"class\"\n", - "2019-01-31 00:45:15,703 : INFO : topic #37 (0.020): 0.009*\"man\" + 0.009*\"love\" + 0.008*\"charact\" + 0.007*\"septemb\" + 0.007*\"gestur\" + 0.006*\"comic\" + 0.006*\"blue\" + 0.006*\"appear\" + 0.005*\"anim\" + 0.004*\"dixi\"\n", - "2019-01-31 00:45:15,709 : INFO : topic diff=0.005435, rho=0.034259\n", - "2019-01-31 00:45:15,867 : INFO : PROGRESS: pass 0, at document #1706000/4922894\n", - "2019-01-31 00:45:17,271 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:45:17,540 : INFO : topic #41 (0.020): 0.044*\"citi\" + 0.026*\"new\" + 0.022*\"palmer\" + 0.015*\"strategist\" + 0.012*\"open\" + 0.012*\"center\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.010*\"year\" + 0.009*\"highli\"\n", - "2019-01-31 00:45:17,541 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.036*\"perceptu\" + 0.021*\"theater\" + 0.019*\"place\" + 0.017*\"compos\" + 0.016*\"damn\" + 0.014*\"orchestr\" + 0.013*\"physician\" + 0.012*\"olympo\" + 0.011*\"word\"\n", - "2019-01-31 00:45:17,543 : INFO : topic #37 (0.020): 0.009*\"man\" + 0.009*\"love\" + 0.008*\"charact\" + 0.007*\"septemb\" + 0.007*\"gestur\" + 0.006*\"comic\" + 0.006*\"appear\" + 0.006*\"blue\" + 0.005*\"anim\" + 0.005*\"dixi\"\n", - "2019-01-31 00:45:17,544 : INFO : topic #35 (0.020): 0.062*\"russia\" + 0.036*\"sovereignti\" + 0.034*\"rural\" + 0.026*\"poison\" + 0.023*\"reprint\" + 0.023*\"personifi\" + 0.022*\"moscow\" + 0.018*\"poland\" + 0.016*\"unfortun\" + 0.015*\"turin\"\n", - "2019-01-31 00:45:17,545 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.043*\"line\" + 0.035*\"arsen\" + 0.034*\"raid\" + 0.027*\"museo\" + 0.019*\"traceabl\" + 0.018*\"serv\" + 0.014*\"exhaust\" + 0.014*\"pain\" + 0.012*\"oper\"\n", - "2019-01-31 00:45:17,551 : INFO : topic diff=0.005527, rho=0.034239\n", - "2019-01-31 00:45:17,707 : INFO : PROGRESS: pass 0, at document #1708000/4922894\n", - "2019-01-31 00:45:19,090 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:45:19,356 : INFO : topic #43 (0.020): 0.063*\"elect\" + 0.054*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.015*\"seaport\" + 0.015*\"republ\" + 0.014*\"report\" + 0.014*\"liber\"\n", - "2019-01-31 00:45:19,357 : INFO : topic #3 (0.020): 0.035*\"present\" + 0.027*\"offic\" + 0.024*\"minist\" + 0.021*\"nation\" + 0.020*\"govern\" + 0.020*\"serv\" + 0.020*\"member\" + 0.019*\"gener\" + 0.017*\"seri\" + 0.015*\"start\"\n", - "2019-01-31 00:45:19,358 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.043*\"line\" + 0.035*\"arsen\" + 0.034*\"raid\" + 0.027*\"museo\" + 0.019*\"traceabl\" + 0.018*\"serv\" + 0.014*\"exhaust\" + 0.014*\"pain\" + 0.012*\"oper\"\n", - "2019-01-31 00:45:19,359 : INFO : topic #49 (0.020): 0.042*\"india\" + 0.029*\"incumb\" + 0.013*\"islam\" + 0.013*\"pakistan\" + 0.012*\"anglo\" + 0.011*\"televis\" + 0.011*\"khalsa\" + 0.010*\"muskoge\" + 0.010*\"alam\" + 0.009*\"sri\"\n", - "2019-01-31 00:45:19,361 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.025*\"factor\" + 0.020*\"adulthood\" + 0.015*\"feel\" + 0.014*\"male\" + 0.012*\"plaisir\" + 0.012*\"hostil\" + 0.010*\"genu\" + 0.009*\"live\" + 0.008*\"median\"\n", - "2019-01-31 00:45:19,366 : INFO : topic diff=0.004782, rho=0.034219\n", - "2019-01-31 00:45:19,520 : INFO : PROGRESS: pass 0, at document #1710000/4922894\n", - "2019-01-31 00:45:20,894 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:45:21,161 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.036*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.016*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:45:21,162 : INFO : topic #2 (0.020): 0.045*\"isl\" + 0.038*\"shield\" + 0.019*\"narrat\" + 0.014*\"scot\" + 0.013*\"pope\" + 0.013*\"blur\" + 0.011*\"coalit\" + 0.011*\"nativist\" + 0.009*\"fleet\" + 0.009*\"bahá\"\n", - "2019-01-31 00:45:21,163 : INFO : topic #28 (0.020): 0.030*\"build\" + 0.025*\"hous\" + 0.024*\"rivièr\" + 0.018*\"buford\" + 0.013*\"briarwood\" + 0.012*\"histor\" + 0.011*\"constitut\" + 0.011*\"strategist\" + 0.010*\"linear\" + 0.010*\"depress\"\n", - "2019-01-31 00:45:21,164 : INFO : topic #45 (0.020): 0.026*\"jpg\" + 0.025*\"fifteenth\" + 0.018*\"black\" + 0.017*\"illicit\" + 0.017*\"colder\" + 0.016*\"western\" + 0.013*\"record\" + 0.011*\"blind\" + 0.008*\"light\" + 0.007*\"depress\"\n", - "2019-01-31 00:45:21,165 : INFO : topic #16 (0.020): 0.050*\"king\" + 0.029*\"priest\" + 0.023*\"duke\" + 0.020*\"idiosyncrat\" + 0.018*\"rotterdam\" + 0.018*\"grammat\" + 0.017*\"quarterli\" + 0.014*\"brazil\" + 0.014*\"portugues\" + 0.013*\"count\"\n", - "2019-01-31 00:45:21,171 : INFO : topic diff=0.004746, rho=0.034199\n", - "2019-01-31 00:45:21,332 : INFO : PROGRESS: pass 0, at document #1712000/4922894\n", - "2019-01-31 00:45:22,764 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:45:23,030 : INFO : topic #41 (0.020): 0.044*\"citi\" + 0.025*\"new\" + 0.023*\"palmer\" + 0.015*\"strategist\" + 0.012*\"open\" + 0.012*\"center\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"year\" + 0.009*\"highli\"\n", - "2019-01-31 00:45:23,031 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.017*\"warmth\" + 0.016*\"lagrang\" + 0.016*\"area\" + 0.015*\"mount\" + 0.009*\"north\" + 0.009*\"palmer\" + 0.008*\"vacant\" + 0.008*\"foam\" + 0.008*\"lobe\"\n", - "2019-01-31 00:45:23,032 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.025*\"factor\" + 0.020*\"adulthood\" + 0.015*\"feel\" + 0.014*\"male\" + 0.012*\"plaisir\" + 0.012*\"hostil\" + 0.010*\"genu\" + 0.009*\"live\" + 0.008*\"median\"\n", - "2019-01-31 00:45:23,033 : INFO : topic #20 (0.020): 0.138*\"scholar\" + 0.039*\"struggl\" + 0.031*\"high\" + 0.029*\"educ\" + 0.024*\"collector\" + 0.018*\"yawn\" + 0.012*\"prognosi\" + 0.010*\"district\" + 0.009*\"gothic\" + 0.009*\"task\"\n", - "2019-01-31 00:45:23,034 : INFO : topic #29 (0.020): 0.027*\"companhia\" + 0.011*\"busi\" + 0.011*\"million\" + 0.010*\"bank\" + 0.010*\"market\" + 0.009*\"produc\" + 0.009*\"industri\" + 0.008*\"yawn\" + 0.007*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 00:45:23,040 : INFO : topic diff=0.005510, rho=0.034179\n", - "2019-01-31 00:45:23,195 : INFO : PROGRESS: pass 0, at document #1714000/4922894\n", - "2019-01-31 00:45:24,564 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:45:24,831 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.030*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.015*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:45:24,832 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.047*\"franc\" + 0.032*\"pari\" + 0.024*\"sail\" + 0.021*\"jean\" + 0.018*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.010*\"piec\" + 0.008*\"convei\"\n", - "2019-01-31 00:45:24,833 : INFO : topic #15 (0.020): 0.011*\"organ\" + 0.011*\"small\" + 0.011*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.009*\"word\" + 0.008*\"peopl\" + 0.007*\"cultur\" + 0.007*\"human\" + 0.007*\"woman\"\n", - "2019-01-31 00:45:24,834 : INFO : topic #21 (0.020): 0.038*\"samford\" + 0.022*\"spain\" + 0.018*\"del\" + 0.017*\"mexico\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.012*\"francisco\" + 0.012*\"juan\" + 0.012*\"lizard\" + 0.012*\"carlo\"\n", - "2019-01-31 00:45:24,835 : INFO : topic #35 (0.020): 0.060*\"russia\" + 0.035*\"sovereignti\" + 0.033*\"rural\" + 0.027*\"poison\" + 0.023*\"reprint\" + 0.023*\"personifi\" + 0.022*\"moscow\" + 0.018*\"poland\" + 0.016*\"unfortun\" + 0.014*\"turin\"\n", - "2019-01-31 00:45:24,841 : INFO : topic diff=0.005373, rho=0.034159\n", - "2019-01-31 00:45:25,000 : INFO : PROGRESS: pass 0, at document #1716000/4922894\n", - "2019-01-31 00:45:26,900 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:45:27,166 : INFO : topic #39 (0.020): 0.054*\"canada\" + 0.039*\"canadian\" + 0.022*\"toronto\" + 0.021*\"hoar\" + 0.021*\"ontario\" + 0.015*\"new\" + 0.014*\"hydrogen\" + 0.014*\"novotná\" + 0.014*\"misericordia\" + 0.012*\"quebec\"\n", - "2019-01-31 00:45:27,167 : INFO : topic #29 (0.020): 0.026*\"companhia\" + 0.011*\"busi\" + 0.011*\"million\" + 0.010*\"bank\" + 0.010*\"produc\" + 0.010*\"market\" + 0.009*\"industri\" + 0.008*\"yawn\" + 0.007*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 00:45:27,168 : INFO : topic #15 (0.020): 0.011*\"organ\" + 0.011*\"develop\" + 0.011*\"small\" + 0.009*\"commun\" + 0.009*\"group\" + 0.009*\"word\" + 0.008*\"peopl\" + 0.007*\"cultur\" + 0.007*\"human\" + 0.007*\"woman\"\n", - "2019-01-31 00:45:27,169 : INFO : topic #41 (0.020): 0.043*\"citi\" + 0.026*\"new\" + 0.023*\"palmer\" + 0.014*\"strategist\" + 0.012*\"open\" + 0.012*\"center\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"year\" + 0.009*\"highli\"\n", - "2019-01-31 00:45:27,170 : INFO : topic #42 (0.020): 0.049*\"german\" + 0.034*\"germani\" + 0.015*\"vol\" + 0.013*\"jewish\" + 0.013*\"berlin\" + 0.013*\"der\" + 0.012*\"israel\" + 0.010*\"european\" + 0.010*\"austria\" + 0.009*\"greek\"\n", - "2019-01-31 00:45:27,176 : INFO : topic diff=0.004973, rho=0.034139\n", - "2019-01-31 00:45:27,346 : INFO : PROGRESS: pass 0, at document #1718000/4922894\n", - "2019-01-31 00:45:28,767 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:45:29,034 : INFO : topic #10 (0.020): 0.011*\"hormon\" + 0.010*\"cdd\" + 0.010*\"media\" + 0.008*\"disco\" + 0.008*\"have\" + 0.007*\"proper\" + 0.007*\"caus\" + 0.007*\"pathwai\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 00:45:29,036 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.017*\"factor\" + 0.016*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"deal\" + 0.012*\"daughter\"\n", - "2019-01-31 00:45:29,037 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.067*\"best\" + 0.034*\"yawn\" + 0.030*\"jacksonvil\" + 0.026*\"japanes\" + 0.022*\"noll\" + 0.021*\"festiv\" + 0.019*\"women\" + 0.017*\"intern\" + 0.014*\"misconcept\"\n", - "2019-01-31 00:45:29,038 : INFO : topic #39 (0.020): 0.054*\"canada\" + 0.040*\"canadian\" + 0.022*\"toronto\" + 0.022*\"ontario\" + 0.021*\"hoar\" + 0.015*\"new\" + 0.014*\"hydrogen\" + 0.014*\"novotná\" + 0.013*\"misericordia\" + 0.012*\"quebec\"\n", - "2019-01-31 00:45:29,039 : INFO : topic #8 (0.020): 0.028*\"law\" + 0.024*\"cortic\" + 0.019*\"start\" + 0.018*\"act\" + 0.014*\"ricardo\" + 0.013*\"case\" + 0.011*\"polaris\" + 0.009*\"legal\" + 0.008*\"replac\" + 0.007*\"judaism\"\n", - "2019-01-31 00:45:29,045 : INFO : topic diff=0.004782, rho=0.034120\n", - "2019-01-31 00:45:31,748 : INFO : -11.861 per-word bound, 3719.0 perplexity estimate based on a held-out corpus of 2000 documents with 550836 words\n", - "2019-01-31 00:45:31,748 : INFO : PROGRESS: pass 0, at document #1720000/4922894\n", - "2019-01-31 00:45:33,148 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:45:33,415 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.030*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.015*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:45:33,416 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.036*\"perceptu\" + 0.020*\"theater\" + 0.019*\"place\" + 0.018*\"damn\" + 0.017*\"compos\" + 0.014*\"orchestr\" + 0.012*\"olympo\" + 0.012*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 00:45:33,417 : INFO : topic #43 (0.020): 0.063*\"elect\" + 0.054*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.015*\"seaport\" + 0.014*\"republ\" + 0.014*\"report\" + 0.014*\"bypass\"\n", - "2019-01-31 00:45:33,418 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"prognosi\" + 0.010*\"pop\" + 0.008*\"develop\" + 0.008*\"cytokin\" + 0.008*\"championship\" + 0.008*\"softwar\" + 0.008*\"uruguayan\" + 0.007*\"brio\" + 0.007*\"user\"\n", - "2019-01-31 00:45:33,419 : INFO : topic #23 (0.020): 0.135*\"audit\" + 0.067*\"best\" + 0.034*\"yawn\" + 0.030*\"jacksonvil\" + 0.026*\"japanes\" + 0.023*\"noll\" + 0.021*\"festiv\" + 0.019*\"women\" + 0.017*\"intern\" + 0.014*\"misconcept\"\n", - "2019-01-31 00:45:33,426 : INFO : topic diff=0.004595, rho=0.034100\n", - "2019-01-31 00:45:33,578 : INFO : PROGRESS: pass 0, at document #1722000/4922894\n", - "2019-01-31 00:45:34,938 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:45:35,204 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.011*\"organ\" + 0.011*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.009*\"word\" + 0.008*\"peopl\" + 0.007*\"cultur\" + 0.007*\"human\" + 0.007*\"woman\"\n", - "2019-01-31 00:45:35,205 : INFO : topic #11 (0.020): 0.025*\"john\" + 0.013*\"will\" + 0.012*\"jame\" + 0.012*\"david\" + 0.011*\"rival\" + 0.010*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.008*\"rhyme\" + 0.008*\"paul\"\n", - "2019-01-31 00:45:35,206 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.025*\"factor\" + 0.019*\"adulthood\" + 0.015*\"feel\" + 0.014*\"male\" + 0.012*\"plaisir\" + 0.011*\"hostil\" + 0.010*\"genu\" + 0.009*\"live\" + 0.008*\"median\"\n", - "2019-01-31 00:45:35,207 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.027*\"final\" + 0.025*\"wife\" + 0.020*\"tourist\" + 0.019*\"champion\" + 0.016*\"chamber\" + 0.016*\"martin\" + 0.015*\"taxpay\" + 0.014*\"tiepolo\" + 0.014*\"poet\"\n", - "2019-01-31 00:45:35,209 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.012*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.008*\"mean\" + 0.008*\"english\" + 0.008*\"trade\" + 0.007*\"known\" + 0.007*\"like\"\n", - "2019-01-31 00:45:35,215 : INFO : topic diff=0.005504, rho=0.034080\n", - "2019-01-31 00:45:35,369 : INFO : PROGRESS: pass 0, at document #1724000/4922894\n", - "2019-01-31 00:45:36,754 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:45:37,020 : INFO : topic #10 (0.020): 0.011*\"hormon\" + 0.010*\"cdd\" + 0.010*\"media\" + 0.008*\"disco\" + 0.008*\"have\" + 0.007*\"proper\" + 0.007*\"caus\" + 0.006*\"pathwai\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 00:45:37,021 : INFO : topic #13 (0.020): 0.027*\"sourc\" + 0.027*\"australia\" + 0.025*\"london\" + 0.025*\"new\" + 0.024*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.014*\"wale\" + 0.014*\"youth\"\n", - "2019-01-31 00:45:37,022 : INFO : topic #49 (0.020): 0.041*\"india\" + 0.028*\"incumb\" + 0.013*\"islam\" + 0.012*\"pakistan\" + 0.012*\"anglo\" + 0.011*\"televis\" + 0.010*\"alam\" + 0.010*\"muskoge\" + 0.010*\"khalsa\" + 0.010*\"sri\"\n", - "2019-01-31 00:45:37,023 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"prognosi\" + 0.010*\"pop\" + 0.008*\"develop\" + 0.008*\"championship\" + 0.008*\"cytokin\" + 0.008*\"brio\" + 0.008*\"softwar\" + 0.008*\"diggin\" + 0.008*\"uruguayan\"\n", - "2019-01-31 00:45:37,024 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.035*\"publicis\" + 0.025*\"word\" + 0.017*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"storag\" + 0.012*\"nicola\" + 0.011*\"collect\" + 0.011*\"worldwid\"\n", - "2019-01-31 00:45:37,030 : INFO : topic diff=0.005104, rho=0.034060\n", - "2019-01-31 00:45:37,188 : INFO : PROGRESS: pass 0, at document #1726000/4922894\n", - "2019-01-31 00:45:38,579 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:45:38,845 : INFO : topic #10 (0.020): 0.011*\"hormon\" + 0.010*\"cdd\" + 0.010*\"media\" + 0.008*\"disco\" + 0.007*\"have\" + 0.007*\"proper\" + 0.007*\"caus\" + 0.006*\"pathwai\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 00:45:38,846 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.007*\"exampl\" + 0.006*\"théori\" + 0.006*\"poet\" + 0.006*\"mode\" + 0.006*\"servitud\" + 0.006*\"southern\" + 0.006*\"differ\"\n", - "2019-01-31 00:45:38,847 : INFO : topic #21 (0.020): 0.039*\"samford\" + 0.022*\"spain\" + 0.018*\"del\" + 0.018*\"mexico\" + 0.014*\"soviet\" + 0.012*\"francisco\" + 0.012*\"santa\" + 0.012*\"lizard\" + 0.012*\"carlo\" + 0.011*\"juan\"\n", - "2019-01-31 00:45:38,849 : INFO : topic #0 (0.020): 0.068*\"statewid\" + 0.042*\"line\" + 0.036*\"arsen\" + 0.034*\"raid\" + 0.027*\"museo\" + 0.019*\"traceabl\" + 0.017*\"serv\" + 0.014*\"exhaust\" + 0.014*\"pain\" + 0.012*\"artist\"\n", - "2019-01-31 00:45:38,850 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.010*\"battalion\" + 0.008*\"forc\" + 0.008*\"empath\" + 0.007*\"armi\" + 0.007*\"teufel\" + 0.007*\"pour\" + 0.006*\"till\" + 0.006*\"militari\"\n", - "2019-01-31 00:45:38,856 : INFO : topic diff=0.005242, rho=0.034040\n", - "2019-01-31 00:45:39,069 : INFO : PROGRESS: pass 0, at document #1728000/4922894\n", - "2019-01-31 00:45:40,443 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:45:40,709 : INFO : topic #21 (0.020): 0.039*\"samford\" + 0.022*\"spain\" + 0.018*\"del\" + 0.018*\"mexico\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.012*\"francisco\" + 0.012*\"lizard\" + 0.012*\"carlo\" + 0.011*\"juan\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:45:40,710 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"prognosi\" + 0.010*\"pop\" + 0.009*\"develop\" + 0.008*\"cytokin\" + 0.008*\"championship\" + 0.008*\"softwar\" + 0.008*\"diggin\" + 0.008*\"uruguayan\" + 0.007*\"brio\"\n", - "2019-01-31 00:45:40,712 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.007*\"exampl\" + 0.006*\"théori\" + 0.006*\"mode\" + 0.006*\"poet\" + 0.006*\"differ\" + 0.006*\"servitud\" + 0.006*\"southern\"\n", - "2019-01-31 00:45:40,713 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.042*\"line\" + 0.036*\"arsen\" + 0.034*\"raid\" + 0.027*\"museo\" + 0.019*\"traceabl\" + 0.018*\"serv\" + 0.014*\"pain\" + 0.014*\"exhaust\" + 0.012*\"artist\"\n", - "2019-01-31 00:45:40,714 : INFO : topic #26 (0.020): 0.029*\"workplac\" + 0.028*\"woman\" + 0.027*\"champion\" + 0.025*\"men\" + 0.025*\"olymp\" + 0.023*\"medal\" + 0.020*\"event\" + 0.018*\"taxpay\" + 0.018*\"gold\" + 0.018*\"rainfal\"\n", - "2019-01-31 00:45:40,720 : INFO : topic diff=0.005225, rho=0.034021\n", - "2019-01-31 00:45:40,881 : INFO : PROGRESS: pass 0, at document #1730000/4922894\n", - "2019-01-31 00:45:42,311 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:45:42,577 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.017*\"factor\" + 0.015*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"deal\" + 0.012*\"daughter\"\n", - "2019-01-31 00:45:42,578 : INFO : topic #32 (0.020): 0.056*\"district\" + 0.045*\"vigour\" + 0.043*\"popolo\" + 0.039*\"tortur\" + 0.031*\"cotton\" + 0.028*\"area\" + 0.023*\"regim\" + 0.023*\"multitud\" + 0.022*\"citi\" + 0.019*\"cede\"\n", - "2019-01-31 00:45:42,579 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.010*\"battalion\" + 0.008*\"forc\" + 0.008*\"empath\" + 0.007*\"armi\" + 0.007*\"pour\" + 0.006*\"teufel\" + 0.006*\"militari\" + 0.006*\"till\"\n", - "2019-01-31 00:45:42,580 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.036*\"perceptu\" + 0.021*\"theater\" + 0.019*\"place\" + 0.017*\"damn\" + 0.017*\"compos\" + 0.014*\"orchestr\" + 0.012*\"olympo\" + 0.011*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 00:45:42,581 : INFO : topic #13 (0.020): 0.027*\"australia\" + 0.026*\"sourc\" + 0.025*\"london\" + 0.025*\"new\" + 0.024*\"england\" + 0.023*\"australian\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.014*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:45:42,587 : INFO : topic diff=0.007418, rho=0.034001\n", - "2019-01-31 00:45:42,744 : INFO : PROGRESS: pass 0, at document #1732000/4922894\n", - "2019-01-31 00:45:44,132 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:45:44,398 : INFO : topic #16 (0.020): 0.050*\"king\" + 0.030*\"priest\" + 0.024*\"duke\" + 0.020*\"idiosyncrat\" + 0.019*\"rotterdam\" + 0.018*\"grammat\" + 0.017*\"quarterli\" + 0.015*\"brazil\" + 0.013*\"portugues\" + 0.013*\"count\"\n", - "2019-01-31 00:45:44,399 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.036*\"perceptu\" + 0.021*\"theater\" + 0.019*\"place\" + 0.017*\"damn\" + 0.017*\"compos\" + 0.013*\"orchestr\" + 0.012*\"olympo\" + 0.011*\"word\" + 0.011*\"physician\"\n", - "2019-01-31 00:45:44,400 : INFO : topic #27 (0.020): 0.073*\"questionnair\" + 0.020*\"taxpay\" + 0.019*\"candid\" + 0.012*\"tornado\" + 0.012*\"find\" + 0.012*\"driver\" + 0.011*\"fool\" + 0.011*\"squatter\" + 0.010*\"théori\" + 0.010*\"ret\"\n", - "2019-01-31 00:45:44,401 : INFO : topic #34 (0.020): 0.072*\"start\" + 0.031*\"unionist\" + 0.031*\"cotton\" + 0.030*\"american\" + 0.028*\"new\" + 0.017*\"year\" + 0.015*\"california\" + 0.012*\"terri\" + 0.012*\"warrior\" + 0.012*\"north\"\n", - "2019-01-31 00:45:44,402 : INFO : topic #1 (0.020): 0.050*\"china\" + 0.043*\"chilton\" + 0.030*\"han\" + 0.023*\"hong\" + 0.023*\"korea\" + 0.023*\"kong\" + 0.018*\"korean\" + 0.018*\"leah\" + 0.015*\"sourc\" + 0.014*\"kim\"\n", - "2019-01-31 00:45:44,408 : INFO : topic diff=0.004885, rho=0.033981\n", - "2019-01-31 00:45:44,569 : INFO : PROGRESS: pass 0, at document #1734000/4922894\n", - "2019-01-31 00:45:45,981 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:45:46,247 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.034*\"germani\" + 0.015*\"vol\" + 0.014*\"jewish\" + 0.013*\"berlin\" + 0.013*\"der\" + 0.012*\"israel\" + 0.010*\"european\" + 0.010*\"greek\" + 0.010*\"austria\"\n", - "2019-01-31 00:45:46,249 : INFO : topic #43 (0.020): 0.063*\"elect\" + 0.053*\"parti\" + 0.024*\"voluntari\" + 0.022*\"democrat\" + 0.021*\"member\" + 0.017*\"polici\" + 0.014*\"bypass\" + 0.014*\"republ\" + 0.014*\"seaport\" + 0.013*\"report\"\n", - "2019-01-31 00:45:46,250 : INFO : topic #46 (0.020): 0.019*\"stop\" + 0.016*\"wind\" + 0.016*\"swedish\" + 0.016*\"sweden\" + 0.015*\"norwai\" + 0.015*\"treeless\" + 0.014*\"damag\" + 0.014*\"norwegian\" + 0.013*\"huntsvil\" + 0.011*\"farid\"\n", - "2019-01-31 00:45:46,251 : INFO : topic #31 (0.020): 0.056*\"fusiform\" + 0.026*\"scientist\" + 0.026*\"taxpay\" + 0.024*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 00:45:46,252 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.066*\"best\" + 0.036*\"yawn\" + 0.029*\"jacksonvil\" + 0.026*\"japanes\" + 0.022*\"noll\" + 0.021*\"festiv\" + 0.019*\"women\" + 0.017*\"intern\" + 0.014*\"misconcept\"\n", - "2019-01-31 00:45:46,258 : INFO : topic diff=0.004924, rho=0.033962\n", - "2019-01-31 00:45:46,414 : INFO : PROGRESS: pass 0, at document #1736000/4922894\n", - "2019-01-31 00:45:47,852 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:45:48,118 : INFO : topic #21 (0.020): 0.038*\"samford\" + 0.021*\"spain\" + 0.019*\"del\" + 0.017*\"mexico\" + 0.013*\"soviet\" + 0.013*\"santa\" + 0.012*\"lizard\" + 0.012*\"francisco\" + 0.012*\"carlo\" + 0.011*\"mexican\"\n", - "2019-01-31 00:45:48,120 : INFO : topic #37 (0.020): 0.010*\"man\" + 0.009*\"love\" + 0.008*\"charact\" + 0.007*\"septemb\" + 0.007*\"gestur\" + 0.006*\"comic\" + 0.006*\"appear\" + 0.005*\"blue\" + 0.005*\"anim\" + 0.005*\"admit\"\n", - "2019-01-31 00:45:48,121 : INFO : topic #32 (0.020): 0.056*\"district\" + 0.045*\"vigour\" + 0.043*\"popolo\" + 0.039*\"tortur\" + 0.031*\"cotton\" + 0.028*\"area\" + 0.023*\"regim\" + 0.022*\"multitud\" + 0.022*\"citi\" + 0.019*\"cede\"\n", - "2019-01-31 00:45:48,122 : INFO : topic #31 (0.020): 0.056*\"fusiform\" + 0.026*\"scientist\" + 0.025*\"taxpay\" + 0.024*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 00:45:48,123 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.006*\"exampl\" + 0.006*\"servitud\" + 0.006*\"théori\" + 0.006*\"poet\" + 0.006*\"mode\" + 0.006*\"differ\" + 0.006*\"southern\"\n", - "2019-01-31 00:45:48,129 : INFO : topic diff=0.005243, rho=0.033942\n", - "2019-01-31 00:45:48,287 : INFO : PROGRESS: pass 0, at document #1738000/4922894\n", - "2019-01-31 00:45:49,681 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:45:49,947 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.006*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.004*\"end\" + 0.004*\"help\" + 0.004*\"kenworthi\"\n", - "2019-01-31 00:45:49,948 : INFO : topic #13 (0.020): 0.026*\"australia\" + 0.026*\"sourc\" + 0.025*\"london\" + 0.025*\"new\" + 0.023*\"england\" + 0.023*\"australian\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:45:49,949 : INFO : topic #49 (0.020): 0.041*\"india\" + 0.028*\"incumb\" + 0.013*\"pakistan\" + 0.012*\"islam\" + 0.012*\"anglo\" + 0.011*\"khalsa\" + 0.010*\"televis\" + 0.010*\"muskoge\" + 0.010*\"alam\" + 0.010*\"sri\"\n", - "2019-01-31 00:45:49,950 : INFO : topic #20 (0.020): 0.136*\"scholar\" + 0.039*\"struggl\" + 0.030*\"high\" + 0.030*\"educ\" + 0.024*\"collector\" + 0.018*\"yawn\" + 0.012*\"prognosi\" + 0.011*\"district\" + 0.011*\"gothic\" + 0.010*\"start\"\n", - "2019-01-31 00:45:49,951 : INFO : topic #27 (0.020): 0.072*\"questionnair\" + 0.020*\"taxpay\" + 0.019*\"candid\" + 0.012*\"find\" + 0.012*\"tornado\" + 0.012*\"driver\" + 0.011*\"fool\" + 0.011*\"ret\" + 0.011*\"squatter\" + 0.010*\"champion\"\n", - "2019-01-31 00:45:49,957 : INFO : topic diff=0.005540, rho=0.033923\n", - "2019-01-31 00:45:52,718 : INFO : -11.684 per-word bound, 3289.3 perplexity estimate based on a held-out corpus of 2000 documents with 583647 words\n", - "2019-01-31 00:45:52,718 : INFO : PROGRESS: pass 0, at document #1740000/4922894\n", - "2019-01-31 00:45:54,137 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:45:54,403 : INFO : topic #13 (0.020): 0.026*\"australia\" + 0.026*\"sourc\" + 0.025*\"london\" + 0.025*\"new\" + 0.023*\"england\" + 0.023*\"australian\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:45:54,404 : INFO : topic #20 (0.020): 0.136*\"scholar\" + 0.039*\"struggl\" + 0.030*\"high\" + 0.030*\"educ\" + 0.024*\"collector\" + 0.018*\"yawn\" + 0.012*\"prognosi\" + 0.011*\"gothic\" + 0.011*\"district\" + 0.010*\"start\"\n", - "2019-01-31 00:45:54,405 : INFO : topic #10 (0.020): 0.010*\"hormon\" + 0.010*\"cdd\" + 0.009*\"media\" + 0.008*\"disco\" + 0.007*\"have\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"pathwai\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 00:45:54,406 : INFO : topic #31 (0.020): 0.055*\"fusiform\" + 0.026*\"scientist\" + 0.025*\"taxpay\" + 0.024*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.012*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 00:45:54,408 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.012*\"centuri\" + 0.010*\"woodcut\" + 0.010*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"english\" + 0.007*\"trade\" + 0.007*\"known\" + 0.007*\"uruguayan\"\n", - "2019-01-31 00:45:54,413 : INFO : topic diff=0.006061, rho=0.033903\n", - "2019-01-31 00:45:54,569 : INFO : PROGRESS: pass 0, at document #1742000/4922894\n", - "2019-01-31 00:45:55,943 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:45:56,209 : INFO : topic #9 (0.020): 0.073*\"bone\" + 0.044*\"american\" + 0.028*\"valour\" + 0.020*\"folei\" + 0.020*\"player\" + 0.019*\"polit\" + 0.019*\"dutch\" + 0.016*\"english\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 00:45:56,211 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.025*\"septemb\" + 0.025*\"epiru\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"movi\" + 0.011*\"direct\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:45:56,212 : INFO : topic #20 (0.020): 0.136*\"scholar\" + 0.039*\"struggl\" + 0.030*\"high\" + 0.030*\"educ\" + 0.024*\"collector\" + 0.018*\"yawn\" + 0.012*\"prognosi\" + 0.011*\"gothic\" + 0.010*\"district\" + 0.010*\"start\"\n", - "2019-01-31 00:45:56,213 : INFO : topic #39 (0.020): 0.055*\"canada\" + 0.040*\"canadian\" + 0.023*\"toronto\" + 0.021*\"ontario\" + 0.020*\"hoar\" + 0.015*\"hydrogen\" + 0.014*\"new\" + 0.013*\"misericordia\" + 0.013*\"novotná\" + 0.012*\"quebec\"\n", - "2019-01-31 00:45:56,214 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.035*\"perceptu\" + 0.020*\"theater\" + 0.019*\"place\" + 0.018*\"damn\" + 0.017*\"compos\" + 0.013*\"orchestr\" + 0.012*\"olympo\" + 0.012*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 00:45:56,220 : INFO : topic diff=0.004280, rho=0.033884\n", - "2019-01-31 00:45:56,377 : INFO : PROGRESS: pass 0, at document #1744000/4922894\n", - "2019-01-31 00:45:57,767 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:45:58,033 : INFO : topic #41 (0.020): 0.042*\"citi\" + 0.025*\"new\" + 0.022*\"palmer\" + 0.015*\"strategist\" + 0.012*\"open\" + 0.012*\"center\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 00:45:58,034 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.030*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.015*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:45:58,035 : INFO : topic #48 (0.020): 0.078*\"sens\" + 0.077*\"march\" + 0.077*\"octob\" + 0.068*\"januari\" + 0.068*\"notion\" + 0.067*\"april\" + 0.066*\"juli\" + 0.065*\"august\" + 0.065*\"judici\" + 0.064*\"decatur\"\n", - "2019-01-31 00:45:58,036 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.017*\"factor\" + 0.015*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"deal\" + 0.012*\"daughter\"\n", - "2019-01-31 00:45:58,038 : INFO : topic #30 (0.020): 0.035*\"cleveland\" + 0.035*\"leagu\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.016*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:45:58,043 : INFO : topic diff=0.006582, rho=0.033864\n", - "2019-01-31 00:45:58,201 : INFO : PROGRESS: pass 0, at document #1746000/4922894\n", - "2019-01-31 00:45:59,599 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:45:59,868 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.028*\"offic\" + 0.024*\"minist\" + 0.021*\"nation\" + 0.021*\"govern\" + 0.020*\"member\" + 0.019*\"serv\" + 0.018*\"gener\" + 0.016*\"seri\" + 0.015*\"start\"\n", - "2019-01-31 00:45:59,869 : INFO : topic #9 (0.020): 0.073*\"bone\" + 0.043*\"american\" + 0.029*\"valour\" + 0.020*\"folei\" + 0.019*\"player\" + 0.019*\"dutch\" + 0.018*\"polit\" + 0.016*\"english\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 00:45:59,870 : INFO : topic #13 (0.020): 0.027*\"sourc\" + 0.026*\"australia\" + 0.025*\"new\" + 0.025*\"london\" + 0.023*\"england\" + 0.023*\"australian\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.016*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:45:59,871 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.035*\"cleveland\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.016*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:45:59,872 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.017*\"factor\" + 0.015*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"deal\" + 0.012*\"daughter\"\n", - "2019-01-31 00:45:59,878 : INFO : topic diff=0.005013, rho=0.033845\n", - "2019-01-31 00:46:00,039 : INFO : PROGRESS: pass 0, at document #1748000/4922894\n", - "2019-01-31 00:46:01,773 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:46:02,040 : INFO : topic #49 (0.020): 0.041*\"india\" + 0.028*\"incumb\" + 0.013*\"pakistan\" + 0.012*\"islam\" + 0.012*\"anglo\" + 0.011*\"khalsa\" + 0.010*\"muskoge\" + 0.010*\"alam\" + 0.010*\"televis\" + 0.009*\"sri\"\n", - "2019-01-31 00:46:02,041 : INFO : topic #13 (0.020): 0.027*\"sourc\" + 0.027*\"australia\" + 0.025*\"new\" + 0.025*\"london\" + 0.023*\"england\" + 0.023*\"australian\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:46:02,043 : INFO : topic #29 (0.020): 0.026*\"companhia\" + 0.011*\"million\" + 0.011*\"bank\" + 0.011*\"busi\" + 0.010*\"produc\" + 0.010*\"market\" + 0.009*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 00:46:02,044 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.024*\"factor\" + 0.021*\"male\" + 0.019*\"adulthood\" + 0.017*\"feel\" + 0.012*\"plaisir\" + 0.011*\"hostil\" + 0.010*\"genu\" + 0.009*\"live\" + 0.008*\"median\"\n", - "2019-01-31 00:46:02,045 : INFO : topic #23 (0.020): 0.137*\"audit\" + 0.065*\"best\" + 0.036*\"yawn\" + 0.030*\"jacksonvil\" + 0.026*\"japanes\" + 0.023*\"noll\" + 0.020*\"festiv\" + 0.018*\"women\" + 0.017*\"intern\" + 0.013*\"prison\"\n", - "2019-01-31 00:46:02,051 : INFO : topic diff=0.005182, rho=0.033826\n", - "2019-01-31 00:46:02,206 : INFO : PROGRESS: pass 0, at document #1750000/4922894\n", - "2019-01-31 00:46:04,012 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:46:04,278 : INFO : topic #13 (0.020): 0.027*\"sourc\" + 0.027*\"australia\" + 0.025*\"new\" + 0.025*\"london\" + 0.023*\"england\" + 0.023*\"australian\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:46:04,279 : INFO : topic #26 (0.020): 0.030*\"workplac\" + 0.028*\"champion\" + 0.026*\"woman\" + 0.025*\"olymp\" + 0.024*\"men\" + 0.023*\"medal\" + 0.020*\"event\" + 0.019*\"taxpay\" + 0.018*\"rainfal\" + 0.018*\"gold\"\n", - "2019-01-31 00:46:04,280 : INFO : topic #37 (0.020): 0.010*\"man\" + 0.009*\"love\" + 0.008*\"charact\" + 0.007*\"septemb\" + 0.007*\"gestur\" + 0.006*\"appear\" + 0.006*\"comic\" + 0.005*\"blue\" + 0.005*\"anim\" + 0.005*\"admit\"\n", - "2019-01-31 00:46:04,281 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.035*\"cleveland\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.022*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.016*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:46:04,282 : INFO : topic #40 (0.020): 0.089*\"unit\" + 0.023*\"schuster\" + 0.023*\"collector\" + 0.022*\"institut\" + 0.021*\"requir\" + 0.019*\"student\" + 0.015*\"professor\" + 0.012*\"word\" + 0.011*\"degre\" + 0.011*\"governor\"\n", - "2019-01-31 00:46:04,288 : INFO : topic diff=0.005553, rho=0.033806\n", - "2019-01-31 00:46:04,445 : INFO : PROGRESS: pass 0, at document #1752000/4922894\n", - "2019-01-31 00:46:05,835 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:46:06,102 : INFO : topic #25 (0.020): 0.031*\"ring\" + 0.017*\"lagrang\" + 0.017*\"warmth\" + 0.016*\"area\" + 0.015*\"mount\" + 0.009*\"north\" + 0.009*\"palmer\" + 0.008*\"land\" + 0.008*\"foam\" + 0.008*\"lobe\"\n", - "2019-01-31 00:46:06,103 : INFO : topic #35 (0.020): 0.058*\"russia\" + 0.038*\"sovereignti\" + 0.033*\"rural\" + 0.025*\"poison\" + 0.023*\"reprint\" + 0.023*\"personifi\" + 0.022*\"moscow\" + 0.018*\"poland\" + 0.016*\"unfortun\" + 0.014*\"turin\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:46:06,104 : INFO : topic #37 (0.020): 0.010*\"man\" + 0.009*\"love\" + 0.008*\"charact\" + 0.007*\"septemb\" + 0.007*\"gestur\" + 0.006*\"comic\" + 0.006*\"appear\" + 0.005*\"blue\" + 0.005*\"anim\" + 0.005*\"admit\"\n", - "2019-01-31 00:46:06,105 : INFO : topic #21 (0.020): 0.037*\"samford\" + 0.021*\"spain\" + 0.019*\"del\" + 0.018*\"mexico\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.012*\"carlo\" + 0.012*\"lizard\" + 0.011*\"francisco\" + 0.011*\"juan\"\n", - "2019-01-31 00:46:06,106 : INFO : topic #10 (0.020): 0.010*\"cdd\" + 0.009*\"media\" + 0.009*\"hormon\" + 0.008*\"disco\" + 0.007*\"have\" + 0.007*\"caus\" + 0.006*\"pathwai\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"gastrointestin\"\n", - "2019-01-31 00:46:06,112 : INFO : topic diff=0.005947, rho=0.033787\n", - "2019-01-31 00:46:06,269 : INFO : PROGRESS: pass 0, at document #1754000/4922894\n", - "2019-01-31 00:46:07,656 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:46:07,921 : INFO : topic #35 (0.020): 0.057*\"russia\" + 0.037*\"sovereignti\" + 0.033*\"rural\" + 0.025*\"poison\" + 0.023*\"reprint\" + 0.023*\"personifi\" + 0.021*\"moscow\" + 0.017*\"poland\" + 0.015*\"unfortun\" + 0.014*\"tyrant\"\n", - "2019-01-31 00:46:07,922 : INFO : topic #48 (0.020): 0.079*\"march\" + 0.078*\"sens\" + 0.078*\"octob\" + 0.069*\"notion\" + 0.069*\"januari\" + 0.068*\"april\" + 0.068*\"juli\" + 0.066*\"august\" + 0.066*\"judici\" + 0.065*\"decatur\"\n", - "2019-01-31 00:46:07,924 : INFO : topic #37 (0.020): 0.010*\"man\" + 0.009*\"love\" + 0.008*\"charact\" + 0.007*\"septemb\" + 0.007*\"gestur\" + 0.006*\"appear\" + 0.006*\"comic\" + 0.006*\"blue\" + 0.005*\"anim\" + 0.005*\"admit\"\n", - "2019-01-31 00:46:07,925 : INFO : topic #10 (0.020): 0.010*\"cdd\" + 0.009*\"media\" + 0.009*\"hormon\" + 0.008*\"disco\" + 0.007*\"have\" + 0.007*\"caus\" + 0.006*\"pathwai\" + 0.006*\"effect\" + 0.006*\"gastrointestin\" + 0.006*\"proper\"\n", - "2019-01-31 00:46:07,926 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.013*\"will\" + 0.012*\"david\" + 0.012*\"jame\" + 0.011*\"rival\" + 0.010*\"mexican–american\" + 0.008*\"georg\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:46:07,932 : INFO : topic diff=0.005338, rho=0.033768\n", - "2019-01-31 00:46:08,088 : INFO : PROGRESS: pass 0, at document #1756000/4922894\n", - "2019-01-31 00:46:09,473 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:46:09,739 : INFO : topic #32 (0.020): 0.054*\"district\" + 0.045*\"vigour\" + 0.044*\"popolo\" + 0.039*\"tortur\" + 0.031*\"cotton\" + 0.028*\"area\" + 0.023*\"regim\" + 0.022*\"multitud\" + 0.022*\"citi\" + 0.020*\"cede\"\n", - "2019-01-31 00:46:09,740 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.024*\"factor\" + 0.020*\"male\" + 0.019*\"adulthood\" + 0.017*\"feel\" + 0.012*\"plaisir\" + 0.011*\"hostil\" + 0.010*\"genu\" + 0.009*\"live\" + 0.008*\"median\"\n", - "2019-01-31 00:46:09,741 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.028*\"offic\" + 0.024*\"minist\" + 0.022*\"nation\" + 0.021*\"govern\" + 0.020*\"member\" + 0.018*\"serv\" + 0.018*\"gener\" + 0.016*\"seri\" + 0.016*\"start\"\n", - "2019-01-31 00:46:09,742 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.025*\"new\" + 0.022*\"palmer\" + 0.014*\"strategist\" + 0.012*\"open\" + 0.012*\"center\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"highli\" + 0.009*\"dai\"\n", - "2019-01-31 00:46:09,742 : INFO : topic #21 (0.020): 0.037*\"samford\" + 0.021*\"spain\" + 0.019*\"del\" + 0.018*\"mexico\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.012*\"carlo\" + 0.012*\"lizard\" + 0.011*\"francisco\" + 0.011*\"mexican\"\n", - "2019-01-31 00:46:09,748 : INFO : topic diff=0.004541, rho=0.033748\n", - "2019-01-31 00:46:09,968 : INFO : PROGRESS: pass 0, at document #1758000/4922894\n", - "2019-01-31 00:46:11,398 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:46:11,664 : INFO : topic #40 (0.020): 0.089*\"unit\" + 0.023*\"schuster\" + 0.023*\"collector\" + 0.022*\"institut\" + 0.021*\"requir\" + 0.019*\"student\" + 0.015*\"professor\" + 0.012*\"word\" + 0.011*\"degre\" + 0.011*\"http\"\n", - "2019-01-31 00:46:11,665 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.035*\"cleveland\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.025*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:46:11,666 : INFO : topic #46 (0.020): 0.019*\"stop\" + 0.017*\"wind\" + 0.016*\"swedish\" + 0.015*\"sweden\" + 0.015*\"damag\" + 0.014*\"norwai\" + 0.014*\"treeless\" + 0.013*\"norwegian\" + 0.012*\"huntsvil\" + 0.011*\"farid\"\n", - "2019-01-31 00:46:11,667 : INFO : topic #43 (0.020): 0.062*\"elect\" + 0.056*\"parti\" + 0.025*\"voluntari\" + 0.021*\"democrat\" + 0.020*\"member\" + 0.017*\"polici\" + 0.014*\"bypass\" + 0.014*\"republ\" + 0.013*\"seaport\" + 0.013*\"report\"\n", - "2019-01-31 00:46:11,669 : INFO : topic #42 (0.020): 0.046*\"german\" + 0.032*\"germani\" + 0.014*\"jewish\" + 0.014*\"vol\" + 0.013*\"israel\" + 0.013*\"berlin\" + 0.013*\"der\" + 0.011*\"european\" + 0.009*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 00:46:11,674 : INFO : topic diff=0.005243, rho=0.033729\n", - "2019-01-31 00:46:14,338 : INFO : -11.536 per-word bound, 2970.2 perplexity estimate based on a held-out corpus of 2000 documents with 540914 words\n", - "2019-01-31 00:46:14,339 : INFO : PROGRESS: pass 0, at document #1760000/4922894\n", - "2019-01-31 00:46:15,706 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:46:15,972 : INFO : topic #36 (0.020): 0.012*\"network\" + 0.011*\"prognosi\" + 0.010*\"pop\" + 0.008*\"develop\" + 0.008*\"cytokin\" + 0.008*\"user\" + 0.008*\"uruguayan\" + 0.007*\"championship\" + 0.007*\"softwar\" + 0.007*\"diggin\"\n", - "2019-01-31 00:46:15,973 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.006*\"sack\" + 0.006*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.004*\"end\" + 0.004*\"help\" + 0.004*\"kenworthi\"\n", - "2019-01-31 00:46:15,974 : INFO : topic #11 (0.020): 0.025*\"john\" + 0.013*\"will\" + 0.012*\"david\" + 0.012*\"jame\" + 0.011*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"georg\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:46:15,975 : INFO : topic #13 (0.020): 0.027*\"sourc\" + 0.027*\"australia\" + 0.026*\"new\" + 0.025*\"london\" + 0.023*\"england\" + 0.023*\"australian\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.015*\"youth\" + 0.015*\"wale\"\n", - "2019-01-31 00:46:15,976 : INFO : topic #2 (0.020): 0.047*\"isl\" + 0.037*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.012*\"blur\" + 0.012*\"pope\" + 0.011*\"coalit\" + 0.011*\"nativist\" + 0.010*\"bahá\" + 0.009*\"crew\"\n", - "2019-01-31 00:46:15,982 : INFO : topic diff=0.004600, rho=0.033710\n", - "2019-01-31 00:46:16,141 : INFO : PROGRESS: pass 0, at document #1762000/4922894\n", - "2019-01-31 00:46:17,545 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:46:17,811 : INFO : topic #35 (0.020): 0.058*\"russia\" + 0.037*\"sovereignti\" + 0.033*\"rural\" + 0.024*\"poison\" + 0.023*\"reprint\" + 0.022*\"personifi\" + 0.021*\"moscow\" + 0.017*\"poland\" + 0.016*\"unfortun\" + 0.014*\"tyrant\"\n", - "2019-01-31 00:46:17,812 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.028*\"incumb\" + 0.013*\"pakistan\" + 0.013*\"islam\" + 0.012*\"anglo\" + 0.011*\"muskoge\" + 0.011*\"khalsa\" + 0.010*\"alam\" + 0.010*\"televis\" + 0.009*\"tajikistan\"\n", - "2019-01-31 00:46:17,813 : INFO : topic #13 (0.020): 0.028*\"sourc\" + 0.027*\"australia\" + 0.026*\"new\" + 0.025*\"london\" + 0.023*\"england\" + 0.023*\"australian\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.016*\"youth\" + 0.015*\"wale\"\n", - "2019-01-31 00:46:17,814 : INFO : topic #38 (0.020): 0.024*\"walter\" + 0.009*\"battalion\" + 0.009*\"aza\" + 0.009*\"forc\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.006*\"teufel\" + 0.006*\"pour\" + 0.006*\"govern\" + 0.006*\"militari\"\n", - "2019-01-31 00:46:17,815 : INFO : topic #5 (0.020): 0.040*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.015*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.011*\"myspac\"\n", - "2019-01-31 00:46:17,822 : INFO : topic diff=0.006460, rho=0.033691\n", - "2019-01-31 00:46:17,983 : INFO : PROGRESS: pass 0, at document #1764000/4922894\n", - "2019-01-31 00:46:19,374 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:46:19,643 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.018*\"lagrang\" + 0.017*\"warmth\" + 0.016*\"area\" + 0.015*\"mount\" + 0.009*\"north\" + 0.009*\"palmer\" + 0.008*\"foam\" + 0.008*\"land\" + 0.008*\"lobe\"\n", - "2019-01-31 00:46:19,644 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.017*\"factor\" + 0.015*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"daughter\" + 0.012*\"deal\"\n", - "2019-01-31 00:46:19,645 : INFO : topic #15 (0.020): 0.011*\"organ\" + 0.010*\"small\" + 0.010*\"develop\" + 0.010*\"group\" + 0.010*\"commun\" + 0.009*\"word\" + 0.008*\"peopl\" + 0.007*\"cultur\" + 0.007*\"human\" + 0.007*\"woman\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:46:19,646 : INFO : topic #9 (0.020): 0.075*\"bone\" + 0.044*\"american\" + 0.027*\"valour\" + 0.020*\"dutch\" + 0.019*\"folei\" + 0.019*\"player\" + 0.018*\"polit\" + 0.016*\"english\" + 0.013*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 00:46:19,648 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.025*\"new\" + 0.022*\"palmer\" + 0.014*\"strategist\" + 0.012*\"open\" + 0.012*\"center\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"highli\" + 0.009*\"hot\"\n", - "2019-01-31 00:46:19,653 : INFO : topic diff=0.004579, rho=0.033672\n", - "2019-01-31 00:46:19,813 : INFO : PROGRESS: pass 0, at document #1766000/4922894\n", - "2019-01-31 00:46:21,177 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:46:21,443 : INFO : topic #42 (0.020): 0.046*\"german\" + 0.032*\"germani\" + 0.014*\"vol\" + 0.014*\"jewish\" + 0.013*\"berlin\" + 0.013*\"israel\" + 0.012*\"der\" + 0.011*\"european\" + 0.010*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 00:46:21,445 : INFO : topic #31 (0.020): 0.056*\"fusiform\" + 0.027*\"scientist\" + 0.026*\"taxpay\" + 0.024*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 00:46:21,446 : INFO : topic #46 (0.020): 0.018*\"stop\" + 0.016*\"wind\" + 0.016*\"swedish\" + 0.016*\"sweden\" + 0.015*\"damag\" + 0.015*\"norwai\" + 0.014*\"norwegian\" + 0.013*\"treeless\" + 0.011*\"huntsvil\" + 0.011*\"farid\"\n", - "2019-01-31 00:46:21,447 : INFO : topic #48 (0.020): 0.080*\"march\" + 0.078*\"sens\" + 0.078*\"octob\" + 0.072*\"januari\" + 0.070*\"notion\" + 0.070*\"april\" + 0.069*\"juli\" + 0.068*\"judici\" + 0.067*\"august\" + 0.065*\"decatur\"\n", - "2019-01-31 00:46:21,448 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.036*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.025*\"scientist\" + 0.023*\"crete\" + 0.020*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:46:21,454 : INFO : topic diff=0.005109, rho=0.033653\n", - "2019-01-31 00:46:21,608 : INFO : PROGRESS: pass 0, at document #1768000/4922894\n", - "2019-01-31 00:46:22,992 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:46:23,258 : INFO : topic #37 (0.020): 0.009*\"man\" + 0.009*\"love\" + 0.009*\"charact\" + 0.008*\"septemb\" + 0.007*\"gestur\" + 0.006*\"appear\" + 0.006*\"comic\" + 0.006*\"blue\" + 0.005*\"anim\" + 0.005*\"vision\"\n", - "2019-01-31 00:46:23,259 : INFO : topic #1 (0.020): 0.052*\"china\" + 0.045*\"chilton\" + 0.024*\"korea\" + 0.022*\"hong\" + 0.022*\"kong\" + 0.020*\"han\" + 0.020*\"korean\" + 0.018*\"leah\" + 0.015*\"sourc\" + 0.015*\"kim\"\n", - "2019-01-31 00:46:23,260 : INFO : topic #29 (0.020): 0.026*\"companhia\" + 0.011*\"million\" + 0.011*\"busi\" + 0.010*\"bank\" + 0.010*\"produc\" + 0.010*\"market\" + 0.009*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 00:46:23,262 : INFO : topic #5 (0.020): 0.040*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.015*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:46:23,263 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.028*\"final\" + 0.024*\"wife\" + 0.021*\"tourist\" + 0.020*\"champion\" + 0.016*\"chamber\" + 0.015*\"taxpay\" + 0.015*\"martin\" + 0.015*\"open\" + 0.013*\"tiepolo\"\n", - "2019-01-31 00:46:23,269 : INFO : topic diff=0.005534, rho=0.033634\n", - "2019-01-31 00:46:23,424 : INFO : PROGRESS: pass 0, at document #1770000/4922894\n", - "2019-01-31 00:46:24,810 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:46:25,076 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.025*\"new\" + 0.022*\"palmer\" + 0.014*\"strategist\" + 0.012*\"open\" + 0.012*\"center\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"highli\" + 0.009*\"dai\"\n", - "2019-01-31 00:46:25,077 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.024*\"septemb\" + 0.024*\"epiru\" + 0.018*\"teacher\" + 0.017*\"stake\" + 0.013*\"proclaim\" + 0.013*\"rodríguez\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:46:25,078 : INFO : topic #34 (0.020): 0.076*\"start\" + 0.032*\"unionist\" + 0.030*\"american\" + 0.028*\"cotton\" + 0.028*\"new\" + 0.017*\"year\" + 0.015*\"california\" + 0.012*\"terri\" + 0.012*\"warrior\" + 0.012*\"north\"\n", - "2019-01-31 00:46:25,079 : INFO : topic #14 (0.020): 0.023*\"forc\" + 0.022*\"aggress\" + 0.021*\"armi\" + 0.019*\"walter\" + 0.017*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.012*\"airbu\" + 0.012*\"militari\" + 0.011*\"diversifi\"\n", - "2019-01-31 00:46:25,081 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.012*\"centuri\" + 0.011*\"woodcut\" + 0.010*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"english\" + 0.007*\"trade\" + 0.007*\"known\" + 0.006*\"uruguayan\"\n", - "2019-01-31 00:46:25,086 : INFO : topic diff=0.004971, rho=0.033615\n", - "2019-01-31 00:46:25,240 : INFO : PROGRESS: pass 0, at document #1772000/4922894\n", - "2019-01-31 00:46:26,590 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:46:26,856 : INFO : topic #35 (0.020): 0.058*\"russia\" + 0.038*\"sovereignti\" + 0.034*\"rural\" + 0.024*\"reprint\" + 0.023*\"poison\" + 0.022*\"personifi\" + 0.021*\"moscow\" + 0.016*\"poland\" + 0.016*\"unfortun\" + 0.013*\"malaysia\"\n", - "2019-01-31 00:46:26,857 : INFO : topic #36 (0.020): 0.012*\"network\" + 0.011*\"prognosi\" + 0.010*\"pop\" + 0.008*\"develop\" + 0.008*\"user\" + 0.008*\"cytokin\" + 0.007*\"uruguayan\" + 0.007*\"softwar\" + 0.007*\"championship\" + 0.007*\"includ\"\n", - "2019-01-31 00:46:26,858 : INFO : topic #31 (0.020): 0.056*\"fusiform\" + 0.027*\"scientist\" + 0.026*\"taxpay\" + 0.024*\"player\" + 0.020*\"place\" + 0.013*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 00:46:26,859 : INFO : topic #13 (0.020): 0.028*\"australia\" + 0.027*\"sourc\" + 0.027*\"new\" + 0.025*\"london\" + 0.023*\"australian\" + 0.023*\"england\" + 0.018*\"british\" + 0.018*\"youth\" + 0.016*\"ireland\" + 0.014*\"wale\"\n", - "2019-01-31 00:46:26,860 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.009*\"battalion\" + 0.009*\"aza\" + 0.009*\"forc\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.006*\"teufel\" + 0.006*\"pour\" + 0.006*\"govern\" + 0.006*\"militari\"\n", - "2019-01-31 00:46:26,866 : INFO : topic diff=0.005021, rho=0.033596\n", - "2019-01-31 00:46:27,032 : INFO : PROGRESS: pass 0, at document #1774000/4922894\n", - "2019-01-31 00:46:28,446 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:46:28,716 : INFO : topic #34 (0.020): 0.075*\"start\" + 0.032*\"unionist\" + 0.030*\"american\" + 0.028*\"new\" + 0.028*\"cotton\" + 0.017*\"year\" + 0.015*\"california\" + 0.012*\"terri\" + 0.012*\"warrior\" + 0.012*\"north\"\n", - "2019-01-31 00:46:28,717 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.023*\"aggress\" + 0.021*\"armi\" + 0.019*\"walter\" + 0.017*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 00:46:28,718 : INFO : topic #4 (0.020): 0.022*\"enfranchis\" + 0.016*\"depress\" + 0.015*\"pour\" + 0.009*\"elabor\" + 0.008*\"mode\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.007*\"produc\" + 0.007*\"encyclopedia\" + 0.007*\"develop\"\n", - "2019-01-31 00:46:28,719 : INFO : topic #0 (0.020): 0.068*\"statewid\" + 0.041*\"line\" + 0.036*\"arsen\" + 0.035*\"raid\" + 0.027*\"museo\" + 0.019*\"traceabl\" + 0.019*\"serv\" + 0.014*\"exhaust\" + 0.013*\"pain\" + 0.013*\"oper\"\n", - "2019-01-31 00:46:28,721 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.006*\"sack\" + 0.006*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.004*\"end\" + 0.004*\"help\" + 0.004*\"kenworthi\"\n", - "2019-01-31 00:46:28,727 : INFO : topic diff=0.007867, rho=0.033577\n", - "2019-01-31 00:46:28,878 : INFO : PROGRESS: pass 0, at document #1776000/4922894\n", - "2019-01-31 00:46:30,233 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:46:30,500 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.006*\"sack\" + 0.006*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.004*\"end\" + 0.004*\"help\" + 0.004*\"kenworthi\"\n", - "2019-01-31 00:46:30,501 : INFO : topic #23 (0.020): 0.137*\"audit\" + 0.068*\"best\" + 0.035*\"yawn\" + 0.031*\"jacksonvil\" + 0.024*\"japanes\" + 0.023*\"noll\" + 0.020*\"festiv\" + 0.019*\"women\" + 0.016*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 00:46:30,502 : INFO : topic #35 (0.020): 0.059*\"russia\" + 0.037*\"sovereignti\" + 0.033*\"rural\" + 0.024*\"poison\" + 0.023*\"reprint\" + 0.022*\"personifi\" + 0.021*\"moscow\" + 0.016*\"poland\" + 0.015*\"unfortun\" + 0.013*\"malaysia\"\n", - "2019-01-31 00:46:30,503 : INFO : topic #13 (0.020): 0.028*\"sourc\" + 0.027*\"australia\" + 0.027*\"new\" + 0.025*\"london\" + 0.023*\"australian\" + 0.023*\"england\" + 0.018*\"british\" + 0.017*\"youth\" + 0.016*\"ireland\" + 0.014*\"wale\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:46:30,504 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.012*\"centuri\" + 0.011*\"woodcut\" + 0.010*\"form\" + 0.009*\"origin\" + 0.008*\"mean\" + 0.008*\"english\" + 0.007*\"trade\" + 0.007*\"known\" + 0.006*\"uruguayan\"\n", - "2019-01-31 00:46:30,509 : INFO : topic diff=0.005425, rho=0.033558\n", - "2019-01-31 00:46:30,668 : INFO : PROGRESS: pass 0, at document #1778000/4922894\n", - "2019-01-31 00:46:32,056 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:46:32,323 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.034*\"publicis\" + 0.024*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"nicola\" + 0.012*\"storag\" + 0.011*\"collect\" + 0.011*\"worldwid\"\n", - "2019-01-31 00:46:32,324 : INFO : topic #11 (0.020): 0.025*\"john\" + 0.013*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.011*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"georg\" + 0.008*\"slur\" + 0.008*\"rhyme\" + 0.008*\"paul\"\n", - "2019-01-31 00:46:32,325 : INFO : topic #32 (0.020): 0.055*\"district\" + 0.045*\"vigour\" + 0.043*\"popolo\" + 0.039*\"tortur\" + 0.031*\"cotton\" + 0.028*\"area\" + 0.023*\"regim\" + 0.023*\"multitud\" + 0.022*\"citi\" + 0.019*\"cede\"\n", - "2019-01-31 00:46:32,326 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.024*\"septemb\" + 0.023*\"epiru\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.014*\"proclaim\" + 0.013*\"rodríguez\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:46:32,327 : INFO : topic #21 (0.020): 0.038*\"samford\" + 0.022*\"spain\" + 0.020*\"del\" + 0.017*\"mexico\" + 0.014*\"soviet\" + 0.012*\"carlo\" + 0.012*\"francisco\" + 0.012*\"santa\" + 0.012*\"lizard\" + 0.011*\"juan\"\n", - "2019-01-31 00:46:32,333 : INFO : topic diff=0.004494, rho=0.033539\n", - "2019-01-31 00:46:34,990 : INFO : -11.606 per-word bound, 3117.2 perplexity estimate based on a held-out corpus of 2000 documents with 529091 words\n", - "2019-01-31 00:46:34,990 : INFO : PROGRESS: pass 0, at document #1780000/4922894\n", - "2019-01-31 00:46:36,360 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:46:36,626 : INFO : topic #42 (0.020): 0.046*\"german\" + 0.031*\"germani\" + 0.015*\"jewish\" + 0.014*\"vol\" + 0.013*\"berlin\" + 0.013*\"israel\" + 0.012*\"der\" + 0.011*\"european\" + 0.010*\"europ\" + 0.008*\"austria\"\n", - "2019-01-31 00:46:36,627 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.017*\"lagrang\" + 0.017*\"warmth\" + 0.016*\"area\" + 0.015*\"mount\" + 0.009*\"palmer\" + 0.009*\"north\" + 0.009*\"foam\" + 0.008*\"land\" + 0.008*\"lobe\"\n", - "2019-01-31 00:46:36,629 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.035*\"perceptu\" + 0.021*\"theater\" + 0.019*\"place\" + 0.017*\"compos\" + 0.016*\"damn\" + 0.013*\"orchestr\" + 0.012*\"olympo\" + 0.012*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 00:46:36,630 : INFO : topic #35 (0.020): 0.059*\"russia\" + 0.037*\"sovereignti\" + 0.033*\"rural\" + 0.024*\"poison\" + 0.023*\"reprint\" + 0.022*\"personifi\" + 0.021*\"moscow\" + 0.016*\"poland\" + 0.016*\"unfortun\" + 0.014*\"malaysia\"\n", - "2019-01-31 00:46:36,631 : INFO : topic #41 (0.020): 0.042*\"citi\" + 0.025*\"new\" + 0.022*\"palmer\" + 0.015*\"strategist\" + 0.013*\"open\" + 0.012*\"center\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"highli\" + 0.009*\"year\"\n", - "2019-01-31 00:46:36,637 : INFO : topic diff=0.005593, rho=0.033520\n", - "2019-01-31 00:46:36,792 : INFO : PROGRESS: pass 0, at document #1782000/4922894\n", - "2019-01-31 00:46:38,183 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:46:38,449 : INFO : topic #37 (0.020): 0.009*\"man\" + 0.009*\"love\" + 0.009*\"charact\" + 0.007*\"septemb\" + 0.007*\"gestur\" + 0.006*\"appear\" + 0.006*\"comic\" + 0.006*\"blue\" + 0.005*\"anim\" + 0.005*\"vision\"\n", - "2019-01-31 00:46:38,450 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.016*\"depress\" + 0.015*\"pour\" + 0.009*\"elabor\" + 0.008*\"mode\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.007*\"produc\" + 0.007*\"develop\" + 0.006*\"spectacl\"\n", - "2019-01-31 00:46:38,451 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.006*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.004*\"end\" + 0.004*\"help\" + 0.004*\"kenworthi\"\n", - "2019-01-31 00:46:38,452 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.046*\"franc\" + 0.032*\"pari\" + 0.024*\"sail\" + 0.022*\"jean\" + 0.016*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.012*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 00:46:38,453 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.036*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.025*\"scientist\" + 0.023*\"crete\" + 0.020*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:46:38,459 : INFO : topic diff=0.004811, rho=0.033501\n", - "2019-01-31 00:46:38,615 : INFO : PROGRESS: pass 0, at document #1784000/4922894\n", - "2019-01-31 00:46:40,013 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:46:40,280 : INFO : topic #0 (0.020): 0.070*\"statewid\" + 0.041*\"line\" + 0.037*\"arsen\" + 0.034*\"raid\" + 0.028*\"museo\" + 0.019*\"traceabl\" + 0.018*\"serv\" + 0.014*\"exhaust\" + 0.013*\"pain\" + 0.013*\"oper\"\n", - "2019-01-31 00:46:40,281 : INFO : topic #42 (0.020): 0.045*\"german\" + 0.031*\"germani\" + 0.015*\"jewish\" + 0.014*\"vol\" + 0.014*\"israel\" + 0.013*\"berlin\" + 0.013*\"der\" + 0.011*\"european\" + 0.010*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 00:46:40,282 : INFO : topic #5 (0.020): 0.040*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.015*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:46:40,283 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.017*\"lagrang\" + 0.017*\"warmth\" + 0.016*\"area\" + 0.015*\"mount\" + 0.009*\"palmer\" + 0.009*\"north\" + 0.008*\"foam\" + 0.008*\"land\" + 0.008*\"lobe\"\n", - "2019-01-31 00:46:40,284 : INFO : topic #28 (0.020): 0.031*\"build\" + 0.026*\"hous\" + 0.022*\"rivièr\" + 0.018*\"buford\" + 0.014*\"histor\" + 0.013*\"briarwood\" + 0.011*\"strategist\" + 0.011*\"constitut\" + 0.010*\"linear\" + 0.010*\"depress\"\n", - "2019-01-31 00:46:40,290 : INFO : topic diff=0.004400, rho=0.033482\n", - "2019-01-31 00:46:40,450 : INFO : PROGRESS: pass 0, at document #1786000/4922894\n", - "2019-01-31 00:46:41,861 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:46:42,127 : INFO : topic #20 (0.020): 0.140*\"scholar\" + 0.039*\"struggl\" + 0.030*\"high\" + 0.029*\"educ\" + 0.024*\"collector\" + 0.018*\"yawn\" + 0.012*\"prognosi\" + 0.011*\"district\" + 0.010*\"gothic\" + 0.010*\"start\"\n", - "2019-01-31 00:46:42,128 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.015*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"daughter\" + 0.012*\"deal\"\n", - "2019-01-31 00:46:42,129 : INFO : topic #16 (0.020): 0.050*\"king\" + 0.031*\"priest\" + 0.020*\"duke\" + 0.018*\"rotterdam\" + 0.018*\"quarterli\" + 0.018*\"idiosyncrat\" + 0.017*\"grammat\" + 0.016*\"princ\" + 0.014*\"brazil\" + 0.013*\"count\"\n", - "2019-01-31 00:46:42,131 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.016*\"depress\" + 0.015*\"pour\" + 0.009*\"elabor\" + 0.008*\"mode\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.007*\"produc\" + 0.007*\"develop\" + 0.006*\"spectacl\"\n", - "2019-01-31 00:46:42,132 : INFO : topic #21 (0.020): 0.038*\"samford\" + 0.022*\"spain\" + 0.020*\"del\" + 0.018*\"mexico\" + 0.014*\"soviet\" + 0.012*\"francisco\" + 0.012*\"carlo\" + 0.012*\"lizard\" + 0.012*\"santa\" + 0.011*\"juan\"\n", - "2019-01-31 00:46:42,139 : INFO : topic diff=0.005170, rho=0.033464\n", - "2019-01-31 00:46:42,298 : INFO : PROGRESS: pass 0, at document #1788000/4922894\n", - "2019-01-31 00:46:43,705 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:46:43,971 : INFO : topic #13 (0.020): 0.028*\"sourc\" + 0.027*\"australia\" + 0.027*\"new\" + 0.025*\"london\" + 0.023*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.017*\"youth\" + 0.016*\"ireland\" + 0.014*\"wale\"\n", - "2019-01-31 00:46:43,972 : INFO : topic #36 (0.020): 0.012*\"network\" + 0.011*\"prognosi\" + 0.010*\"pop\" + 0.008*\"user\" + 0.008*\"develop\" + 0.008*\"softwar\" + 0.008*\"cytokin\" + 0.008*\"uruguayan\" + 0.007*\"championship\" + 0.007*\"brio\"\n", - "2019-01-31 00:46:43,973 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.007*\"exampl\" + 0.006*\"poet\" + 0.006*\"théori\" + 0.006*\"measur\" + 0.006*\"servitud\" + 0.006*\"method\" + 0.006*\"differ\"\n", - "2019-01-31 00:46:43,974 : INFO : topic #40 (0.020): 0.089*\"unit\" + 0.023*\"schuster\" + 0.023*\"collector\" + 0.022*\"institut\" + 0.021*\"requir\" + 0.018*\"student\" + 0.015*\"professor\" + 0.012*\"word\" + 0.011*\"degre\" + 0.011*\"http\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:46:43,976 : INFO : topic #34 (0.020): 0.073*\"start\" + 0.032*\"unionist\" + 0.030*\"cotton\" + 0.029*\"american\" + 0.028*\"new\" + 0.017*\"year\" + 0.016*\"california\" + 0.013*\"terri\" + 0.012*\"warrior\" + 0.011*\"north\"\n", - "2019-01-31 00:46:43,981 : INFO : topic diff=0.004782, rho=0.033445\n", - "2019-01-31 00:46:44,193 : INFO : PROGRESS: pass 0, at document #1790000/4922894\n", - "2019-01-31 00:46:45,597 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:46:45,863 : INFO : topic #40 (0.020): 0.089*\"unit\" + 0.023*\"schuster\" + 0.023*\"collector\" + 0.022*\"institut\" + 0.021*\"requir\" + 0.019*\"student\" + 0.015*\"professor\" + 0.012*\"word\" + 0.011*\"http\" + 0.011*\"degre\"\n", - "2019-01-31 00:46:45,864 : INFO : topic #11 (0.020): 0.025*\"john\" + 0.013*\"will\" + 0.012*\"jame\" + 0.012*\"david\" + 0.011*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"georg\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:46:45,865 : INFO : topic #46 (0.020): 0.018*\"stop\" + 0.017*\"damag\" + 0.015*\"swedish\" + 0.015*\"sweden\" + 0.015*\"norwai\" + 0.015*\"wind\" + 0.013*\"norwegian\" + 0.012*\"treeless\" + 0.011*\"farid\" + 0.011*\"huntsvil\"\n", - "2019-01-31 00:46:45,866 : INFO : topic #9 (0.020): 0.073*\"bone\" + 0.042*\"american\" + 0.028*\"valour\" + 0.021*\"dutch\" + 0.019*\"folei\" + 0.018*\"player\" + 0.017*\"polit\" + 0.016*\"english\" + 0.012*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 00:46:45,867 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.015*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:46:45,873 : INFO : topic diff=0.005301, rho=0.033426\n", - "2019-01-31 00:46:46,033 : INFO : PROGRESS: pass 0, at document #1792000/4922894\n", - "2019-01-31 00:46:47,447 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:46:47,714 : INFO : topic #26 (0.020): 0.032*\"workplac\" + 0.027*\"champion\" + 0.026*\"woman\" + 0.025*\"men\" + 0.025*\"olymp\" + 0.023*\"medal\" + 0.020*\"event\" + 0.020*\"rainfal\" + 0.018*\"taxpay\" + 0.018*\"atheist\"\n", - "2019-01-31 00:46:47,715 : INFO : topic #46 (0.020): 0.021*\"stop\" + 0.017*\"damag\" + 0.016*\"swedish\" + 0.015*\"sweden\" + 0.015*\"wind\" + 0.014*\"norwai\" + 0.013*\"norwegian\" + 0.012*\"treeless\" + 0.011*\"farid\" + 0.011*\"huntsvil\"\n", - "2019-01-31 00:46:47,716 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.021*\"armi\" + 0.019*\"walter\" + 0.017*\"com\" + 0.015*\"oper\" + 0.013*\"unionist\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 00:46:47,717 : INFO : topic #40 (0.020): 0.088*\"unit\" + 0.023*\"schuster\" + 0.023*\"collector\" + 0.022*\"institut\" + 0.021*\"requir\" + 0.018*\"student\" + 0.015*\"professor\" + 0.012*\"word\" + 0.011*\"http\" + 0.011*\"degre\"\n", - "2019-01-31 00:46:47,718 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.024*\"cortic\" + 0.019*\"start\" + 0.016*\"act\" + 0.015*\"ricardo\" + 0.012*\"case\" + 0.010*\"polaris\" + 0.009*\"replac\" + 0.009*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 00:46:47,725 : INFO : topic diff=0.005355, rho=0.033408\n", - "2019-01-31 00:46:47,884 : INFO : PROGRESS: pass 0, at document #1794000/4922894\n", - "2019-01-31 00:46:49,277 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:46:49,544 : INFO : topic #28 (0.020): 0.031*\"build\" + 0.026*\"hous\" + 0.022*\"rivièr\" + 0.018*\"buford\" + 0.014*\"histor\" + 0.013*\"briarwood\" + 0.011*\"strategist\" + 0.011*\"constitut\" + 0.010*\"linear\" + 0.010*\"depress\"\n", - "2019-01-31 00:46:49,545 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.035*\"publicis\" + 0.025*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"storag\" + 0.012*\"nicola\" + 0.011*\"collect\" + 0.011*\"magazin\"\n", - "2019-01-31 00:46:49,546 : INFO : topic #38 (0.020): 0.024*\"walter\" + 0.009*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.008*\"empath\" + 0.007*\"armi\" + 0.006*\"teufel\" + 0.006*\"militari\" + 0.006*\"govern\" + 0.006*\"pour\"\n", - "2019-01-31 00:46:49,547 : INFO : topic #1 (0.020): 0.051*\"china\" + 0.044*\"chilton\" + 0.028*\"hong\" + 0.027*\"kong\" + 0.023*\"korea\" + 0.019*\"korean\" + 0.017*\"han\" + 0.016*\"leah\" + 0.015*\"sourc\" + 0.014*\"kim\"\n", - "2019-01-31 00:46:49,548 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.024*\"factor\" + 0.019*\"adulthood\" + 0.017*\"male\" + 0.016*\"feel\" + 0.012*\"plaisir\" + 0.011*\"hostil\" + 0.011*\"genu\" + 0.009*\"live\" + 0.008*\"median\"\n", - "2019-01-31 00:46:49,554 : INFO : topic diff=0.004802, rho=0.033389\n", - "2019-01-31 00:46:49,712 : INFO : PROGRESS: pass 0, at document #1796000/4922894\n", - "2019-01-31 00:46:51,071 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:46:51,340 : INFO : topic #48 (0.020): 0.081*\"octob\" + 0.079*\"sens\" + 0.077*\"march\" + 0.069*\"januari\" + 0.068*\"notion\" + 0.068*\"april\" + 0.067*\"juli\" + 0.066*\"judici\" + 0.066*\"august\" + 0.064*\"decatur\"\n", - "2019-01-31 00:46:51,341 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.011*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.009*\"word\" + 0.009*\"peopl\" + 0.007*\"cultur\" + 0.007*\"human\" + 0.007*\"woman\"\n", - "2019-01-31 00:46:51,342 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.007*\"exampl\" + 0.006*\"poet\" + 0.006*\"théori\" + 0.006*\"servitud\" + 0.006*\"measur\" + 0.006*\"method\" + 0.006*\"differ\"\n", - "2019-01-31 00:46:51,343 : INFO : topic #45 (0.020): 0.024*\"jpg\" + 0.023*\"fifteenth\" + 0.017*\"black\" + 0.016*\"illicit\" + 0.016*\"colder\" + 0.016*\"western\" + 0.013*\"record\" + 0.011*\"blind\" + 0.008*\"depress\" + 0.008*\"light\"\n", - "2019-01-31 00:46:51,344 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.024*\"epiru\" + 0.024*\"septemb\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.013*\"proclaim\" + 0.013*\"rodríguez\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:46:51,350 : INFO : topic diff=0.004914, rho=0.033370\n", - "2019-01-31 00:46:51,508 : INFO : PROGRESS: pass 0, at document #1798000/4922894\n", - "2019-01-31 00:46:52,890 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:46:53,158 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.023*\"schuster\" + 0.023*\"collector\" + 0.022*\"institut\" + 0.021*\"requir\" + 0.019*\"student\" + 0.015*\"professor\" + 0.012*\"word\" + 0.011*\"degre\" + 0.011*\"http\"\n", - "2019-01-31 00:46:53,159 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.035*\"publicis\" + 0.025*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"storag\" + 0.012*\"nicola\" + 0.011*\"collect\" + 0.011*\"magazin\"\n", - "2019-01-31 00:46:53,161 : INFO : topic #43 (0.020): 0.062*\"elect\" + 0.054*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.017*\"polici\" + 0.014*\"republ\" + 0.013*\"selma\" + 0.013*\"bypass\" + 0.013*\"report\"\n", - "2019-01-31 00:46:53,162 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.022*\"christian\" + 0.022*\"cathol\" + 0.021*\"bishop\" + 0.016*\"sail\" + 0.015*\"retroflex\" + 0.010*\"centuri\" + 0.009*\"relationship\" + 0.009*\"cathedr\" + 0.009*\"historiographi\"\n", - "2019-01-31 00:46:53,163 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.012*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"english\" + 0.007*\"trade\" + 0.007*\"known\" + 0.006*\"like\"\n", - "2019-01-31 00:46:53,169 : INFO : topic diff=0.004914, rho=0.033352\n", - "2019-01-31 00:46:55,851 : INFO : -11.595 per-word bound, 3093.0 perplexity estimate based on a held-out corpus of 2000 documents with 549658 words\n", - "2019-01-31 00:46:55,851 : INFO : PROGRESS: pass 0, at document #1800000/4922894\n", - "2019-01-31 00:46:57,226 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:46:57,492 : INFO : topic #27 (0.020): 0.072*\"questionnair\" + 0.021*\"taxpay\" + 0.020*\"candid\" + 0.013*\"ret\" + 0.012*\"driver\" + 0.012*\"fool\" + 0.012*\"tornado\" + 0.011*\"find\" + 0.010*\"théori\" + 0.010*\"champion\"\n", - "2019-01-31 00:46:57,494 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.004*\"end\" + 0.004*\"help\" + 0.004*\"kenworthi\"\n", - "2019-01-31 00:46:57,495 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.035*\"publicis\" + 0.025*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"storag\" + 0.012*\"nicola\" + 0.011*\"collect\" + 0.011*\"magazin\"\n", - "2019-01-31 00:46:57,496 : INFO : topic #20 (0.020): 0.143*\"scholar\" + 0.038*\"struggl\" + 0.031*\"high\" + 0.029*\"educ\" + 0.024*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.010*\"gothic\" + 0.009*\"task\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:46:57,498 : INFO : topic #38 (0.020): 0.024*\"walter\" + 0.009*\"battalion\" + 0.009*\"aza\" + 0.008*\"forc\" + 0.008*\"empath\" + 0.007*\"armi\" + 0.006*\"militari\" + 0.006*\"govern\" + 0.006*\"pour\" + 0.006*\"teufel\"\n", - "2019-01-31 00:46:57,503 : INFO : topic diff=0.005013, rho=0.033333\n", - "2019-01-31 00:46:57,667 : INFO : PROGRESS: pass 0, at document #1802000/4922894\n", - "2019-01-31 00:46:59,089 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:46:59,355 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.055*\"parti\" + 0.024*\"democrat\" + 0.024*\"voluntari\" + 0.020*\"member\" + 0.017*\"polici\" + 0.015*\"republ\" + 0.013*\"selma\" + 0.013*\"bypass\" + 0.013*\"seaport\"\n", - "2019-01-31 00:46:59,356 : INFO : topic #20 (0.020): 0.142*\"scholar\" + 0.038*\"struggl\" + 0.031*\"high\" + 0.029*\"educ\" + 0.024*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.010*\"gothic\" + 0.009*\"task\"\n", - "2019-01-31 00:46:59,357 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.017*\"warmth\" + 0.017*\"lagrang\" + 0.017*\"area\" + 0.015*\"mount\" + 0.010*\"palmer\" + 0.009*\"north\" + 0.008*\"foam\" + 0.008*\"land\" + 0.008*\"vacant\"\n", - "2019-01-31 00:46:59,359 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.035*\"publicis\" + 0.025*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"storag\" + 0.012*\"nicola\" + 0.011*\"collect\" + 0.011*\"magazin\"\n", - "2019-01-31 00:46:59,360 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.027*\"final\" + 0.026*\"wife\" + 0.021*\"tourist\" + 0.020*\"champion\" + 0.016*\"chamber\" + 0.015*\"taxpay\" + 0.015*\"open\" + 0.015*\"martin\" + 0.014*\"tiepolo\"\n", - "2019-01-31 00:46:59,366 : INFO : topic diff=0.005522, rho=0.033315\n", - "2019-01-31 00:46:59,525 : INFO : PROGRESS: pass 0, at document #1804000/4922894\n", - "2019-01-31 00:47:00,937 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:47:01,203 : INFO : topic #1 (0.020): 0.052*\"china\" + 0.043*\"chilton\" + 0.028*\"hong\" + 0.028*\"kong\" + 0.023*\"korea\" + 0.019*\"korean\" + 0.016*\"leah\" + 0.015*\"han\" + 0.015*\"sourc\" + 0.013*\"kim\"\n", - "2019-01-31 00:47:01,205 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.016*\"depress\" + 0.015*\"pour\" + 0.009*\"elabor\" + 0.008*\"mode\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.007*\"candid\" + 0.007*\"produc\" + 0.006*\"develop\"\n", - "2019-01-31 00:47:01,206 : INFO : topic #28 (0.020): 0.031*\"build\" + 0.026*\"hous\" + 0.022*\"rivièr\" + 0.018*\"buford\" + 0.014*\"histor\" + 0.013*\"briarwood\" + 0.011*\"strategist\" + 0.011*\"constitut\" + 0.010*\"linear\" + 0.010*\"depress\"\n", - "2019-01-31 00:47:01,207 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.024*\"factor\" + 0.019*\"adulthood\" + 0.017*\"male\" + 0.016*\"feel\" + 0.012*\"plaisir\" + 0.011*\"hostil\" + 0.010*\"genu\" + 0.009*\"live\" + 0.008*\"median\"\n", - "2019-01-31 00:47:01,208 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.035*\"perceptu\" + 0.020*\"theater\" + 0.019*\"place\" + 0.017*\"compos\" + 0.016*\"damn\" + 0.014*\"orchestr\" + 0.012*\"olympo\" + 0.011*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 00:47:01,214 : INFO : topic diff=0.005859, rho=0.033296\n", - "2019-01-31 00:47:01,374 : INFO : PROGRESS: pass 0, at document #1806000/4922894\n", - "2019-01-31 00:47:02,767 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:47:03,033 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.035*\"publicis\" + 0.025*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"storag\" + 0.012*\"nicola\" + 0.011*\"collect\" + 0.011*\"author\"\n", - "2019-01-31 00:47:03,034 : INFO : topic #32 (0.020): 0.054*\"district\" + 0.044*\"vigour\" + 0.043*\"popolo\" + 0.038*\"tortur\" + 0.031*\"cotton\" + 0.028*\"area\" + 0.023*\"regim\" + 0.023*\"multitud\" + 0.021*\"citi\" + 0.020*\"cede\"\n", - "2019-01-31 00:47:03,036 : INFO : topic #11 (0.020): 0.025*\"john\" + 0.013*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.011*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"georg\" + 0.008*\"slur\" + 0.008*\"rhyme\" + 0.008*\"paul\"\n", - "2019-01-31 00:47:03,037 : INFO : topic #28 (0.020): 0.031*\"build\" + 0.026*\"hous\" + 0.022*\"rivièr\" + 0.018*\"buford\" + 0.014*\"histor\" + 0.012*\"briarwood\" + 0.011*\"strategist\" + 0.011*\"constitut\" + 0.010*\"linear\" + 0.010*\"depress\"\n", - "2019-01-31 00:47:03,038 : INFO : topic #29 (0.020): 0.028*\"companhia\" + 0.012*\"million\" + 0.011*\"busi\" + 0.010*\"bank\" + 0.010*\"market\" + 0.010*\"produc\" + 0.009*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 00:47:03,044 : INFO : topic diff=0.004806, rho=0.033278\n", - "2019-01-31 00:47:03,202 : INFO : PROGRESS: pass 0, at document #1808000/4922894\n", - "2019-01-31 00:47:04,594 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:47:04,860 : INFO : topic #11 (0.020): 0.025*\"john\" + 0.013*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.011*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"georg\" + 0.008*\"slur\" + 0.008*\"rhyme\" + 0.008*\"paul\"\n", - "2019-01-31 00:47:04,861 : INFO : topic #0 (0.020): 0.069*\"statewid\" + 0.041*\"line\" + 0.035*\"raid\" + 0.035*\"arsen\" + 0.029*\"museo\" + 0.019*\"traceabl\" + 0.018*\"serv\" + 0.014*\"exhaust\" + 0.013*\"pain\" + 0.012*\"oper\"\n", - "2019-01-31 00:47:04,862 : INFO : topic #29 (0.020): 0.027*\"companhia\" + 0.011*\"million\" + 0.011*\"busi\" + 0.010*\"bank\" + 0.010*\"market\" + 0.010*\"produc\" + 0.009*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 00:47:04,864 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.049*\"franc\" + 0.032*\"pari\" + 0.023*\"sail\" + 0.021*\"jean\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.012*\"loui\" + 0.012*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 00:47:04,865 : INFO : topic #13 (0.020): 0.029*\"sourc\" + 0.027*\"australia\" + 0.027*\"london\" + 0.026*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.016*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:47:04,871 : INFO : topic diff=0.004991, rho=0.033260\n", - "2019-01-31 00:47:05,029 : INFO : PROGRESS: pass 0, at document #1810000/4922894\n", - "2019-01-31 00:47:06,420 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:47:06,687 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.035*\"publicis\" + 0.025*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"nicola\" + 0.012*\"storag\" + 0.011*\"collect\" + 0.011*\"author\"\n", - "2019-01-31 00:47:06,688 : INFO : topic #26 (0.020): 0.032*\"workplac\" + 0.027*\"champion\" + 0.027*\"woman\" + 0.025*\"olymp\" + 0.025*\"men\" + 0.022*\"medal\" + 0.020*\"event\" + 0.020*\"rainfal\" + 0.019*\"taxpay\" + 0.018*\"atheist\"\n", - "2019-01-31 00:47:06,689 : INFO : topic #43 (0.020): 0.063*\"elect\" + 0.054*\"parti\" + 0.024*\"voluntari\" + 0.024*\"democrat\" + 0.020*\"member\" + 0.017*\"polici\" + 0.016*\"republ\" + 0.014*\"selma\" + 0.013*\"bypass\" + 0.013*\"report\"\n", - "2019-01-31 00:47:06,690 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.030*\"incumb\" + 0.013*\"islam\" + 0.012*\"anglo\" + 0.012*\"pakistan\" + 0.011*\"televis\" + 0.010*\"muskoge\" + 0.010*\"alam\" + 0.009*\"sri\" + 0.009*\"khalsa\"\n", - "2019-01-31 00:47:06,691 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.007*\"exampl\" + 0.007*\"théori\" + 0.006*\"poet\" + 0.006*\"servitud\" + 0.006*\"measur\" + 0.006*\"southern\" + 0.006*\"differ\"\n", - "2019-01-31 00:47:06,697 : INFO : topic diff=0.005036, rho=0.033241\n", - "2019-01-31 00:47:06,854 : INFO : PROGRESS: pass 0, at document #1812000/4922894\n", - "2019-01-31 00:47:08,257 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:47:08,524 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.015*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"daughter\" + 0.012*\"deal\"\n", - "2019-01-31 00:47:08,525 : INFO : topic #46 (0.020): 0.019*\"stop\" + 0.016*\"swedish\" + 0.016*\"norwai\" + 0.016*\"damag\" + 0.016*\"sweden\" + 0.015*\"wind\" + 0.014*\"norwegian\" + 0.011*\"farid\" + 0.010*\"huntsvil\" + 0.010*\"denmark\"\n", - "2019-01-31 00:47:08,526 : INFO : topic #20 (0.020): 0.144*\"scholar\" + 0.039*\"struggl\" + 0.033*\"high\" + 0.029*\"educ\" + 0.023*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.009*\"task\" + 0.009*\"gothic\"\n", - "2019-01-31 00:47:08,527 : INFO : topic #31 (0.020): 0.056*\"fusiform\" + 0.026*\"scientist\" + 0.026*\"taxpay\" + 0.024*\"player\" + 0.020*\"place\" + 0.013*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 00:47:08,528 : INFO : topic #9 (0.020): 0.069*\"bone\" + 0.043*\"american\" + 0.029*\"valour\" + 0.021*\"dutch\" + 0.018*\"folei\" + 0.018*\"polit\" + 0.017*\"player\" + 0.017*\"english\" + 0.012*\"acrimoni\" + 0.011*\"simpler\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:47:08,534 : INFO : topic diff=0.005147, rho=0.033223\n", - "2019-01-31 00:47:08,695 : INFO : PROGRESS: pass 0, at document #1814000/4922894\n", - "2019-01-31 00:47:10,105 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:47:10,371 : INFO : topic #32 (0.020): 0.054*\"district\" + 0.043*\"vigour\" + 0.043*\"popolo\" + 0.037*\"tortur\" + 0.033*\"area\" + 0.031*\"cotton\" + 0.023*\"regim\" + 0.022*\"multitud\" + 0.021*\"citi\" + 0.019*\"commun\"\n", - "2019-01-31 00:47:10,373 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.054*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.017*\"polici\" + 0.015*\"republ\" + 0.013*\"selma\" + 0.013*\"report\" + 0.013*\"bypass\"\n", - "2019-01-31 00:47:10,374 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.030*\"incumb\" + 0.013*\"islam\" + 0.012*\"anglo\" + 0.012*\"pakistan\" + 0.011*\"televis\" + 0.010*\"muskoge\" + 0.010*\"tajikistan\" + 0.010*\"alam\" + 0.010*\"khalsa\"\n", - "2019-01-31 00:47:10,375 : INFO : topic #37 (0.020): 0.009*\"man\" + 0.009*\"love\" + 0.008*\"charact\" + 0.008*\"septemb\" + 0.007*\"gestur\" + 0.007*\"comic\" + 0.006*\"appear\" + 0.005*\"blue\" + 0.005*\"anim\" + 0.005*\"vision\"\n", - "2019-01-31 00:47:10,376 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.035*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.025*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:47:10,382 : INFO : topic diff=0.005381, rho=0.033204\n", - "2019-01-31 00:47:10,538 : INFO : PROGRESS: pass 0, at document #1816000/4922894\n", - "2019-01-31 00:47:11,920 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:47:12,186 : INFO : topic #9 (0.020): 0.070*\"bone\" + 0.043*\"american\" + 0.029*\"valour\" + 0.021*\"dutch\" + 0.018*\"folei\" + 0.018*\"polit\" + 0.017*\"player\" + 0.017*\"english\" + 0.012*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 00:47:12,188 : INFO : topic #34 (0.020): 0.072*\"start\" + 0.032*\"unionist\" + 0.030*\"american\" + 0.029*\"cotton\" + 0.028*\"new\" + 0.017*\"year\" + 0.015*\"california\" + 0.013*\"terri\" + 0.012*\"warrior\" + 0.012*\"north\"\n", - "2019-01-31 00:47:12,189 : INFO : topic #37 (0.020): 0.009*\"man\" + 0.009*\"love\" + 0.008*\"charact\" + 0.008*\"septemb\" + 0.007*\"gestur\" + 0.007*\"comic\" + 0.006*\"appear\" + 0.006*\"blue\" + 0.005*\"anim\" + 0.005*\"vision\"\n", - "2019-01-31 00:47:12,190 : INFO : topic #32 (0.020): 0.053*\"district\" + 0.043*\"vigour\" + 0.043*\"popolo\" + 0.037*\"tortur\" + 0.033*\"area\" + 0.031*\"cotton\" + 0.023*\"regim\" + 0.022*\"multitud\" + 0.021*\"citi\" + 0.019*\"commun\"\n", - "2019-01-31 00:47:12,192 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.004*\"end\" + 0.004*\"help\" + 0.004*\"kenworthi\"\n", - "2019-01-31 00:47:12,197 : INFO : topic diff=0.005346, rho=0.033186\n", - "2019-01-31 00:47:12,358 : INFO : PROGRESS: pass 0, at document #1818000/4922894\n", - "2019-01-31 00:47:13,755 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:47:14,022 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.017*\"warmth\" + 0.017*\"lagrang\" + 0.016*\"area\" + 0.014*\"mount\" + 0.010*\"palmer\" + 0.009*\"north\" + 0.008*\"foam\" + 0.008*\"land\" + 0.008*\"lobe\"\n", - "2019-01-31 00:47:14,023 : INFO : topic #45 (0.020): 0.026*\"jpg\" + 0.023*\"fifteenth\" + 0.017*\"illicit\" + 0.017*\"black\" + 0.016*\"western\" + 0.015*\"colder\" + 0.013*\"record\" + 0.011*\"blind\" + 0.008*\"depress\" + 0.007*\"light\"\n", - "2019-01-31 00:47:14,024 : INFO : topic #11 (0.020): 0.025*\"john\" + 0.013*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"georg\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:47:14,025 : INFO : topic #20 (0.020): 0.143*\"scholar\" + 0.038*\"struggl\" + 0.032*\"high\" + 0.029*\"educ\" + 0.023*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.009*\"gothic\" + 0.009*\"task\"\n", - "2019-01-31 00:47:14,027 : INFO : topic #17 (0.020): 0.076*\"church\" + 0.024*\"christian\" + 0.022*\"cathol\" + 0.021*\"bishop\" + 0.016*\"sail\" + 0.015*\"retroflex\" + 0.010*\"centuri\" + 0.009*\"relationship\" + 0.009*\"historiographi\" + 0.008*\"cathedr\"\n", - "2019-01-31 00:47:14,033 : INFO : topic diff=0.005262, rho=0.033168\n", - "2019-01-31 00:47:16,646 : INFO : -11.641 per-word bound, 3193.3 perplexity estimate based on a held-out corpus of 2000 documents with 503774 words\n", - "2019-01-31 00:47:16,647 : INFO : PROGRESS: pass 0, at document #1820000/4922894\n", - "2019-01-31 00:47:18,014 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:47:18,281 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"gener\" + 0.007*\"frontal\" + 0.007*\"théori\" + 0.006*\"exampl\" + 0.006*\"poet\" + 0.006*\"measur\" + 0.006*\"differ\" + 0.006*\"servitud\" + 0.006*\"southern\"\n", - "2019-01-31 00:47:18,282 : INFO : topic #17 (0.020): 0.076*\"church\" + 0.023*\"christian\" + 0.022*\"cathol\" + 0.021*\"bishop\" + 0.016*\"sail\" + 0.015*\"retroflex\" + 0.011*\"centuri\" + 0.009*\"relationship\" + 0.009*\"historiographi\" + 0.008*\"cathedr\"\n", - "2019-01-31 00:47:18,283 : INFO : topic #11 (0.020): 0.025*\"john\" + 0.013*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.011*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"georg\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:47:18,284 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.053*\"parti\" + 0.025*\"democrat\" + 0.024*\"voluntari\" + 0.020*\"member\" + 0.018*\"republ\" + 0.016*\"polici\" + 0.013*\"selma\" + 0.013*\"bypass\" + 0.013*\"report\"\n", - "2019-01-31 00:47:18,285 : INFO : topic #45 (0.020): 0.026*\"jpg\" + 0.023*\"fifteenth\" + 0.017*\"illicit\" + 0.017*\"black\" + 0.016*\"western\" + 0.015*\"colder\" + 0.013*\"record\" + 0.011*\"blind\" + 0.008*\"depress\" + 0.008*\"light\"\n", - "2019-01-31 00:47:18,291 : INFO : topic diff=0.006148, rho=0.033150\n", - "2019-01-31 00:47:18,445 : INFO : PROGRESS: pass 0, at document #1822000/4922894\n", - "2019-01-31 00:47:19,810 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:47:20,076 : INFO : topic #46 (0.020): 0.019*\"stop\" + 0.017*\"swedish\" + 0.016*\"norwai\" + 0.016*\"damag\" + 0.016*\"sweden\" + 0.015*\"wind\" + 0.014*\"norwegian\" + 0.011*\"farid\" + 0.011*\"huntsvil\" + 0.011*\"denmark\"\n", - "2019-01-31 00:47:20,077 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.023*\"spain\" + 0.021*\"del\" + 0.017*\"mexico\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.012*\"francisco\" + 0.011*\"lizard\" + 0.011*\"juan\" + 0.011*\"carlo\"\n", - "2019-01-31 00:47:20,079 : INFO : topic #39 (0.020): 0.055*\"canada\" + 0.041*\"canadian\" + 0.023*\"toronto\" + 0.022*\"hoar\" + 0.021*\"ontario\" + 0.015*\"hydrogen\" + 0.015*\"misericordia\" + 0.014*\"novotná\" + 0.014*\"new\" + 0.012*\"quebec\"\n", - "2019-01-31 00:47:20,080 : INFO : topic #20 (0.020): 0.143*\"scholar\" + 0.038*\"struggl\" + 0.032*\"high\" + 0.029*\"educ\" + 0.023*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.009*\"task\" + 0.009*\"gothic\"\n", - "2019-01-31 00:47:20,081 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.026*\"final\" + 0.025*\"wife\" + 0.022*\"tourist\" + 0.019*\"champion\" + 0.018*\"tiepolo\" + 0.016*\"chamber\" + 0.015*\"taxpay\" + 0.014*\"open\" + 0.014*\"martin\"\n", - "2019-01-31 00:47:20,087 : INFO : topic diff=0.005931, rho=0.033131\n", - "2019-01-31 00:47:20,307 : INFO : PROGRESS: pass 0, at document #1824000/4922894\n", - "2019-01-31 00:47:21,732 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:47:21,998 : INFO : topic #38 (0.020): 0.024*\"walter\" + 0.009*\"aza\" + 0.009*\"forc\" + 0.009*\"battalion\" + 0.008*\"empath\" + 0.007*\"armi\" + 0.006*\"militari\" + 0.006*\"pour\" + 0.006*\"govern\" + 0.006*\"teufel\"\n", - "2019-01-31 00:47:21,999 : INFO : topic #32 (0.020): 0.054*\"district\" + 0.044*\"vigour\" + 0.043*\"popolo\" + 0.037*\"tortur\" + 0.032*\"area\" + 0.030*\"cotton\" + 0.023*\"regim\" + 0.022*\"multitud\" + 0.021*\"citi\" + 0.020*\"commun\"\n", - "2019-01-31 00:47:22,001 : INFO : topic #21 (0.020): 0.035*\"samford\" + 0.023*\"spain\" + 0.021*\"del\" + 0.017*\"mexico\" + 0.015*\"soviet\" + 0.012*\"santa\" + 0.012*\"francisco\" + 0.011*\"lizard\" + 0.011*\"juan\" + 0.011*\"carlo\"\n", - "2019-01-31 00:47:22,002 : INFO : topic #25 (0.020): 0.031*\"ring\" + 0.017*\"warmth\" + 0.017*\"lagrang\" + 0.016*\"area\" + 0.015*\"mount\" + 0.010*\"palmer\" + 0.009*\"north\" + 0.008*\"foam\" + 0.008*\"land\" + 0.008*\"lobe\"\n", - "2019-01-31 00:47:22,003 : INFO : topic #20 (0.020): 0.143*\"scholar\" + 0.039*\"struggl\" + 0.032*\"high\" + 0.029*\"educ\" + 0.023*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.009*\"task\" + 0.009*\"gothic\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:47:22,009 : INFO : topic diff=0.005446, rho=0.033113\n", - "2019-01-31 00:47:22,173 : INFO : PROGRESS: pass 0, at document #1826000/4922894\n", - "2019-01-31 00:47:23,592 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:47:23,859 : INFO : topic #23 (0.020): 0.135*\"audit\" + 0.067*\"best\" + 0.035*\"yawn\" + 0.029*\"jacksonvil\" + 0.024*\"japanes\" + 0.023*\"noll\" + 0.021*\"festiv\" + 0.018*\"women\" + 0.017*\"intern\" + 0.013*\"prison\"\n", - "2019-01-31 00:47:23,860 : INFO : topic #27 (0.020): 0.072*\"questionnair\" + 0.022*\"taxpay\" + 0.020*\"candid\" + 0.015*\"ret\" + 0.013*\"fool\" + 0.012*\"driver\" + 0.011*\"find\" + 0.011*\"tornado\" + 0.010*\"squatter\" + 0.010*\"théori\"\n", - "2019-01-31 00:47:23,861 : INFO : topic #0 (0.020): 0.068*\"statewid\" + 0.041*\"line\" + 0.036*\"arsen\" + 0.036*\"raid\" + 0.029*\"museo\" + 0.019*\"traceabl\" + 0.018*\"serv\" + 0.014*\"exhaust\" + 0.014*\"pain\" + 0.012*\"oper\"\n", - "2019-01-31 00:47:23,862 : INFO : topic #13 (0.020): 0.029*\"sourc\" + 0.027*\"australia\" + 0.027*\"london\" + 0.026*\"new\" + 0.024*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.016*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:47:23,863 : INFO : topic #28 (0.020): 0.032*\"build\" + 0.026*\"hous\" + 0.022*\"rivièr\" + 0.018*\"buford\" + 0.014*\"histor\" + 0.013*\"briarwood\" + 0.011*\"strategist\" + 0.011*\"constitut\" + 0.010*\"linear\" + 0.010*\"depress\"\n", - "2019-01-31 00:47:23,869 : INFO : topic diff=0.005925, rho=0.033095\n", - "2019-01-31 00:47:24,033 : INFO : PROGRESS: pass 0, at document #1828000/4922894\n", - "2019-01-31 00:47:25,411 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:47:25,678 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.024*\"factor\" + 0.020*\"adulthood\" + 0.016*\"feel\" + 0.016*\"male\" + 0.012*\"plaisir\" + 0.012*\"hostil\" + 0.010*\"genu\" + 0.009*\"live\" + 0.008*\"median\"\n", - "2019-01-31 00:47:25,679 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.025*\"new\" + 0.023*\"palmer\" + 0.015*\"strategist\" + 0.013*\"open\" + 0.012*\"center\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"highli\" + 0.009*\"dai\"\n", - "2019-01-31 00:47:25,680 : INFO : topic #27 (0.020): 0.072*\"questionnair\" + 0.021*\"taxpay\" + 0.020*\"candid\" + 0.017*\"ret\" + 0.013*\"fool\" + 0.012*\"driver\" + 0.011*\"find\" + 0.010*\"tornado\" + 0.010*\"théori\" + 0.010*\"squatter\"\n", - "2019-01-31 00:47:25,682 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"daughter\" + 0.012*\"deal\"\n", - "2019-01-31 00:47:25,683 : INFO : topic #16 (0.020): 0.052*\"king\" + 0.032*\"priest\" + 0.021*\"quarterli\" + 0.021*\"duke\" + 0.020*\"rotterdam\" + 0.017*\"idiosyncrat\" + 0.016*\"grammat\" + 0.014*\"princ\" + 0.013*\"brazil\" + 0.013*\"maria\"\n", - "2019-01-31 00:47:25,689 : INFO : topic diff=0.004206, rho=0.033077\n", - "2019-01-31 00:47:25,844 : INFO : PROGRESS: pass 0, at document #1830000/4922894\n", - "2019-01-31 00:47:27,224 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:47:27,491 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.011*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"word\" + 0.009*\"group\" + 0.009*\"peopl\" + 0.007*\"cultur\" + 0.007*\"woman\" + 0.007*\"human\"\n", - "2019-01-31 00:47:27,492 : INFO : topic #38 (0.020): 0.024*\"walter\" + 0.009*\"aza\" + 0.009*\"forc\" + 0.009*\"battalion\" + 0.008*\"empath\" + 0.007*\"armi\" + 0.006*\"militari\" + 0.006*\"teufel\" + 0.006*\"pour\" + 0.006*\"govern\"\n", - "2019-01-31 00:47:27,493 : INFO : topic #47 (0.020): 0.066*\"muscl\" + 0.035*\"perceptu\" + 0.019*\"theater\" + 0.019*\"place\" + 0.017*\"compos\" + 0.016*\"damn\" + 0.014*\"orchestr\" + 0.012*\"olympo\" + 0.012*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 00:47:27,494 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.026*\"factor\" + 0.020*\"adulthood\" + 0.016*\"feel\" + 0.016*\"male\" + 0.012*\"hostil\" + 0.012*\"plaisir\" + 0.010*\"genu\" + 0.009*\"live\" + 0.008*\"median\"\n", - "2019-01-31 00:47:27,495 : INFO : topic #34 (0.020): 0.072*\"start\" + 0.031*\"unionist\" + 0.030*\"american\" + 0.028*\"new\" + 0.027*\"cotton\" + 0.018*\"year\" + 0.016*\"california\" + 0.013*\"terri\" + 0.012*\"warrior\" + 0.012*\"north\"\n", - "2019-01-31 00:47:27,501 : INFO : topic diff=0.004956, rho=0.033059\n", - "2019-01-31 00:47:27,655 : INFO : PROGRESS: pass 0, at document #1832000/4922894\n", - "2019-01-31 00:47:29,025 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:47:29,292 : INFO : topic #9 (0.020): 0.068*\"bone\" + 0.042*\"american\" + 0.030*\"valour\" + 0.020*\"dutch\" + 0.018*\"folei\" + 0.017*\"polit\" + 0.017*\"player\" + 0.016*\"english\" + 0.012*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 00:47:29,293 : INFO : topic #27 (0.020): 0.072*\"questionnair\" + 0.021*\"taxpay\" + 0.020*\"candid\" + 0.017*\"ret\" + 0.013*\"fool\" + 0.012*\"driver\" + 0.011*\"find\" + 0.010*\"tornado\" + 0.010*\"théori\" + 0.010*\"squatter\"\n", - "2019-01-31 00:47:29,294 : INFO : topic #37 (0.020): 0.009*\"man\" + 0.009*\"love\" + 0.008*\"charact\" + 0.007*\"septemb\" + 0.007*\"gestur\" + 0.007*\"comic\" + 0.006*\"appear\" + 0.006*\"blue\" + 0.005*\"anim\" + 0.005*\"admit\"\n", - "2019-01-31 00:47:29,295 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.024*\"septemb\" + 0.024*\"epiru\" + 0.018*\"teacher\" + 0.017*\"stake\" + 0.013*\"rodríguez\" + 0.013*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:47:29,296 : INFO : topic #26 (0.020): 0.031*\"workplac\" + 0.027*\"woman\" + 0.027*\"champion\" + 0.025*\"men\" + 0.024*\"olymp\" + 0.023*\"medal\" + 0.020*\"event\" + 0.019*\"rainfal\" + 0.018*\"taxpay\" + 0.018*\"atheist\"\n", - "2019-01-31 00:47:29,302 : INFO : topic diff=0.004822, rho=0.033041\n", - "2019-01-31 00:47:29,467 : INFO : PROGRESS: pass 0, at document #1834000/4922894\n", - "2019-01-31 00:47:30,880 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:47:31,147 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.024*\"cortic\" + 0.018*\"start\" + 0.015*\"act\" + 0.014*\"ricardo\" + 0.012*\"case\" + 0.011*\"polaris\" + 0.010*\"replac\" + 0.009*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 00:47:31,148 : INFO : topic #26 (0.020): 0.031*\"workplac\" + 0.027*\"woman\" + 0.027*\"champion\" + 0.025*\"men\" + 0.025*\"olymp\" + 0.023*\"medal\" + 0.020*\"event\" + 0.019*\"rainfal\" + 0.018*\"taxpay\" + 0.018*\"atheist\"\n", - "2019-01-31 00:47:31,149 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.035*\"publicis\" + 0.025*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"nicola\" + 0.012*\"storag\" + 0.012*\"collect\" + 0.011*\"author\"\n", - "2019-01-31 00:47:31,150 : INFO : topic #32 (0.020): 0.054*\"district\" + 0.044*\"vigour\" + 0.043*\"popolo\" + 0.038*\"tortur\" + 0.031*\"area\" + 0.030*\"cotton\" + 0.023*\"regim\" + 0.022*\"multitud\" + 0.021*\"citi\" + 0.020*\"commun\"\n", - "2019-01-31 00:47:31,151 : INFO : topic #27 (0.020): 0.071*\"questionnair\" + 0.021*\"taxpay\" + 0.020*\"candid\" + 0.017*\"ret\" + 0.013*\"fool\" + 0.012*\"driver\" + 0.011*\"find\" + 0.010*\"théori\" + 0.010*\"tornado\" + 0.010*\"squatter\"\n", - "2019-01-31 00:47:31,157 : INFO : topic diff=0.005927, rho=0.033023\n", - "2019-01-31 00:47:31,312 : INFO : PROGRESS: pass 0, at document #1836000/4922894\n", - "2019-01-31 00:47:32,703 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:47:32,969 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.006*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"help\" + 0.004*\"call\"\n", - "2019-01-31 00:47:32,970 : INFO : topic #42 (0.020): 0.044*\"german\" + 0.031*\"germani\" + 0.016*\"israel\" + 0.015*\"vol\" + 0.014*\"jewish\" + 0.014*\"berlin\" + 0.012*\"der\" + 0.010*\"european\" + 0.009*\"europ\" + 0.008*\"austria\"\n", - "2019-01-31 00:47:32,971 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.024*\"cortic\" + 0.018*\"start\" + 0.015*\"act\" + 0.014*\"ricardo\" + 0.012*\"case\" + 0.011*\"polaris\" + 0.010*\"replac\" + 0.009*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 00:47:32,973 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:47:32,974 : INFO : topic #27 (0.020): 0.071*\"questionnair\" + 0.021*\"taxpay\" + 0.020*\"candid\" + 0.017*\"ret\" + 0.013*\"fool\" + 0.012*\"driver\" + 0.011*\"find\" + 0.010*\"théori\" + 0.010*\"tornado\" + 0.010*\"squatter\"\n", - "2019-01-31 00:47:32,979 : INFO : topic diff=0.005192, rho=0.033005\n", - "2019-01-31 00:47:33,137 : INFO : PROGRESS: pass 0, at document #1838000/4922894\n", - "2019-01-31 00:47:34,535 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:47:34,801 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.012*\"centuri\" + 0.011*\"woodcut\" + 0.010*\"form\" + 0.009*\"origin\" + 0.008*\"mean\" + 0.008*\"english\" + 0.007*\"trade\" + 0.007*\"known\" + 0.006*\"like\"\n", - "2019-01-31 00:47:34,802 : INFO : topic #23 (0.020): 0.135*\"audit\" + 0.068*\"best\" + 0.035*\"yawn\" + 0.030*\"jacksonvil\" + 0.023*\"japanes\" + 0.023*\"noll\" + 0.020*\"festiv\" + 0.018*\"women\" + 0.017*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 00:47:34,804 : INFO : topic #29 (0.020): 0.028*\"companhia\" + 0.012*\"million\" + 0.011*\"busi\" + 0.010*\"bank\" + 0.010*\"market\" + 0.010*\"produc\" + 0.009*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 00:47:34,805 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.011*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"word\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.007*\"cultur\" + 0.007*\"woman\" + 0.007*\"human\"\n", - "2019-01-31 00:47:34,806 : INFO : topic #34 (0.020): 0.072*\"start\" + 0.031*\"unionist\" + 0.030*\"american\" + 0.028*\"new\" + 0.027*\"cotton\" + 0.018*\"year\" + 0.016*\"california\" + 0.013*\"terri\" + 0.012*\"warrior\" + 0.012*\"north\"\n", - "2019-01-31 00:47:34,812 : INFO : topic diff=0.005188, rho=0.032987\n", - "2019-01-31 00:47:37,592 : INFO : -11.878 per-word bound, 3762.7 perplexity estimate based on a held-out corpus of 2000 documents with 595170 words\n", - "2019-01-31 00:47:37,592 : INFO : PROGRESS: pass 0, at document #1840000/4922894\n", - "2019-01-31 00:47:39,017 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:47:39,284 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.011*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"word\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.007*\"cultur\" + 0.007*\"woman\" + 0.007*\"human\"\n", - "2019-01-31 00:47:39,285 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.025*\"factor\" + 0.019*\"adulthood\" + 0.016*\"feel\" + 0.015*\"male\" + 0.012*\"plaisir\" + 0.012*\"hostil\" + 0.010*\"genu\" + 0.009*\"live\" + 0.008*\"median\"\n", - "2019-01-31 00:47:39,286 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.013*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"georg\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:47:39,287 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.023*\"spain\" + 0.020*\"del\" + 0.017*\"mexico\" + 0.015*\"soviet\" + 0.012*\"santa\" + 0.012*\"francisco\" + 0.012*\"carlo\" + 0.012*\"juan\" + 0.011*\"lizard\"\n", - "2019-01-31 00:47:39,288 : INFO : topic #30 (0.020): 0.035*\"leagu\" + 0.034*\"cleveland\" + 0.029*\"place\" + 0.026*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:47:39,294 : INFO : topic diff=0.005160, rho=0.032969\n", - "2019-01-31 00:47:39,450 : INFO : PROGRESS: pass 0, at document #1842000/4922894\n", - "2019-01-31 00:47:40,820 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:47:41,087 : INFO : topic #45 (0.020): 0.026*\"jpg\" + 0.024*\"fifteenth\" + 0.017*\"black\" + 0.017*\"illicit\" + 0.016*\"western\" + 0.016*\"colder\" + 0.013*\"record\" + 0.011*\"blind\" + 0.007*\"depress\" + 0.007*\"light\"\n", - "2019-01-31 00:47:41,088 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.012*\"centuri\" + 0.011*\"woodcut\" + 0.010*\"form\" + 0.009*\"origin\" + 0.008*\"mean\" + 0.008*\"english\" + 0.007*\"trade\" + 0.007*\"known\" + 0.006*\"like\"\n", - "2019-01-31 00:47:41,089 : INFO : topic #30 (0.020): 0.035*\"leagu\" + 0.035*\"cleveland\" + 0.029*\"place\" + 0.026*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:47:41,090 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.025*\"factor\" + 0.019*\"adulthood\" + 0.016*\"feel\" + 0.015*\"male\" + 0.012*\"plaisir\" + 0.012*\"hostil\" + 0.010*\"genu\" + 0.008*\"live\" + 0.008*\"median\"\n", - "2019-01-31 00:47:41,091 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"daughter\" + 0.012*\"deal\"\n", - "2019-01-31 00:47:41,097 : INFO : topic diff=0.005418, rho=0.032951\n", - "2019-01-31 00:47:41,253 : INFO : PROGRESS: pass 0, at document #1844000/4922894\n", - "2019-01-31 00:47:42,636 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:47:42,902 : INFO : topic #27 (0.020): 0.071*\"questionnair\" + 0.021*\"taxpay\" + 0.020*\"candid\" + 0.017*\"ret\" + 0.012*\"fool\" + 0.012*\"driver\" + 0.011*\"find\" + 0.010*\"tornado\" + 0.010*\"théori\" + 0.009*\"squatter\"\n", - "2019-01-31 00:47:42,903 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"gener\" + 0.007*\"frontal\" + 0.006*\"exampl\" + 0.006*\"théori\" + 0.006*\"poet\" + 0.006*\"measur\" + 0.006*\"servitud\" + 0.006*\"differ\" + 0.006*\"method\"\n", - "2019-01-31 00:47:42,904 : INFO : topic #32 (0.020): 0.054*\"district\" + 0.043*\"vigour\" + 0.043*\"popolo\" + 0.039*\"tortur\" + 0.031*\"area\" + 0.030*\"cotton\" + 0.023*\"regim\" + 0.022*\"multitud\" + 0.021*\"citi\" + 0.020*\"commun\"\n", - "2019-01-31 00:47:42,905 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.054*\"parti\" + 0.024*\"democrat\" + 0.023*\"voluntari\" + 0.020*\"member\" + 0.017*\"republ\" + 0.016*\"polici\" + 0.014*\"report\" + 0.014*\"bypass\" + 0.014*\"selma\"\n", - "2019-01-31 00:47:42,906 : INFO : topic #35 (0.020): 0.060*\"russia\" + 0.040*\"sovereignti\" + 0.033*\"rural\" + 0.026*\"poison\" + 0.025*\"personifi\" + 0.024*\"reprint\" + 0.023*\"moscow\" + 0.018*\"poland\" + 0.017*\"unfortun\" + 0.013*\"turin\"\n", - "2019-01-31 00:47:42,912 : INFO : topic diff=0.004468, rho=0.032933\n", - "2019-01-31 00:47:43,071 : INFO : PROGRESS: pass 0, at document #1846000/4922894\n", - "2019-01-31 00:47:44,470 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:47:44,736 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.009*\"mode\" + 0.009*\"elabor\" + 0.008*\"veget\" + 0.007*\"candid\" + 0.007*\"uruguayan\" + 0.007*\"produc\" + 0.006*\"develop\"\n", - "2019-01-31 00:47:44,737 : INFO : topic #11 (0.020): 0.025*\"john\" + 0.012*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"georg\" + 0.008*\"paul\" + 0.008*\"slur\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:47:44,738 : INFO : topic #49 (0.020): 0.042*\"india\" + 0.030*\"incumb\" + 0.013*\"pakistan\" + 0.013*\"islam\" + 0.013*\"anglo\" + 0.011*\"televis\" + 0.010*\"sri\" + 0.010*\"muskoge\" + 0.010*\"khalsa\" + 0.010*\"alam\"\n", - "2019-01-31 00:47:44,739 : INFO : topic #20 (0.020): 0.142*\"scholar\" + 0.039*\"struggl\" + 0.032*\"high\" + 0.028*\"educ\" + 0.024*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.009*\"task\" + 0.009*\"gothic\"\n", - "2019-01-31 00:47:44,740 : INFO : topic #1 (0.020): 0.053*\"china\" + 0.044*\"chilton\" + 0.027*\"hong\" + 0.026*\"kong\" + 0.024*\"korea\" + 0.019*\"korean\" + 0.017*\"leah\" + 0.015*\"sourc\" + 0.014*\"kim\" + 0.013*\"shirin\"\n", - "2019-01-31 00:47:44,746 : INFO : topic diff=0.004114, rho=0.032915\n", - "2019-01-31 00:47:44,904 : INFO : PROGRESS: pass 0, at document #1848000/4922894\n", - "2019-01-31 00:47:46,295 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:47:46,561 : INFO : topic #34 (0.020): 0.071*\"start\" + 0.031*\"unionist\" + 0.030*\"american\" + 0.029*\"new\" + 0.027*\"cotton\" + 0.018*\"year\" + 0.015*\"california\" + 0.013*\"terri\" + 0.012*\"warrior\" + 0.012*\"north\"\n", - "2019-01-31 00:47:46,562 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.025*\"epiru\" + 0.024*\"septemb\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.013*\"proclaim\" + 0.012*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:47:46,563 : INFO : topic #25 (0.020): 0.031*\"ring\" + 0.017*\"lagrang\" + 0.017*\"warmth\" + 0.016*\"area\" + 0.015*\"mount\" + 0.009*\"palmer\" + 0.009*\"north\" + 0.009*\"foam\" + 0.008*\"land\" + 0.008*\"lobe\"\n", - "2019-01-31 00:47:46,564 : INFO : topic #46 (0.020): 0.019*\"stop\" + 0.018*\"wind\" + 0.017*\"swedish\" + 0.017*\"sweden\" + 0.016*\"damag\" + 0.016*\"norwai\" + 0.014*\"norwegian\" + 0.012*\"farid\" + 0.011*\"denmark\" + 0.010*\"danish\"\n", - "2019-01-31 00:47:46,565 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.006*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"help\" + 0.004*\"call\"\n", - "2019-01-31 00:47:46,571 : INFO : topic diff=0.005729, rho=0.032898\n", - "2019-01-31 00:47:46,730 : INFO : PROGRESS: pass 0, at document #1850000/4922894\n", - "2019-01-31 00:47:48,133 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:47:48,399 : INFO : topic #25 (0.020): 0.031*\"ring\" + 0.017*\"lagrang\" + 0.017*\"warmth\" + 0.016*\"area\" + 0.015*\"mount\" + 0.009*\"palmer\" + 0.009*\"north\" + 0.008*\"foam\" + 0.008*\"land\" + 0.008*\"lobe\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:47:48,401 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.049*\"franc\" + 0.031*\"pari\" + 0.023*\"sail\" + 0.022*\"jean\" + 0.016*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.012*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 00:47:48,402 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.024*\"epiru\" + 0.024*\"septemb\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.012*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:47:48,403 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.040*\"shield\" + 0.017*\"narrat\" + 0.014*\"scot\" + 0.012*\"blur\" + 0.012*\"pope\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.009*\"bahá\" + 0.009*\"fleet\"\n", - "2019-01-31 00:47:48,404 : INFO : topic #49 (0.020): 0.042*\"india\" + 0.030*\"incumb\" + 0.013*\"pakistan\" + 0.013*\"islam\" + 0.013*\"anglo\" + 0.011*\"khalsa\" + 0.011*\"televis\" + 0.010*\"sri\" + 0.010*\"muskoge\" + 0.010*\"alam\"\n", - "2019-01-31 00:47:48,410 : INFO : topic diff=0.005411, rho=0.032880\n", - "2019-01-31 00:47:48,565 : INFO : PROGRESS: pass 0, at document #1852000/4922894\n", - "2019-01-31 00:47:49,945 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:47:50,212 : INFO : topic #32 (0.020): 0.053*\"district\" + 0.044*\"popolo\" + 0.043*\"vigour\" + 0.040*\"tortur\" + 0.031*\"area\" + 0.029*\"cotton\" + 0.023*\"regim\" + 0.022*\"multitud\" + 0.021*\"citi\" + 0.020*\"commun\"\n", - "2019-01-31 00:47:50,213 : INFO : topic #43 (0.020): 0.063*\"elect\" + 0.054*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.017*\"republ\" + 0.016*\"polici\" + 0.014*\"report\" + 0.013*\"bypass\" + 0.013*\"selma\"\n", - "2019-01-31 00:47:50,214 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.040*\"shield\" + 0.017*\"narrat\" + 0.014*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.010*\"bahá\" + 0.009*\"fleet\"\n", - "2019-01-31 00:47:50,215 : INFO : topic #47 (0.020): 0.066*\"muscl\" + 0.036*\"perceptu\" + 0.020*\"theater\" + 0.019*\"place\" + 0.018*\"damn\" + 0.017*\"compos\" + 0.013*\"orchestr\" + 0.013*\"olympo\" + 0.012*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 00:47:50,216 : INFO : topic #11 (0.020): 0.025*\"john\" + 0.012*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"georg\" + 0.008*\"paul\" + 0.008*\"slur\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:47:50,222 : INFO : topic diff=0.004384, rho=0.032862\n", - "2019-01-31 00:47:50,435 : INFO : PROGRESS: pass 0, at document #1854000/4922894\n", - "2019-01-31 00:47:51,806 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:47:52,072 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.023*\"collector\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.021*\"requir\" + 0.019*\"student\" + 0.015*\"professor\" + 0.012*\"word\" + 0.012*\"http\" + 0.011*\"degre\"\n", - "2019-01-31 00:47:52,073 : INFO : topic #31 (0.020): 0.057*\"fusiform\" + 0.026*\"scientist\" + 0.026*\"player\" + 0.025*\"taxpay\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 00:47:52,074 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.009*\"elabor\" + 0.009*\"mode\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.007*\"produc\" + 0.007*\"candid\" + 0.006*\"develop\"\n", - "2019-01-31 00:47:52,076 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.027*\"offic\" + 0.024*\"minist\" + 0.022*\"govern\" + 0.022*\"nation\" + 0.021*\"member\" + 0.018*\"gener\" + 0.016*\"start\" + 0.016*\"seri\" + 0.016*\"serv\"\n", - "2019-01-31 00:47:52,077 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.006*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"kenworthi\" + 0.004*\"call\"\n", - "2019-01-31 00:47:52,083 : INFO : topic diff=0.005173, rho=0.032844\n", - "2019-01-31 00:47:52,240 : INFO : PROGRESS: pass 0, at document #1856000/4922894\n", - "2019-01-31 00:47:53,648 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:47:53,914 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.011*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"word\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.008*\"woman\" + 0.007*\"cultur\" + 0.007*\"human\"\n", - "2019-01-31 00:47:53,915 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.007*\"teufel\" + 0.006*\"govern\" + 0.006*\"militari\" + 0.006*\"pour\"\n", - "2019-01-31 00:47:53,916 : INFO : topic #21 (0.020): 0.037*\"samford\" + 0.023*\"spain\" + 0.020*\"del\" + 0.017*\"mexico\" + 0.015*\"soviet\" + 0.012*\"santa\" + 0.012*\"francisco\" + 0.011*\"carlo\" + 0.011*\"juan\" + 0.010*\"lizard\"\n", - "2019-01-31 00:47:53,917 : INFO : topic #39 (0.020): 0.054*\"canada\" + 0.041*\"canadian\" + 0.023*\"toronto\" + 0.022*\"hoar\" + 0.019*\"ontario\" + 0.016*\"hydrogen\" + 0.015*\"misericordia\" + 0.015*\"novotná\" + 0.014*\"new\" + 0.011*\"quebec\"\n", - "2019-01-31 00:47:53,918 : INFO : topic #46 (0.020): 0.019*\"wind\" + 0.018*\"stop\" + 0.016*\"sweden\" + 0.016*\"swedish\" + 0.016*\"damag\" + 0.016*\"norwai\" + 0.014*\"norwegian\" + 0.012*\"farid\" + 0.010*\"denmark\" + 0.010*\"huntsvil\"\n", - "2019-01-31 00:47:53,924 : INFO : topic diff=0.004294, rho=0.032827\n", - "2019-01-31 00:47:54,079 : INFO : PROGRESS: pass 0, at document #1858000/4922894\n", - "2019-01-31 00:47:55,457 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:47:55,723 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.049*\"franc\" + 0.031*\"pari\" + 0.023*\"sail\" + 0.022*\"jean\" + 0.016*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.012*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 00:47:55,724 : INFO : topic #44 (0.020): 0.033*\"rooftop\" + 0.027*\"final\" + 0.024*\"wife\" + 0.021*\"tourist\" + 0.018*\"champion\" + 0.016*\"tiepolo\" + 0.015*\"chamber\" + 0.014*\"martin\" + 0.014*\"taxpay\" + 0.013*\"winner\"\n", - "2019-01-31 00:47:55,725 : INFO : topic #11 (0.020): 0.025*\"john\" + 0.012*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"georg\" + 0.008*\"paul\" + 0.008*\"slur\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:47:55,726 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.007*\"teufel\" + 0.006*\"govern\" + 0.006*\"militari\" + 0.006*\"pour\"\n", - "2019-01-31 00:47:55,727 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.026*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:47:55,733 : INFO : topic diff=0.004720, rho=0.032809\n", - "2019-01-31 00:47:58,376 : INFO : -11.625 per-word bound, 3157.6 perplexity estimate based on a held-out corpus of 2000 documents with 524554 words\n", - "2019-01-31 00:47:58,376 : INFO : PROGRESS: pass 0, at document #1860000/4922894\n", - "2019-01-31 00:47:59,743 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:48:00,009 : INFO : topic #23 (0.020): 0.139*\"audit\" + 0.068*\"best\" + 0.035*\"yawn\" + 0.029*\"jacksonvil\" + 0.024*\"noll\" + 0.022*\"japanes\" + 0.019*\"festiv\" + 0.018*\"women\" + 0.016*\"intern\" + 0.013*\"prison\"\n", - "2019-01-31 00:48:00,010 : INFO : topic #27 (0.020): 0.071*\"questionnair\" + 0.021*\"candid\" + 0.021*\"taxpay\" + 0.016*\"ret\" + 0.013*\"driver\" + 0.013*\"fool\" + 0.011*\"find\" + 0.011*\"tornado\" + 0.010*\"théori\" + 0.009*\"squatter\"\n", - "2019-01-31 00:48:00,011 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:48:00,012 : INFO : topic #16 (0.020): 0.052*\"king\" + 0.032*\"priest\" + 0.020*\"rotterdam\" + 0.020*\"duke\" + 0.019*\"quarterli\" + 0.019*\"grammat\" + 0.017*\"idiosyncrat\" + 0.013*\"maria\" + 0.013*\"princ\" + 0.012*\"brazil\"\n", - "2019-01-31 00:48:00,013 : INFO : topic #34 (0.020): 0.071*\"start\" + 0.031*\"unionist\" + 0.029*\"american\" + 0.029*\"new\" + 0.027*\"cotton\" + 0.018*\"year\" + 0.015*\"california\" + 0.013*\"terri\" + 0.013*\"warrior\" + 0.012*\"north\"\n", - "2019-01-31 00:48:00,019 : INFO : topic diff=0.004762, rho=0.032791\n", - "2019-01-31 00:48:00,179 : INFO : PROGRESS: pass 0, at document #1862000/4922894\n", - "2019-01-31 00:48:01,586 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:48:01,853 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"gener\" + 0.007*\"frontal\" + 0.006*\"théori\" + 0.006*\"exampl\" + 0.006*\"poet\" + 0.006*\"measur\" + 0.006*\"servitud\" + 0.006*\"southern\" + 0.006*\"differ\"\n", - "2019-01-31 00:48:01,854 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.006*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"kenworthi\" + 0.004*\"call\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:48:01,855 : INFO : topic #28 (0.020): 0.032*\"build\" + 0.025*\"hous\" + 0.022*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.012*\"briarwood\" + 0.011*\"strategist\" + 0.011*\"constitut\" + 0.010*\"linear\" + 0.010*\"depress\"\n", - "2019-01-31 00:48:01,856 : INFO : topic #1 (0.020): 0.052*\"china\" + 0.043*\"chilton\" + 0.027*\"hong\" + 0.026*\"kong\" + 0.023*\"korea\" + 0.018*\"korean\" + 0.016*\"leah\" + 0.015*\"sourc\" + 0.013*\"kim\" + 0.013*\"shirin\"\n", - "2019-01-31 00:48:01,857 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.040*\"shield\" + 0.017*\"narrat\" + 0.014*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.010*\"bahá\" + 0.009*\"fleet\"\n", - "2019-01-31 00:48:01,863 : INFO : topic diff=0.004694, rho=0.032774\n", - "2019-01-31 00:48:02,023 : INFO : PROGRESS: pass 0, at document #1864000/4922894\n", - "2019-01-31 00:48:03,440 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:48:03,707 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.011*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"word\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.008*\"woman\" + 0.007*\"cultur\" + 0.007*\"human\"\n", - "2019-01-31 00:48:03,708 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.040*\"shield\" + 0.017*\"narrat\" + 0.014*\"scot\" + 0.012*\"pope\" + 0.011*\"blur\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.010*\"bahá\" + 0.009*\"fleet\"\n", - "2019-01-31 00:48:03,709 : INFO : topic #24 (0.020): 0.040*\"book\" + 0.035*\"publicis\" + 0.025*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"nicola\" + 0.012*\"storag\" + 0.012*\"collect\" + 0.011*\"author\"\n", - "2019-01-31 00:48:03,710 : INFO : topic #37 (0.020): 0.010*\"man\" + 0.008*\"love\" + 0.008*\"charact\" + 0.007*\"septemb\" + 0.007*\"gestur\" + 0.007*\"comic\" + 0.006*\"appear\" + 0.006*\"blue\" + 0.005*\"anim\" + 0.005*\"vision\"\n", - "2019-01-31 00:48:03,712 : INFO : topic #28 (0.020): 0.032*\"build\" + 0.025*\"hous\" + 0.022*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.012*\"briarwood\" + 0.011*\"strategist\" + 0.011*\"constitut\" + 0.010*\"linear\" + 0.010*\"depress\"\n", - "2019-01-31 00:48:03,718 : INFO : topic diff=0.004585, rho=0.032756\n", - "2019-01-31 00:48:03,875 : INFO : PROGRESS: pass 0, at document #1866000/4922894\n", - "2019-01-31 00:48:05,241 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:48:05,510 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.054*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.017*\"republ\" + 0.016*\"polici\" + 0.014*\"bypass\" + 0.014*\"selma\" + 0.014*\"report\"\n", - "2019-01-31 00:48:05,511 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.027*\"offic\" + 0.024*\"minist\" + 0.022*\"nation\" + 0.021*\"govern\" + 0.021*\"member\" + 0.018*\"gener\" + 0.016*\"start\" + 0.016*\"seri\" + 0.016*\"serv\"\n", - "2019-01-31 00:48:05,512 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"word\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"cultur\" + 0.007*\"human\"\n", - "2019-01-31 00:48:05,514 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.025*\"new\" + 0.023*\"palmer\" + 0.015*\"strategist\" + 0.013*\"open\" + 0.013*\"center\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"highli\" + 0.009*\"dai\"\n", - "2019-01-31 00:48:05,515 : INFO : topic #20 (0.020): 0.139*\"scholar\" + 0.038*\"struggl\" + 0.032*\"high\" + 0.027*\"educ\" + 0.024*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.011*\"district\" + 0.009*\"gothic\" + 0.009*\"start\"\n", - "2019-01-31 00:48:05,520 : INFO : topic diff=0.005214, rho=0.032739\n", - "2019-01-31 00:48:05,678 : INFO : PROGRESS: pass 0, at document #1868000/4922894\n", - "2019-01-31 00:48:07,071 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:48:07,337 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"prognosi\" + 0.011*\"pop\" + 0.008*\"develop\" + 0.008*\"cytokin\" + 0.008*\"diggin\" + 0.008*\"user\" + 0.007*\"uruguayan\" + 0.007*\"softwar\" + 0.007*\"includ\"\n", - "2019-01-31 00:48:07,339 : INFO : topic #48 (0.020): 0.082*\"octob\" + 0.080*\"march\" + 0.078*\"sens\" + 0.076*\"juli\" + 0.073*\"notion\" + 0.073*\"januari\" + 0.072*\"april\" + 0.071*\"judici\" + 0.071*\"august\" + 0.070*\"decatur\"\n", - "2019-01-31 00:48:07,340 : INFO : topic #1 (0.020): 0.052*\"china\" + 0.042*\"chilton\" + 0.028*\"hong\" + 0.027*\"kong\" + 0.023*\"korea\" + 0.018*\"korean\" + 0.017*\"leah\" + 0.015*\"sourc\" + 0.013*\"kim\" + 0.013*\"shirin\"\n", - "2019-01-31 00:48:07,341 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.053*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.017*\"republ\" + 0.016*\"polici\" + 0.014*\"bypass\" + 0.014*\"report\" + 0.014*\"selma\"\n", - "2019-01-31 00:48:07,342 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"margin\" + 0.016*\"yawn\" + 0.014*\"bone\" + 0.014*\"life\" + 0.013*\"faster\" + 0.012*\"daughter\" + 0.012*\"deal\"\n", - "2019-01-31 00:48:07,348 : INFO : topic diff=0.004594, rho=0.032721\n", - "2019-01-31 00:48:07,510 : INFO : PROGRESS: pass 0, at document #1870000/4922894\n", - "2019-01-31 00:48:08,912 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:48:09,178 : INFO : topic #29 (0.020): 0.028*\"companhia\" + 0.012*\"million\" + 0.011*\"busi\" + 0.011*\"bank\" + 0.010*\"market\" + 0.010*\"produc\" + 0.009*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 00:48:09,179 : INFO : topic #48 (0.020): 0.082*\"octob\" + 0.080*\"march\" + 0.078*\"sens\" + 0.075*\"juli\" + 0.074*\"januari\" + 0.073*\"notion\" + 0.073*\"april\" + 0.072*\"judici\" + 0.071*\"august\" + 0.070*\"decatur\"\n", - "2019-01-31 00:48:09,181 : INFO : topic #32 (0.020): 0.052*\"district\" + 0.043*\"popolo\" + 0.043*\"vigour\" + 0.040*\"tortur\" + 0.030*\"area\" + 0.029*\"cotton\" + 0.023*\"regim\" + 0.022*\"multitud\" + 0.022*\"citi\" + 0.020*\"commun\"\n", - "2019-01-31 00:48:09,182 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"word\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"cultur\" + 0.007*\"human\"\n", - "2019-01-31 00:48:09,183 : INFO : topic #46 (0.020): 0.019*\"stop\" + 0.018*\"wind\" + 0.017*\"swedish\" + 0.017*\"sweden\" + 0.016*\"norwai\" + 0.015*\"damag\" + 0.014*\"norwegian\" + 0.013*\"denmark\" + 0.012*\"farid\" + 0.011*\"danish\"\n", - "2019-01-31 00:48:09,188 : INFO : topic diff=0.005372, rho=0.032703\n", - "2019-01-31 00:48:09,343 : INFO : PROGRESS: pass 0, at document #1872000/4922894\n", - "2019-01-31 00:48:10,720 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:48:10,986 : INFO : topic #39 (0.020): 0.052*\"canada\" + 0.041*\"canadian\" + 0.030*\"ontario\" + 0.022*\"toronto\" + 0.021*\"hoar\" + 0.015*\"hydrogen\" + 0.014*\"new\" + 0.014*\"misericordia\" + 0.014*\"novotná\" + 0.012*\"quebec\"\n", - "2019-01-31 00:48:10,987 : INFO : topic #44 (0.020): 0.032*\"rooftop\" + 0.027*\"final\" + 0.024*\"wife\" + 0.021*\"tourist\" + 0.018*\"champion\" + 0.015*\"tiepolo\" + 0.015*\"chamber\" + 0.014*\"taxpay\" + 0.014*\"martin\" + 0.013*\"open\"\n", - "2019-01-31 00:48:10,988 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.030*\"incumb\" + 0.013*\"anglo\" + 0.012*\"pakistan\" + 0.012*\"islam\" + 0.011*\"televis\" + 0.010*\"alam\" + 0.010*\"khalsa\" + 0.010*\"muskoge\" + 0.010*\"sri\"\n", - "2019-01-31 00:48:10,989 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.027*\"offic\" + 0.024*\"minist\" + 0.022*\"nation\" + 0.021*\"govern\" + 0.021*\"member\" + 0.018*\"gener\" + 0.016*\"start\" + 0.016*\"serv\" + 0.016*\"seri\"\n", - "2019-01-31 00:48:10,990 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:48:10,996 : INFO : topic diff=0.004824, rho=0.032686\n", - "2019-01-31 00:48:11,156 : INFO : PROGRESS: pass 0, at document #1874000/4922894\n", - "2019-01-31 00:48:12,572 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:48:12,838 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.027*\"offic\" + 0.024*\"minist\" + 0.022*\"nation\" + 0.021*\"govern\" + 0.021*\"member\" + 0.018*\"gener\" + 0.016*\"start\" + 0.016*\"serv\" + 0.016*\"seri\"\n", - "2019-01-31 00:48:12,840 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.009*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.007*\"teufel\" + 0.006*\"govern\" + 0.006*\"militari\" + 0.006*\"pour\"\n", - "2019-01-31 00:48:12,841 : INFO : topic #35 (0.020): 0.057*\"russia\" + 0.036*\"sovereignti\" + 0.032*\"rural\" + 0.032*\"personifi\" + 0.028*\"poison\" + 0.023*\"reprint\" + 0.021*\"moscow\" + 0.019*\"poland\" + 0.016*\"unfortun\" + 0.014*\"czech\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:48:12,842 : INFO : topic #42 (0.020): 0.045*\"german\" + 0.029*\"germani\" + 0.016*\"vol\" + 0.016*\"israel\" + 0.015*\"jewish\" + 0.013*\"berlin\" + 0.013*\"der\" + 0.011*\"european\" + 0.009*\"europ\" + 0.009*\"itali\"\n", - "2019-01-31 00:48:12,843 : INFO : topic #29 (0.020): 0.028*\"companhia\" + 0.012*\"million\" + 0.011*\"busi\" + 0.011*\"bank\" + 0.010*\"market\" + 0.010*\"produc\" + 0.009*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 00:48:12,849 : INFO : topic diff=0.004910, rho=0.032669\n", - "2019-01-31 00:48:13,006 : INFO : PROGRESS: pass 0, at document #1876000/4922894\n", - "2019-01-31 00:48:14,399 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:48:14,666 : INFO : topic #20 (0.020): 0.140*\"scholar\" + 0.038*\"struggl\" + 0.032*\"high\" + 0.027*\"educ\" + 0.023*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.011*\"district\" + 0.010*\"start\" + 0.009*\"gothic\"\n", - "2019-01-31 00:48:14,667 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"gener\" + 0.007*\"frontal\" + 0.007*\"exampl\" + 0.006*\"servitud\" + 0.006*\"théori\" + 0.006*\"southern\" + 0.006*\"poet\" + 0.006*\"measur\" + 0.006*\"method\"\n", - "2019-01-31 00:48:14,668 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.039*\"shield\" + 0.017*\"narrat\" + 0.013*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.010*\"bahá\" + 0.009*\"fleet\"\n", - "2019-01-31 00:48:14,669 : INFO : topic #34 (0.020): 0.072*\"start\" + 0.031*\"unionist\" + 0.029*\"american\" + 0.029*\"new\" + 0.027*\"cotton\" + 0.018*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.013*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 00:48:14,670 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.042*\"line\" + 0.035*\"arsen\" + 0.033*\"raid\" + 0.027*\"museo\" + 0.020*\"traceabl\" + 0.019*\"serv\" + 0.013*\"pain\" + 0.013*\"exhaust\" + 0.013*\"oper\"\n", - "2019-01-31 00:48:14,676 : INFO : topic diff=0.004562, rho=0.032651\n", - "2019-01-31 00:48:14,836 : INFO : PROGRESS: pass 0, at document #1878000/4922894\n", - "2019-01-31 00:48:16,231 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:48:16,497 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.036*\"perceptu\" + 0.022*\"theater\" + 0.019*\"damn\" + 0.019*\"place\" + 0.017*\"compos\" + 0.013*\"orchestr\" + 0.013*\"olympo\" + 0.012*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 00:48:16,498 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.009*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.007*\"teufel\" + 0.006*\"govern\" + 0.006*\"militari\" + 0.006*\"pour\"\n", - "2019-01-31 00:48:16,500 : INFO : topic #25 (0.020): 0.030*\"ring\" + 0.017*\"lagrang\" + 0.016*\"area\" + 0.016*\"warmth\" + 0.015*\"mount\" + 0.009*\"palmer\" + 0.008*\"foam\" + 0.008*\"north\" + 0.008*\"land\" + 0.008*\"vacant\"\n", - "2019-01-31 00:48:16,501 : INFO : topic #30 (0.020): 0.035*\"leagu\" + 0.034*\"cleveland\" + 0.029*\"place\" + 0.026*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:48:16,502 : INFO : topic #11 (0.020): 0.025*\"john\" + 0.012*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"georg\" + 0.008*\"paul\" + 0.008*\"slur\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:48:16,507 : INFO : topic diff=0.005380, rho=0.032634\n", - "2019-01-31 00:48:19,080 : INFO : -11.425 per-word bound, 2750.4 perplexity estimate based on a held-out corpus of 2000 documents with 504946 words\n", - "2019-01-31 00:48:19,081 : INFO : PROGRESS: pass 0, at document #1880000/4922894\n", - "2019-01-31 00:48:20,424 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:48:20,689 : INFO : topic #34 (0.020): 0.072*\"start\" + 0.031*\"unionist\" + 0.030*\"american\" + 0.029*\"new\" + 0.027*\"cotton\" + 0.018*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.013*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 00:48:20,691 : INFO : topic #17 (0.020): 0.075*\"church\" + 0.024*\"christian\" + 0.022*\"cathol\" + 0.022*\"bishop\" + 0.015*\"sail\" + 0.015*\"retroflex\" + 0.010*\"centuri\" + 0.010*\"relationship\" + 0.009*\"cathedr\" + 0.009*\"historiographi\"\n", - "2019-01-31 00:48:20,692 : INFO : topic #1 (0.020): 0.053*\"china\" + 0.042*\"chilton\" + 0.025*\"hong\" + 0.025*\"kong\" + 0.022*\"korea\" + 0.018*\"korean\" + 0.016*\"leah\" + 0.015*\"sourc\" + 0.012*\"shirin\" + 0.012*\"kim\"\n", - "2019-01-31 00:48:20,693 : INFO : topic #2 (0.020): 0.047*\"isl\" + 0.039*\"shield\" + 0.017*\"narrat\" + 0.013*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.009*\"bahá\" + 0.009*\"fleet\"\n", - "2019-01-31 00:48:20,694 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.006*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"kenworthi\" + 0.004*\"help\"\n", - "2019-01-31 00:48:20,700 : INFO : topic diff=0.005206, rho=0.032616\n", - "2019-01-31 00:48:20,854 : INFO : PROGRESS: pass 0, at document #1882000/4922894\n", - "2019-01-31 00:48:22,245 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:48:22,511 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.025*\"new\" + 0.023*\"palmer\" + 0.014*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 00:48:22,512 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.026*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:48:22,513 : INFO : topic #31 (0.020): 0.056*\"fusiform\" + 0.026*\"scientist\" + 0.025*\"player\" + 0.025*\"taxpay\" + 0.020*\"place\" + 0.013*\"clot\" + 0.012*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.008*\"reconstruct\"\n", - "2019-01-31 00:48:22,515 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"group\" + 0.009*\"word\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"cultur\" + 0.007*\"human\"\n", - "2019-01-31 00:48:22,516 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.024*\"factor\" + 0.019*\"adulthood\" + 0.015*\"feel\" + 0.014*\"male\" + 0.012*\"hostil\" + 0.011*\"plaisir\" + 0.010*\"genu\" + 0.010*\"live\" + 0.008*\"median\"\n", - "2019-01-31 00:48:22,521 : INFO : topic diff=0.005047, rho=0.032599\n", - "2019-01-31 00:48:22,680 : INFO : PROGRESS: pass 0, at document #1884000/4922894\n", - "2019-01-31 00:48:24,080 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:48:24,346 : INFO : topic #27 (0.020): 0.070*\"questionnair\" + 0.022*\"candid\" + 0.020*\"taxpay\" + 0.014*\"ret\" + 0.014*\"driver\" + 0.011*\"find\" + 0.011*\"fool\" + 0.010*\"théori\" + 0.010*\"tornado\" + 0.010*\"landslid\"\n", - "2019-01-31 00:48:24,348 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.035*\"perceptu\" + 0.022*\"theater\" + 0.018*\"place\" + 0.018*\"damn\" + 0.017*\"compos\" + 0.013*\"orchestr\" + 0.013*\"olympo\" + 0.012*\"physician\" + 0.012*\"word\"\n", - "2019-01-31 00:48:24,349 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"armi\" + 0.022*\"aggress\" + 0.021*\"walter\" + 0.018*\"com\" + 0.014*\"militari\" + 0.014*\"oper\" + 0.014*\"unionist\" + 0.012*\"airmen\" + 0.011*\"diversifi\"\n", - "2019-01-31 00:48:24,350 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"depress\" + 0.015*\"pour\" + 0.009*\"mode\" + 0.009*\"elabor\" + 0.008*\"veget\" + 0.007*\"candid\" + 0.007*\"uruguayan\" + 0.007*\"produc\" + 0.006*\"develop\"\n", - "2019-01-31 00:48:24,351 : INFO : topic #35 (0.020): 0.056*\"russia\" + 0.036*\"sovereignti\" + 0.033*\"rural\" + 0.031*\"personifi\" + 0.028*\"poison\" + 0.026*\"reprint\" + 0.021*\"moscow\" + 0.019*\"poland\" + 0.016*\"unfortun\" + 0.014*\"czech\"\n", - "2019-01-31 00:48:24,357 : INFO : topic diff=0.006740, rho=0.032582\n", - "2019-01-31 00:48:24,574 : INFO : PROGRESS: pass 0, at document #1886000/4922894\n", - "2019-01-31 00:48:25,990 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:48:26,256 : INFO : topic #0 (0.020): 0.066*\"statewid\" + 0.041*\"line\" + 0.034*\"arsen\" + 0.033*\"raid\" + 0.026*\"museo\" + 0.019*\"traceabl\" + 0.018*\"serv\" + 0.017*\"pain\" + 0.013*\"oper\" + 0.013*\"exhaust\"\n", - "2019-01-31 00:48:26,257 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.038*\"shield\" + 0.017*\"narrat\" + 0.014*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.010*\"bahá\" + 0.009*\"fleet\"\n", - "2019-01-31 00:48:26,258 : INFO : topic #9 (0.020): 0.068*\"bone\" + 0.041*\"american\" + 0.029*\"valour\" + 0.023*\"dutch\" + 0.018*\"folei\" + 0.018*\"polit\" + 0.017*\"player\" + 0.016*\"english\" + 0.011*\"acrimoni\" + 0.011*\"netherland\"\n", - "2019-01-31 00:48:26,259 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.009*\"aza\" + 0.009*\"forc\" + 0.009*\"battalion\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.006*\"teufel\" + 0.006*\"govern\" + 0.006*\"militari\" + 0.006*\"pour\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:48:26,260 : INFO : topic #27 (0.020): 0.070*\"questionnair\" + 0.021*\"candid\" + 0.021*\"taxpay\" + 0.014*\"ret\" + 0.014*\"driver\" + 0.011*\"find\" + 0.011*\"fool\" + 0.010*\"théori\" + 0.010*\"tornado\" + 0.010*\"squatter\"\n", - "2019-01-31 00:48:26,266 : INFO : topic diff=0.006519, rho=0.032564\n", - "2019-01-31 00:48:26,425 : INFO : PROGRESS: pass 0, at document #1888000/4922894\n", - "2019-01-31 00:48:27,833 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:48:28,100 : INFO : topic #27 (0.020): 0.070*\"questionnair\" + 0.021*\"candid\" + 0.020*\"taxpay\" + 0.015*\"ret\" + 0.014*\"driver\" + 0.011*\"find\" + 0.011*\"fool\" + 0.010*\"théori\" + 0.010*\"squatter\" + 0.010*\"tornado\"\n", - "2019-01-31 00:48:28,101 : INFO : topic #28 (0.020): 0.032*\"build\" + 0.025*\"hous\" + 0.022*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.012*\"briarwood\" + 0.011*\"strategist\" + 0.011*\"constitut\" + 0.010*\"linear\" + 0.010*\"depress\"\n", - "2019-01-31 00:48:28,102 : INFO : topic #37 (0.020): 0.010*\"man\" + 0.008*\"love\" + 0.008*\"charact\" + 0.008*\"septemb\" + 0.007*\"comic\" + 0.007*\"gestur\" + 0.006*\"appear\" + 0.005*\"anim\" + 0.005*\"blue\" + 0.005*\"workplac\"\n", - "2019-01-31 00:48:28,103 : INFO : topic #39 (0.020): 0.055*\"canada\" + 0.041*\"canadian\" + 0.028*\"ontario\" + 0.022*\"toronto\" + 0.021*\"hoar\" + 0.015*\"hydrogen\" + 0.014*\"new\" + 0.014*\"novotná\" + 0.014*\"misericordia\" + 0.013*\"quebec\"\n", - "2019-01-31 00:48:28,104 : INFO : topic #13 (0.020): 0.028*\"sourc\" + 0.027*\"australia\" + 0.026*\"london\" + 0.024*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.014*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 00:48:28,110 : INFO : topic diff=0.004895, rho=0.032547\n", - "2019-01-31 00:48:28,272 : INFO : PROGRESS: pass 0, at document #1890000/4922894\n", - "2019-01-31 00:48:29,697 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:48:29,962 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"prognosi\" + 0.011*\"pop\" + 0.008*\"develop\" + 0.008*\"cytokin\" + 0.008*\"user\" + 0.008*\"uruguayan\" + 0.007*\"diggin\" + 0.007*\"softwar\" + 0.007*\"includ\"\n", - "2019-01-31 00:48:29,964 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"commun\" + 0.010*\"develop\" + 0.009*\"group\" + 0.009*\"word\" + 0.008*\"peopl\" + 0.008*\"woman\" + 0.007*\"cultur\" + 0.007*\"human\"\n", - "2019-01-31 00:48:29,965 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.024*\"factor\" + 0.019*\"adulthood\" + 0.015*\"feel\" + 0.013*\"male\" + 0.011*\"hostil\" + 0.011*\"plaisir\" + 0.010*\"genu\" + 0.010*\"live\" + 0.008*\"biom\"\n", - "2019-01-31 00:48:29,966 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.035*\"publicis\" + 0.025*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"collect\" + 0.012*\"storag\" + 0.012*\"nicola\" + 0.011*\"author\"\n", - "2019-01-31 00:48:29,966 : INFO : topic #13 (0.020): 0.028*\"sourc\" + 0.027*\"australia\" + 0.026*\"london\" + 0.024*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.015*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 00:48:29,972 : INFO : topic diff=0.005038, rho=0.032530\n", - "2019-01-31 00:48:30,132 : INFO : PROGRESS: pass 0, at document #1892000/4922894\n", - "2019-01-31 00:48:31,549 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:48:31,815 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"prognosi\" + 0.011*\"pop\" + 0.008*\"develop\" + 0.008*\"cytokin\" + 0.008*\"user\" + 0.008*\"uruguayan\" + 0.007*\"diggin\" + 0.007*\"softwar\" + 0.007*\"includ\"\n", - "2019-01-31 00:48:31,816 : INFO : topic #17 (0.020): 0.075*\"church\" + 0.024*\"christian\" + 0.022*\"cathol\" + 0.021*\"bishop\" + 0.015*\"sail\" + 0.015*\"retroflex\" + 0.010*\"centuri\" + 0.010*\"relationship\" + 0.009*\"historiographi\" + 0.009*\"cathedr\"\n", - "2019-01-31 00:48:31,817 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.006*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"kenworthi\" + 0.004*\"help\"\n", - "2019-01-31 00:48:31,818 : INFO : topic #46 (0.020): 0.021*\"stop\" + 0.017*\"wind\" + 0.016*\"sweden\" + 0.016*\"norwai\" + 0.015*\"swedish\" + 0.015*\"norwegian\" + 0.014*\"damag\" + 0.013*\"huntsvil\" + 0.012*\"denmark\" + 0.010*\"farid\"\n", - "2019-01-31 00:48:31,819 : INFO : topic #1 (0.020): 0.053*\"china\" + 0.044*\"chilton\" + 0.024*\"hong\" + 0.023*\"kong\" + 0.022*\"korea\" + 0.018*\"korean\" + 0.016*\"leah\" + 0.015*\"sourc\" + 0.013*\"kim\" + 0.012*\"han\"\n", - "2019-01-31 00:48:31,825 : INFO : topic diff=0.004405, rho=0.032513\n", - "2019-01-31 00:48:31,978 : INFO : PROGRESS: pass 0, at document #1894000/4922894\n", - "2019-01-31 00:48:33,340 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:48:33,606 : INFO : topic #31 (0.020): 0.056*\"fusiform\" + 0.026*\"scientist\" + 0.026*\"taxpay\" + 0.025*\"player\" + 0.020*\"place\" + 0.013*\"clot\" + 0.012*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 00:48:33,608 : INFO : topic #9 (0.020): 0.069*\"bone\" + 0.042*\"american\" + 0.028*\"valour\" + 0.022*\"dutch\" + 0.019*\"folei\" + 0.018*\"polit\" + 0.017*\"player\" + 0.016*\"english\" + 0.011*\"acrimoni\" + 0.011*\"netherland\"\n", - "2019-01-31 00:48:33,609 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.043*\"vigour\" + 0.043*\"popolo\" + 0.040*\"tortur\" + 0.032*\"cotton\" + 0.029*\"area\" + 0.024*\"multitud\" + 0.023*\"regim\" + 0.021*\"citi\" + 0.020*\"commun\"\n", - "2019-01-31 00:48:33,610 : INFO : topic #35 (0.020): 0.055*\"russia\" + 0.037*\"sovereignti\" + 0.032*\"rural\" + 0.031*\"personifi\" + 0.027*\"poison\" + 0.026*\"reprint\" + 0.020*\"moscow\" + 0.019*\"poland\" + 0.016*\"unfortun\" + 0.014*\"czech\"\n", - "2019-01-31 00:48:33,611 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.035*\"publicis\" + 0.025*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"collect\" + 0.012*\"storag\" + 0.012*\"nicola\" + 0.011*\"magazin\"\n", - "2019-01-31 00:48:33,617 : INFO : topic diff=0.004884, rho=0.032496\n", - "2019-01-31 00:48:33,770 : INFO : PROGRESS: pass 0, at document #1896000/4922894\n", - "2019-01-31 00:48:35,143 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:48:35,409 : INFO : topic #42 (0.020): 0.045*\"german\" + 0.029*\"germani\" + 0.016*\"vol\" + 0.014*\"israel\" + 0.014*\"jewish\" + 0.013*\"der\" + 0.013*\"berlin\" + 0.010*\"european\" + 0.009*\"itali\" + 0.009*\"europ\"\n", - "2019-01-31 00:48:35,410 : INFO : topic #31 (0.020): 0.057*\"fusiform\" + 0.026*\"scientist\" + 0.026*\"taxpay\" + 0.025*\"player\" + 0.020*\"place\" + 0.013*\"clot\" + 0.012*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 00:48:35,411 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.027*\"offic\" + 0.024*\"minist\" + 0.022*\"nation\" + 0.021*\"govern\" + 0.021*\"member\" + 0.017*\"serv\" + 0.017*\"gener\" + 0.016*\"start\" + 0.016*\"seri\"\n", - "2019-01-31 00:48:35,413 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.066*\"best\" + 0.036*\"yawn\" + 0.028*\"jacksonvil\" + 0.023*\"noll\" + 0.022*\"japanes\" + 0.019*\"festiv\" + 0.018*\"women\" + 0.016*\"intern\" + 0.013*\"prison\"\n", - "2019-01-31 00:48:35,413 : INFO : topic #1 (0.020): 0.053*\"china\" + 0.044*\"chilton\" + 0.024*\"hong\" + 0.023*\"kong\" + 0.022*\"korea\" + 0.017*\"korean\" + 0.016*\"leah\" + 0.014*\"sourc\" + 0.013*\"kim\" + 0.012*\"ashvil\"\n", - "2019-01-31 00:48:35,419 : INFO : topic diff=0.005429, rho=0.032478\n", - "2019-01-31 00:48:35,577 : INFO : PROGRESS: pass 0, at document #1898000/4922894\n", - "2019-01-31 00:48:36,960 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:48:37,226 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"disco\" + 0.008*\"media\" + 0.007*\"hormon\" + 0.007*\"have\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"pathwai\" + 0.006*\"effect\" + 0.006*\"human\"\n", - "2019-01-31 00:48:37,227 : INFO : topic #28 (0.020): 0.032*\"build\" + 0.025*\"hous\" + 0.022*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.012*\"briarwood\" + 0.011*\"constitut\" + 0.011*\"strategist\" + 0.010*\"linear\" + 0.010*\"depress\"\n", - "2019-01-31 00:48:37,228 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"pour\" + 0.015*\"depress\" + 0.009*\"mode\" + 0.009*\"elabor\" + 0.007*\"veget\" + 0.007*\"encyclopedia\" + 0.007*\"uruguayan\" + 0.007*\"candid\" + 0.007*\"produc\"\n", - "2019-01-31 00:48:37,230 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"prognosi\" + 0.010*\"pop\" + 0.008*\"develop\" + 0.008*\"cytokin\" + 0.008*\"user\" + 0.007*\"uruguayan\" + 0.007*\"diggin\" + 0.007*\"softwar\" + 0.007*\"includ\"\n", - "2019-01-31 00:48:37,231 : INFO : topic #29 (0.020): 0.027*\"companhia\" + 0.012*\"million\" + 0.011*\"busi\" + 0.011*\"market\" + 0.011*\"bank\" + 0.010*\"produc\" + 0.009*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:48:37,236 : INFO : topic diff=0.004155, rho=0.032461\n", - "2019-01-31 00:48:39,962 : INFO : -11.640 per-word bound, 3191.1 perplexity estimate based on a held-out corpus of 2000 documents with 590783 words\n", - "2019-01-31 00:48:39,962 : INFO : PROGRESS: pass 0, at document #1900000/4922894\n", - "2019-01-31 00:48:41,355 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:48:41,621 : INFO : topic #20 (0.020): 0.145*\"scholar\" + 0.038*\"struggl\" + 0.035*\"high\" + 0.028*\"educ\" + 0.023*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.009*\"start\" + 0.009*\"task\"\n", - "2019-01-31 00:48:41,622 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.047*\"franc\" + 0.029*\"pari\" + 0.024*\"sail\" + 0.022*\"jean\" + 0.016*\"daphn\" + 0.013*\"loui\" + 0.012*\"lazi\" + 0.012*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 00:48:41,623 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.006*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"kenworthi\" + 0.004*\"help\"\n", - "2019-01-31 00:48:41,625 : INFO : topic #41 (0.020): 0.042*\"citi\" + 0.026*\"new\" + 0.023*\"palmer\" + 0.014*\"strategist\" + 0.012*\"open\" + 0.012*\"center\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 00:48:41,626 : INFO : topic #30 (0.020): 0.035*\"leagu\" + 0.035*\"cleveland\" + 0.029*\"place\" + 0.026*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:48:41,632 : INFO : topic diff=0.005479, rho=0.032444\n", - "2019-01-31 00:48:41,786 : INFO : PROGRESS: pass 0, at document #1902000/4922894\n", - "2019-01-31 00:48:43,163 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:48:43,429 : INFO : topic #32 (0.020): 0.052*\"district\" + 0.044*\"vigour\" + 0.043*\"popolo\" + 0.039*\"tortur\" + 0.032*\"cotton\" + 0.029*\"area\" + 0.024*\"multitud\" + 0.023*\"regim\" + 0.021*\"citi\" + 0.020*\"commun\"\n", - "2019-01-31 00:48:43,430 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"margin\" + 0.015*\"yawn\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"daughter\" + 0.012*\"deal\"\n", - "2019-01-31 00:48:43,431 : INFO : topic #45 (0.020): 0.026*\"jpg\" + 0.024*\"fifteenth\" + 0.018*\"illicit\" + 0.017*\"colder\" + 0.017*\"black\" + 0.016*\"western\" + 0.014*\"record\" + 0.010*\"blind\" + 0.008*\"depress\" + 0.007*\"light\"\n", - "2019-01-31 00:48:43,432 : INFO : topic #34 (0.020): 0.072*\"start\" + 0.031*\"unionist\" + 0.029*\"american\" + 0.029*\"new\" + 0.027*\"cotton\" + 0.018*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.013*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 00:48:43,433 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.013*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.007*\"english\" + 0.007*\"trade\" + 0.007*\"known\" + 0.006*\"like\"\n", - "2019-01-31 00:48:43,439 : INFO : topic diff=0.004403, rho=0.032427\n", - "2019-01-31 00:48:43,593 : INFO : PROGRESS: pass 0, at document #1904000/4922894\n", - "2019-01-31 00:48:44,988 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:48:45,254 : INFO : topic #46 (0.020): 0.020*\"stop\" + 0.018*\"wind\" + 0.016*\"norwai\" + 0.016*\"sweden\" + 0.015*\"swedish\" + 0.015*\"norwegian\" + 0.013*\"damag\" + 0.013*\"denmark\" + 0.012*\"huntsvil\" + 0.011*\"farid\"\n", - "2019-01-31 00:48:45,255 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.034*\"publicis\" + 0.025*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"collect\" + 0.012*\"storag\" + 0.012*\"nicola\" + 0.011*\"author\"\n", - "2019-01-31 00:48:45,256 : INFO : topic #20 (0.020): 0.145*\"scholar\" + 0.038*\"struggl\" + 0.036*\"high\" + 0.028*\"educ\" + 0.023*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.009*\"start\" + 0.009*\"gothic\"\n", - "2019-01-31 00:48:45,257 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.006*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"kenworthi\" + 0.004*\"call\"\n", - "2019-01-31 00:48:45,258 : INFO : topic #21 (0.020): 0.038*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.016*\"mexico\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.012*\"juan\" + 0.011*\"carlo\" + 0.011*\"francisco\" + 0.010*\"lizard\"\n", - "2019-01-31 00:48:45,264 : INFO : topic diff=0.004702, rho=0.032410\n", - "2019-01-31 00:48:45,421 : INFO : PROGRESS: pass 0, at document #1906000/4922894\n", - "2019-01-31 00:48:46,814 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:48:47,080 : INFO : topic #36 (0.020): 0.011*\"prognosi\" + 0.011*\"network\" + 0.010*\"pop\" + 0.008*\"develop\" + 0.008*\"cytokin\" + 0.007*\"user\" + 0.007*\"window\" + 0.007*\"uruguayan\" + 0.007*\"includ\" + 0.007*\"diggin\"\n", - "2019-01-31 00:48:47,081 : INFO : topic #49 (0.020): 0.045*\"india\" + 0.033*\"incumb\" + 0.014*\"televis\" + 0.013*\"anglo\" + 0.011*\"pakistan\" + 0.011*\"islam\" + 0.011*\"khalsa\" + 0.010*\"sri\" + 0.009*\"tajikistan\" + 0.009*\"muskoge\"\n", - "2019-01-31 00:48:47,082 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.022*\"collector\" + 0.021*\"requir\" + 0.019*\"student\" + 0.015*\"professor\" + 0.012*\"word\" + 0.011*\"http\" + 0.011*\"degre\"\n", - "2019-01-31 00:48:47,084 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.013*\"centuri\" + 0.011*\"woodcut\" + 0.010*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.007*\"english\" + 0.007*\"trade\" + 0.007*\"known\" + 0.006*\"like\"\n", - "2019-01-31 00:48:47,085 : INFO : topic #47 (0.020): 0.067*\"muscl\" + 0.035*\"perceptu\" + 0.021*\"theater\" + 0.018*\"place\" + 0.018*\"damn\" + 0.017*\"compos\" + 0.013*\"orchestr\" + 0.013*\"olympo\" + 0.012*\"physician\" + 0.012*\"word\"\n", - "2019-01-31 00:48:47,090 : INFO : topic diff=0.005282, rho=0.032393\n", - "2019-01-31 00:48:47,244 : INFO : PROGRESS: pass 0, at document #1908000/4922894\n", - "2019-01-31 00:48:48,625 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:48:48,891 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"disco\" + 0.008*\"media\" + 0.007*\"hormon\" + 0.007*\"have\" + 0.007*\"caus\" + 0.007*\"pathwai\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"acid\"\n", - "2019-01-31 00:48:48,892 : INFO : topic #45 (0.020): 0.026*\"jpg\" + 0.024*\"fifteenth\" + 0.019*\"illicit\" + 0.016*\"colder\" + 0.016*\"black\" + 0.016*\"western\" + 0.014*\"record\" + 0.010*\"blind\" + 0.008*\"depress\" + 0.007*\"light\"\n", - "2019-01-31 00:48:48,893 : INFO : topic #47 (0.020): 0.067*\"muscl\" + 0.035*\"perceptu\" + 0.021*\"theater\" + 0.018*\"place\" + 0.018*\"damn\" + 0.017*\"compos\" + 0.013*\"orchestr\" + 0.012*\"olympo\" + 0.012*\"physician\" + 0.012*\"word\"\n", - "2019-01-31 00:48:48,894 : INFO : topic #20 (0.020): 0.145*\"scholar\" + 0.038*\"struggl\" + 0.036*\"high\" + 0.028*\"educ\" + 0.023*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.009*\"gothic\" + 0.009*\"start\"\n", - "2019-01-31 00:48:48,895 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.006*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"kenworthi\" + 0.004*\"call\"\n", - "2019-01-31 00:48:48,901 : INFO : topic diff=0.005380, rho=0.032376\n", - "2019-01-31 00:48:49,054 : INFO : PROGRESS: pass 0, at document #1910000/4922894\n", - "2019-01-31 00:48:50,428 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:48:50,695 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.047*\"franc\" + 0.029*\"pari\" + 0.024*\"sail\" + 0.022*\"jean\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.013*\"loui\" + 0.012*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 00:48:50,696 : INFO : topic #45 (0.020): 0.026*\"jpg\" + 0.024*\"fifteenth\" + 0.020*\"illicit\" + 0.016*\"colder\" + 0.016*\"black\" + 0.016*\"western\" + 0.014*\"record\" + 0.010*\"blind\" + 0.008*\"depress\" + 0.007*\"light\"\n", - "2019-01-31 00:48:50,697 : INFO : topic #17 (0.020): 0.078*\"church\" + 0.024*\"christian\" + 0.022*\"cathol\" + 0.021*\"bishop\" + 0.015*\"retroflex\" + 0.015*\"sail\" + 0.010*\"centuri\" + 0.010*\"relationship\" + 0.009*\"historiographi\" + 0.009*\"cathedr\"\n", - "2019-01-31 00:48:50,698 : INFO : topic #49 (0.020): 0.045*\"india\" + 0.033*\"incumb\" + 0.014*\"televis\" + 0.013*\"anglo\" + 0.011*\"pakistan\" + 0.011*\"islam\" + 0.011*\"khalsa\" + 0.010*\"muskoge\" + 0.010*\"sri\" + 0.009*\"singh\"\n", - "2019-01-31 00:48:50,699 : INFO : topic #11 (0.020): 0.025*\"john\" + 0.012*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"georg\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:48:50,705 : INFO : topic diff=0.005164, rho=0.032359\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:48:50,862 : INFO : PROGRESS: pass 0, at document #1912000/4922894\n", - "2019-01-31 00:48:52,281 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:48:52,547 : INFO : topic #13 (0.020): 0.027*\"sourc\" + 0.027*\"australia\" + 0.026*\"london\" + 0.025*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:48:52,548 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.011*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.008*\"teufel\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.007*\"till\" + 0.006*\"pour\" + 0.006*\"militari\"\n", - "2019-01-31 00:48:52,549 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.014*\"unionist\" + 0.014*\"oper\" + 0.014*\"militari\" + 0.012*\"airmen\" + 0.011*\"airbu\"\n", - "2019-01-31 00:48:52,550 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.027*\"final\" + 0.024*\"wife\" + 0.022*\"tourist\" + 0.018*\"champion\" + 0.015*\"tiepolo\" + 0.014*\"chamber\" + 0.014*\"open\" + 0.013*\"taxpay\" + 0.013*\"winner\"\n", - "2019-01-31 00:48:52,551 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.045*\"chilton\" + 0.023*\"hong\" + 0.023*\"kong\" + 0.021*\"korea\" + 0.017*\"korean\" + 0.015*\"leah\" + 0.014*\"sourc\" + 0.012*\"ashvil\" + 0.012*\"kim\"\n", - "2019-01-31 00:48:52,557 : INFO : topic diff=0.005078, rho=0.032342\n", - "2019-01-31 00:48:52,711 : INFO : PROGRESS: pass 0, at document #1914000/4922894\n", - "2019-01-31 00:48:54,077 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:48:54,344 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.026*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:48:54,345 : INFO : topic #28 (0.020): 0.032*\"build\" + 0.025*\"hous\" + 0.022*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.012*\"strategist\" + 0.011*\"briarwood\" + 0.011*\"constitut\" + 0.010*\"linear\" + 0.010*\"depress\"\n", - "2019-01-31 00:48:54,346 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.035*\"publicis\" + 0.025*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.013*\"collect\" + 0.012*\"storag\" + 0.011*\"nicola\" + 0.011*\"author\"\n", - "2019-01-31 00:48:54,347 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.027*\"final\" + 0.024*\"wife\" + 0.022*\"tourist\" + 0.018*\"champion\" + 0.015*\"tiepolo\" + 0.014*\"chamber\" + 0.014*\"open\" + 0.013*\"taxpay\" + 0.013*\"winner\"\n", - "2019-01-31 00:48:54,348 : INFO : topic #34 (0.020): 0.072*\"start\" + 0.031*\"unionist\" + 0.029*\"american\" + 0.029*\"new\" + 0.027*\"cotton\" + 0.018*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.013*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 00:48:54,354 : INFO : topic diff=0.004101, rho=0.032325\n", - "2019-01-31 00:48:54,510 : INFO : PROGRESS: pass 0, at document #1916000/4922894\n", - "2019-01-31 00:48:55,910 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:48:56,176 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.044*\"vigour\" + 0.043*\"popolo\" + 0.039*\"tortur\" + 0.032*\"cotton\" + 0.029*\"area\" + 0.025*\"multitud\" + 0.023*\"regim\" + 0.022*\"citi\" + 0.019*\"cede\"\n", - "2019-01-31 00:48:56,177 : INFO : topic #28 (0.020): 0.032*\"build\" + 0.025*\"hous\" + 0.022*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.011*\"strategist\" + 0.011*\"briarwood\" + 0.011*\"constitut\" + 0.011*\"linear\" + 0.010*\"depress\"\n", - "2019-01-31 00:48:56,178 : INFO : topic #17 (0.020): 0.078*\"church\" + 0.023*\"christian\" + 0.022*\"cathol\" + 0.020*\"bishop\" + 0.016*\"retroflex\" + 0.015*\"sail\" + 0.010*\"centuri\" + 0.010*\"relationship\" + 0.009*\"historiographi\" + 0.009*\"cathedr\"\n", - "2019-01-31 00:48:56,179 : INFO : topic #34 (0.020): 0.072*\"start\" + 0.031*\"unionist\" + 0.030*\"american\" + 0.029*\"new\" + 0.026*\"cotton\" + 0.018*\"year\" + 0.014*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 00:48:56,180 : INFO : topic #26 (0.020): 0.030*\"woman\" + 0.030*\"workplac\" + 0.027*\"champion\" + 0.027*\"men\" + 0.026*\"olymp\" + 0.023*\"medal\" + 0.021*\"event\" + 0.020*\"taxpay\" + 0.019*\"atheist\" + 0.019*\"rainfal\"\n", - "2019-01-31 00:48:56,186 : INFO : topic diff=0.005098, rho=0.032309\n", - "2019-01-31 00:48:56,400 : INFO : PROGRESS: pass 0, at document #1918000/4922894\n", - "2019-01-31 00:48:57,779 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:48:58,045 : INFO : topic #34 (0.020): 0.071*\"start\" + 0.031*\"unionist\" + 0.030*\"american\" + 0.029*\"new\" + 0.026*\"cotton\" + 0.018*\"year\" + 0.014*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 00:48:58,046 : INFO : topic #46 (0.020): 0.020*\"stop\" + 0.019*\"wind\" + 0.017*\"norwai\" + 0.016*\"sweden\" + 0.016*\"swedish\" + 0.015*\"norwegian\" + 0.013*\"huntsvil\" + 0.013*\"denmark\" + 0.013*\"damag\" + 0.011*\"farid\"\n", - "2019-01-31 00:48:58,047 : INFO : topic #21 (0.020): 0.037*\"samford\" + 0.021*\"spain\" + 0.019*\"del\" + 0.017*\"mexico\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.012*\"juan\" + 0.011*\"carlo\" + 0.011*\"francisco\" + 0.010*\"lizard\"\n", - "2019-01-31 00:48:58,048 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.035*\"leagu\" + 0.029*\"place\" + 0.026*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:48:58,049 : INFO : topic #27 (0.020): 0.070*\"questionnair\" + 0.020*\"candid\" + 0.020*\"taxpay\" + 0.015*\"ret\" + 0.013*\"driver\" + 0.011*\"find\" + 0.010*\"fool\" + 0.010*\"tornado\" + 0.010*\"champion\" + 0.010*\"théori\"\n", - "2019-01-31 00:48:58,055 : INFO : topic diff=0.005077, rho=0.032292\n", - "2019-01-31 00:49:00,704 : INFO : -11.487 per-word bound, 2869.5 perplexity estimate based on a held-out corpus of 2000 documents with 550615 words\n", - "2019-01-31 00:49:00,704 : INFO : PROGRESS: pass 0, at document #1920000/4922894\n", - "2019-01-31 00:49:02,079 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:49:02,345 : INFO : topic #43 (0.020): 0.068*\"elect\" + 0.055*\"parti\" + 0.023*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.017*\"polici\" + 0.016*\"republ\" + 0.014*\"report\" + 0.014*\"bypass\" + 0.013*\"selma\"\n", - "2019-01-31 00:49:02,346 : INFO : topic #0 (0.020): 0.063*\"statewid\" + 0.042*\"line\" + 0.034*\"arsen\" + 0.034*\"raid\" + 0.025*\"museo\" + 0.019*\"traceabl\" + 0.018*\"serv\" + 0.016*\"pain\" + 0.013*\"exhaust\" + 0.013*\"oper\"\n", - "2019-01-31 00:49:02,347 : INFO : topic #27 (0.020): 0.070*\"questionnair\" + 0.020*\"candid\" + 0.020*\"taxpay\" + 0.015*\"ret\" + 0.013*\"driver\" + 0.012*\"find\" + 0.010*\"tornado\" + 0.010*\"fool\" + 0.010*\"champion\" + 0.010*\"théori\"\n", - "2019-01-31 00:49:02,348 : INFO : topic #35 (0.020): 0.058*\"russia\" + 0.037*\"sovereignti\" + 0.034*\"rural\" + 0.028*\"personifi\" + 0.027*\"poison\" + 0.025*\"reprint\" + 0.021*\"moscow\" + 0.019*\"poland\" + 0.016*\"unfortun\" + 0.015*\"czech\"\n", - "2019-01-31 00:49:02,350 : INFO : topic #17 (0.020): 0.078*\"church\" + 0.023*\"christian\" + 0.022*\"cathol\" + 0.020*\"bishop\" + 0.016*\"retroflex\" + 0.015*\"sail\" + 0.010*\"centuri\" + 0.010*\"relationship\" + 0.009*\"historiographi\" + 0.008*\"cathedr\"\n", - "2019-01-31 00:49:02,355 : INFO : topic diff=0.005703, rho=0.032275\n", - "2019-01-31 00:49:02,509 : INFO : PROGRESS: pass 0, at document #1922000/4922894\n", - "2019-01-31 00:49:03,872 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:49:04,140 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.023*\"aggress\" + 0.020*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.014*\"unionist\" + 0.014*\"oper\" + 0.014*\"militari\" + 0.012*\"airmen\" + 0.012*\"airbu\"\n", - "2019-01-31 00:49:04,141 : INFO : topic #9 (0.020): 0.068*\"bone\" + 0.042*\"american\" + 0.028*\"valour\" + 0.021*\"dutch\" + 0.018*\"folei\" + 0.018*\"polit\" + 0.016*\"player\" + 0.016*\"english\" + 0.012*\"acrimoni\" + 0.010*\"simpler\"\n", - "2019-01-31 00:49:04,142 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"pour\" + 0.015*\"depress\" + 0.009*\"mode\" + 0.009*\"elabor\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.007*\"encyclopedia\" + 0.007*\"candid\" + 0.006*\"produc\"\n", - "2019-01-31 00:49:04,144 : INFO : topic #11 (0.020): 0.025*\"john\" + 0.013*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"georg\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:49:04,145 : INFO : topic #13 (0.020): 0.028*\"australia\" + 0.027*\"sourc\" + 0.026*\"new\" + 0.025*\"london\" + 0.023*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.016*\"youth\" + 0.014*\"wale\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:49:04,151 : INFO : topic diff=0.005001, rho=0.032258\n", - "2019-01-31 00:49:04,304 : INFO : PROGRESS: pass 0, at document #1924000/4922894\n", - "2019-01-31 00:49:05,687 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:49:05,954 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"margin\" + 0.015*\"yawn\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"deal\" + 0.012*\"daughter\"\n", - "2019-01-31 00:49:05,955 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.032*\"incumb\" + 0.013*\"anglo\" + 0.013*\"televis\" + 0.012*\"islam\" + 0.011*\"pakistan\" + 0.010*\"khalsa\" + 0.010*\"muskoge\" + 0.010*\"sri\" + 0.009*\"start\"\n", - "2019-01-31 00:49:05,956 : INFO : topic #29 (0.020): 0.028*\"companhia\" + 0.012*\"million\" + 0.012*\"busi\" + 0.011*\"bank\" + 0.010*\"market\" + 0.010*\"produc\" + 0.009*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 00:49:05,957 : INFO : topic #28 (0.020): 0.032*\"build\" + 0.025*\"hous\" + 0.022*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.011*\"strategist\" + 0.011*\"briarwood\" + 0.011*\"constitut\" + 0.010*\"linear\" + 0.010*\"depress\"\n", - "2019-01-31 00:49:05,958 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"pop\" + 0.011*\"prognosi\" + 0.008*\"cytokin\" + 0.008*\"develop\" + 0.008*\"softwar\" + 0.007*\"uruguayan\" + 0.007*\"user\" + 0.007*\"diggin\" + 0.007*\"includ\"\n", - "2019-01-31 00:49:05,964 : INFO : topic diff=0.004528, rho=0.032241\n", - "2019-01-31 00:49:06,125 : INFO : PROGRESS: pass 0, at document #1926000/4922894\n", - "2019-01-31 00:49:07,542 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:49:07,808 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.024*\"factor\" + 0.018*\"adulthood\" + 0.015*\"feel\" + 0.013*\"male\" + 0.011*\"plaisir\" + 0.011*\"hostil\" + 0.010*\"genu\" + 0.009*\"live\" + 0.009*\"biom\"\n", - "2019-01-31 00:49:07,810 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.013*\"centuri\" + 0.010*\"woodcut\" + 0.010*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.007*\"english\" + 0.007*\"trade\" + 0.007*\"known\" + 0.006*\"uruguayan\"\n", - "2019-01-31 00:49:07,811 : INFO : topic #16 (0.020): 0.052*\"king\" + 0.034*\"priest\" + 0.021*\"duke\" + 0.020*\"rotterdam\" + 0.019*\"grammat\" + 0.018*\"quarterli\" + 0.018*\"idiosyncrat\" + 0.014*\"maria\" + 0.013*\"count\" + 0.013*\"portugues\"\n", - "2019-01-31 00:49:07,812 : INFO : topic #26 (0.020): 0.030*\"workplac\" + 0.029*\"woman\" + 0.028*\"champion\" + 0.027*\"olymp\" + 0.026*\"men\" + 0.023*\"medal\" + 0.021*\"event\" + 0.019*\"taxpay\" + 0.019*\"atheist\" + 0.019*\"alic\"\n", - "2019-01-31 00:49:07,813 : INFO : topic #11 (0.020): 0.025*\"john\" + 0.013*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"georg\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:49:07,819 : INFO : topic diff=0.004828, rho=0.032225\n", - "2019-01-31 00:49:07,976 : INFO : PROGRESS: pass 0, at document #1928000/4922894\n", - "2019-01-31 00:49:09,367 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:49:09,633 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"margin\" + 0.015*\"yawn\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.011*\"daughter\" + 0.011*\"deal\"\n", - "2019-01-31 00:49:09,635 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.006*\"sack\" + 0.006*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"kenworthi\"\n", - "2019-01-31 00:49:09,636 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.032*\"incumb\" + 0.013*\"anglo\" + 0.013*\"televis\" + 0.012*\"islam\" + 0.012*\"pakistan\" + 0.010*\"khalsa\" + 0.010*\"muskoge\" + 0.010*\"sri\" + 0.009*\"start\"\n", - "2019-01-31 00:49:09,637 : INFO : topic #9 (0.020): 0.069*\"bone\" + 0.042*\"american\" + 0.029*\"valour\" + 0.020*\"dutch\" + 0.019*\"folei\" + 0.018*\"polit\" + 0.016*\"player\" + 0.016*\"english\" + 0.012*\"acrimoni\" + 0.010*\"netherland\"\n", - "2019-01-31 00:49:09,638 : INFO : topic #16 (0.020): 0.052*\"king\" + 0.033*\"priest\" + 0.021*\"duke\" + 0.020*\"rotterdam\" + 0.019*\"grammat\" + 0.018*\"idiosyncrat\" + 0.018*\"quarterli\" + 0.013*\"maria\" + 0.013*\"count\" + 0.012*\"portugues\"\n", - "2019-01-31 00:49:09,643 : INFO : topic diff=0.005096, rho=0.032208\n", - "2019-01-31 00:49:09,801 : INFO : PROGRESS: pass 0, at document #1930000/4922894\n", - "2019-01-31 00:49:11,188 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:49:11,454 : INFO : topic #3 (0.020): 0.035*\"present\" + 0.027*\"offic\" + 0.023*\"minist\" + 0.022*\"nation\" + 0.021*\"govern\" + 0.020*\"member\" + 0.018*\"serv\" + 0.016*\"gener\" + 0.016*\"start\" + 0.015*\"seri\"\n", - "2019-01-31 00:49:11,455 : INFO : topic #46 (0.020): 0.020*\"stop\" + 0.018*\"wind\" + 0.017*\"norwai\" + 0.016*\"sweden\" + 0.016*\"swedish\" + 0.015*\"norwegian\" + 0.013*\"denmark\" + 0.012*\"damag\" + 0.012*\"huntsvil\" + 0.011*\"danish\"\n", - "2019-01-31 00:49:11,456 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.015*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:49:11,457 : INFO : topic #35 (0.020): 0.061*\"russia\" + 0.038*\"sovereignti\" + 0.034*\"rural\" + 0.026*\"personifi\" + 0.025*\"poison\" + 0.024*\"reprint\" + 0.021*\"moscow\" + 0.018*\"poland\" + 0.017*\"turin\" + 0.015*\"unfortun\"\n", - "2019-01-31 00:49:11,458 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.031*\"incumb\" + 0.013*\"anglo\" + 0.013*\"televis\" + 0.012*\"islam\" + 0.012*\"pakistan\" + 0.010*\"khalsa\" + 0.010*\"muskoge\" + 0.009*\"sri\" + 0.009*\"alam\"\n", - "2019-01-31 00:49:11,465 : INFO : topic diff=0.004761, rho=0.032191\n", - "2019-01-31 00:49:11,618 : INFO : PROGRESS: pass 0, at document #1932000/4922894\n", - "2019-01-31 00:49:13,007 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:49:13,274 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.027*\"final\" + 0.024*\"wife\" + 0.022*\"tourist\" + 0.019*\"champion\" + 0.015*\"tiepolo\" + 0.015*\"chamber\" + 0.014*\"open\" + 0.014*\"taxpay\" + 0.013*\"martin\"\n", - "2019-01-31 00:49:13,276 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.036*\"leagu\" + 0.029*\"place\" + 0.026*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.022*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:49:13,277 : INFO : topic #43 (0.020): 0.067*\"elect\" + 0.055*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.016*\"republ\" + 0.014*\"bypass\" + 0.013*\"report\" + 0.013*\"selma\"\n", - "2019-01-31 00:49:13,278 : INFO : topic #42 (0.020): 0.045*\"german\" + 0.030*\"germani\" + 0.015*\"vol\" + 0.014*\"jewish\" + 0.014*\"israel\" + 0.013*\"der\" + 0.012*\"berlin\" + 0.010*\"european\" + 0.010*\"europ\" + 0.009*\"itali\"\n", - "2019-01-31 00:49:13,279 : INFO : topic #13 (0.020): 0.028*\"australia\" + 0.027*\"sourc\" + 0.026*\"new\" + 0.025*\"london\" + 0.023*\"australian\" + 0.022*\"england\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.016*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:49:13,284 : INFO : topic diff=0.004585, rho=0.032174\n", - "2019-01-31 00:49:13,441 : INFO : PROGRESS: pass 0, at document #1934000/4922894\n", - "2019-01-31 00:49:14,825 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:49:15,095 : INFO : topic #37 (0.020): 0.009*\"man\" + 0.009*\"charact\" + 0.008*\"love\" + 0.008*\"septemb\" + 0.007*\"gestur\" + 0.007*\"comic\" + 0.006*\"appear\" + 0.006*\"anim\" + 0.005*\"blue\" + 0.005*\"dixi\"\n", - "2019-01-31 00:49:15,096 : INFO : topic #35 (0.020): 0.060*\"russia\" + 0.039*\"sovereignti\" + 0.034*\"rural\" + 0.027*\"poison\" + 0.026*\"personifi\" + 0.024*\"reprint\" + 0.020*\"moscow\" + 0.019*\"poland\" + 0.016*\"turin\" + 0.015*\"unfortun\"\n", - "2019-01-31 00:49:15,097 : INFO : topic #11 (0.020): 0.025*\"john\" + 0.012*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"georg\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.007*\"rhyme\"\n", - "2019-01-31 00:49:15,098 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"margin\" + 0.015*\"yawn\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"deal\" + 0.011*\"daughter\"\n", - "2019-01-31 00:49:15,099 : INFO : topic #43 (0.020): 0.067*\"elect\" + 0.055*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.016*\"republ\" + 0.014*\"bypass\" + 0.013*\"report\" + 0.013*\"selma\"\n", - "2019-01-31 00:49:15,105 : INFO : topic diff=0.004978, rho=0.032158\n", - "2019-01-31 00:49:15,262 : INFO : PROGRESS: pass 0, at document #1936000/4922894\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:49:16,655 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:49:16,921 : INFO : topic #24 (0.020): 0.038*\"book\" + 0.035*\"publicis\" + 0.025*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"collect\" + 0.012*\"storag\" + 0.012*\"nicola\" + 0.011*\"magazin\"\n", - "2019-01-31 00:49:16,922 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.049*\"franc\" + 0.029*\"pari\" + 0.025*\"sail\" + 0.023*\"jean\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 00:49:16,923 : INFO : topic #11 (0.020): 0.025*\"john\" + 0.012*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"georg\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.007*\"rhyme\"\n", - "2019-01-31 00:49:16,924 : INFO : topic #9 (0.020): 0.071*\"bone\" + 0.042*\"american\" + 0.028*\"valour\" + 0.020*\"dutch\" + 0.018*\"folei\" + 0.017*\"polit\" + 0.016*\"player\" + 0.015*\"english\" + 0.011*\"acrimoni\" + 0.010*\"netherland\"\n", - "2019-01-31 00:49:16,925 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"margin\" + 0.015*\"yawn\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"deal\" + 0.011*\"daughter\"\n", - "2019-01-31 00:49:16,931 : INFO : topic diff=0.005146, rho=0.032141\n", - "2019-01-31 00:49:17,089 : INFO : PROGRESS: pass 0, at document #1938000/4922894\n", - "2019-01-31 00:49:18,503 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:49:18,770 : INFO : topic #29 (0.020): 0.028*\"companhia\" + 0.012*\"million\" + 0.012*\"busi\" + 0.011*\"market\" + 0.010*\"bank\" + 0.010*\"produc\" + 0.009*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 00:49:18,771 : INFO : topic #42 (0.020): 0.045*\"german\" + 0.030*\"germani\" + 0.015*\"vol\" + 0.014*\"jewish\" + 0.014*\"israel\" + 0.013*\"der\" + 0.012*\"berlin\" + 0.010*\"european\" + 0.009*\"europ\" + 0.009*\"itali\"\n", - "2019-01-31 00:49:18,772 : INFO : topic #31 (0.020): 0.054*\"fusiform\" + 0.026*\"taxpay\" + 0.026*\"scientist\" + 0.024*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.012*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 00:49:18,773 : INFO : topic #36 (0.020): 0.011*\"pop\" + 0.011*\"prognosi\" + 0.011*\"network\" + 0.009*\"cytokin\" + 0.008*\"develop\" + 0.008*\"softwar\" + 0.008*\"uruguayan\" + 0.007*\"user\" + 0.007*\"diggin\" + 0.007*\"includ\"\n", - "2019-01-31 00:49:18,774 : INFO : topic #44 (0.020): 0.032*\"rooftop\" + 0.026*\"final\" + 0.024*\"wife\" + 0.022*\"tourist\" + 0.019*\"champion\" + 0.015*\"tiepolo\" + 0.014*\"chamber\" + 0.014*\"taxpay\" + 0.013*\"open\" + 0.013*\"martin\"\n", - "2019-01-31 00:49:18,780 : INFO : topic diff=0.004266, rho=0.032125\n", - "2019-01-31 00:49:21,493 : INFO : -11.841 per-word bound, 3667.3 perplexity estimate based on a held-out corpus of 2000 documents with 583447 words\n", - "2019-01-31 00:49:21,494 : INFO : PROGRESS: pass 0, at document #1940000/4922894\n", - "2019-01-31 00:49:22,896 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:49:23,163 : INFO : topic #11 (0.020): 0.025*\"john\" + 0.012*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"georg\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.007*\"rhyme\"\n", - "2019-01-31 00:49:23,164 : INFO : topic #27 (0.020): 0.068*\"questionnair\" + 0.019*\"candid\" + 0.019*\"taxpay\" + 0.016*\"ret\" + 0.013*\"driver\" + 0.012*\"find\" + 0.011*\"tornado\" + 0.010*\"champion\" + 0.010*\"fool\" + 0.009*\"squatter\"\n", - "2019-01-31 00:49:23,165 : INFO : topic #31 (0.020): 0.054*\"fusiform\" + 0.026*\"taxpay\" + 0.026*\"scientist\" + 0.024*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.012*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 00:49:23,166 : INFO : topic #43 (0.020): 0.067*\"elect\" + 0.055*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.017*\"polici\" + 0.016*\"republ\" + 0.014*\"bypass\" + 0.013*\"report\" + 0.013*\"liber\"\n", - "2019-01-31 00:49:23,167 : INFO : topic #13 (0.020): 0.027*\"australia\" + 0.027*\"sourc\" + 0.026*\"new\" + 0.024*\"london\" + 0.023*\"australian\" + 0.022*\"england\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.016*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:49:23,173 : INFO : topic diff=0.005050, rho=0.032108\n", - "2019-01-31 00:49:23,328 : INFO : PROGRESS: pass 0, at document #1942000/4922894\n", - "2019-01-31 00:49:24,705 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:49:24,971 : INFO : topic #24 (0.020): 0.038*\"book\" + 0.035*\"publicis\" + 0.025*\"word\" + 0.018*\"new\" + 0.013*\"edit\" + 0.013*\"presid\" + 0.012*\"collect\" + 0.012*\"storag\" + 0.012*\"nicola\" + 0.011*\"worldwid\"\n", - "2019-01-31 00:49:24,972 : INFO : topic #13 (0.020): 0.028*\"sourc\" + 0.027*\"australia\" + 0.026*\"new\" + 0.024*\"london\" + 0.023*\"australian\" + 0.022*\"england\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.016*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:49:24,973 : INFO : topic #39 (0.020): 0.057*\"canada\" + 0.042*\"canadian\" + 0.024*\"toronto\" + 0.024*\"ontario\" + 0.020*\"hoar\" + 0.015*\"hydrogen\" + 0.014*\"new\" + 0.013*\"novotná\" + 0.013*\"misericordia\" + 0.012*\"quebec\"\n", - "2019-01-31 00:49:24,974 : INFO : topic #8 (0.020): 0.025*\"law\" + 0.024*\"cortic\" + 0.019*\"start\" + 0.018*\"act\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"polaris\" + 0.009*\"replac\" + 0.009*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 00:49:24,975 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.024*\"schuster\" + 0.022*\"institut\" + 0.022*\"collector\" + 0.021*\"requir\" + 0.018*\"student\" + 0.015*\"professor\" + 0.012*\"word\" + 0.011*\"http\" + 0.011*\"governor\"\n", - "2019-01-31 00:49:24,981 : INFO : topic diff=0.006021, rho=0.032092\n", - "2019-01-31 00:49:25,134 : INFO : PROGRESS: pass 0, at document #1944000/4922894\n", - "2019-01-31 00:49:26,508 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:49:26,774 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"margin\" + 0.015*\"yawn\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"daughter\" + 0.011*\"deal\"\n", - "2019-01-31 00:49:26,775 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.046*\"chilton\" + 0.024*\"korea\" + 0.022*\"hong\" + 0.021*\"kong\" + 0.018*\"korean\" + 0.017*\"sourc\" + 0.014*\"leah\" + 0.013*\"shirin\" + 0.013*\"kim\"\n", - "2019-01-31 00:49:26,776 : INFO : topic #45 (0.020): 0.027*\"jpg\" + 0.025*\"fifteenth\" + 0.018*\"illicit\" + 0.017*\"black\" + 0.017*\"colder\" + 0.016*\"western\" + 0.013*\"record\" + 0.010*\"blind\" + 0.008*\"depress\" + 0.007*\"light\"\n", - "2019-01-31 00:49:26,778 : INFO : topic #6 (0.020): 0.072*\"fewer\" + 0.025*\"epiru\" + 0.024*\"septemb\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:49:26,779 : INFO : topic #23 (0.020): 0.138*\"audit\" + 0.067*\"best\" + 0.035*\"yawn\" + 0.028*\"jacksonvil\" + 0.023*\"noll\" + 0.021*\"japanes\" + 0.018*\"women\" + 0.018*\"festiv\" + 0.017*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 00:49:26,784 : INFO : topic diff=0.004810, rho=0.032075\n", - "2019-01-31 00:49:26,935 : INFO : PROGRESS: pass 0, at document #1946000/4922894\n", - "2019-01-31 00:49:28,281 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:49:28,547 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.023*\"factor\" + 0.018*\"adulthood\" + 0.015*\"feel\" + 0.013*\"male\" + 0.011*\"plaisir\" + 0.010*\"hostil\" + 0.010*\"genu\" + 0.009*\"biom\" + 0.009*\"live\"\n", - "2019-01-31 00:49:28,548 : INFO : topic #27 (0.020): 0.068*\"questionnair\" + 0.019*\"candid\" + 0.019*\"taxpay\" + 0.017*\"ret\" + 0.013*\"driver\" + 0.011*\"find\" + 0.011*\"tornado\" + 0.011*\"champion\" + 0.010*\"fool\" + 0.009*\"théori\"\n", - "2019-01-31 00:49:28,549 : INFO : topic #31 (0.020): 0.053*\"fusiform\" + 0.026*\"taxpay\" + 0.025*\"scientist\" + 0.025*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.012*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 00:49:28,550 : INFO : topic #34 (0.020): 0.072*\"start\" + 0.032*\"unionist\" + 0.030*\"new\" + 0.029*\"american\" + 0.026*\"cotton\" + 0.018*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.013*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 00:49:28,551 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.050*\"franc\" + 0.030*\"pari\" + 0.024*\"sail\" + 0.023*\"jean\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.013*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 00:49:28,557 : INFO : topic diff=0.005310, rho=0.032059\n", - "2019-01-31 00:49:28,716 : INFO : PROGRESS: pass 0, at document #1948000/4922894\n", - "2019-01-31 00:49:30,262 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:49:30,529 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"pop\" + 0.011*\"prognosi\" + 0.009*\"cytokin\" + 0.008*\"develop\" + 0.008*\"softwar\" + 0.008*\"diggin\" + 0.008*\"uruguayan\" + 0.007*\"user\" + 0.007*\"includ\"\n", - "2019-01-31 00:49:30,530 : INFO : topic #41 (0.020): 0.042*\"citi\" + 0.025*\"new\" + 0.022*\"palmer\" + 0.015*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"dai\" + 0.009*\"year\"\n", - "2019-01-31 00:49:30,531 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.006*\"exampl\" + 0.006*\"théori\" + 0.006*\"southern\" + 0.006*\"servitud\" + 0.006*\"poet\" + 0.006*\"utopian\" + 0.006*\"method\"\n", - "2019-01-31 00:49:30,532 : INFO : topic #25 (0.020): 0.031*\"ring\" + 0.017*\"lagrang\" + 0.017*\"warmth\" + 0.016*\"area\" + 0.015*\"mount\" + 0.009*\"palmer\" + 0.008*\"foam\" + 0.008*\"north\" + 0.008*\"land\" + 0.008*\"lobe\"\n", - "2019-01-31 00:49:30,534 : INFO : topic #43 (0.020): 0.065*\"elect\" + 0.054*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"liber\" + 0.019*\"member\" + 0.016*\"polici\" + 0.016*\"republ\" + 0.016*\"conserv\" + 0.013*\"bypass\"\n", - "2019-01-31 00:49:30,540 : INFO : topic diff=0.005105, rho=0.032042\n", - "2019-01-31 00:49:30,695 : INFO : PROGRESS: pass 0, at document #1950000/4922894\n", - "2019-01-31 00:49:32,065 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:49:32,332 : INFO : topic #48 (0.020): 0.082*\"march\" + 0.078*\"octob\" + 0.078*\"sens\" + 0.072*\"januari\" + 0.071*\"juli\" + 0.071*\"notion\" + 0.069*\"judici\" + 0.069*\"april\" + 0.068*\"august\" + 0.066*\"decatur\"\n", - "2019-01-31 00:49:32,333 : INFO : topic #36 (0.020): 0.012*\"network\" + 0.011*\"pop\" + 0.011*\"prognosi\" + 0.009*\"cytokin\" + 0.009*\"develop\" + 0.008*\"diggin\" + 0.008*\"softwar\" + 0.008*\"uruguayan\" + 0.007*\"user\" + 0.007*\"includ\"\n", - "2019-01-31 00:49:32,334 : INFO : topic #37 (0.020): 0.009*\"man\" + 0.009*\"charact\" + 0.008*\"septemb\" + 0.008*\"love\" + 0.007*\"comic\" + 0.007*\"gestur\" + 0.006*\"appear\" + 0.006*\"anim\" + 0.005*\"dixi\" + 0.005*\"blue\"\n", - "2019-01-31 00:49:32,335 : INFO : topic #16 (0.020): 0.051*\"king\" + 0.033*\"priest\" + 0.022*\"duke\" + 0.020*\"rotterdam\" + 0.018*\"quarterli\" + 0.018*\"grammat\" + 0.018*\"idiosyncrat\" + 0.014*\"maria\" + 0.013*\"count\" + 0.013*\"kingdom\"\n", - "2019-01-31 00:49:32,337 : INFO : topic #29 (0.020): 0.028*\"companhia\" + 0.012*\"million\" + 0.011*\"busi\" + 0.011*\"produc\" + 0.011*\"market\" + 0.010*\"bank\" + 0.009*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 00:49:32,342 : INFO : topic diff=0.005118, rho=0.032026\n", - "2019-01-31 00:49:32,564 : INFO : PROGRESS: pass 0, at document #1952000/4922894\n", - "2019-01-31 00:49:34,000 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:49:34,267 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.011*\"aza\" + 0.009*\"battalion\" + 0.008*\"forc\" + 0.008*\"teufel\" + 0.007*\"armi\" + 0.007*\"till\" + 0.007*\"empath\" + 0.006*\"govern\" + 0.006*\"militari\"\n", - "2019-01-31 00:49:34,268 : INFO : topic #39 (0.020): 0.056*\"canada\" + 0.041*\"canadian\" + 0.024*\"toronto\" + 0.023*\"ontario\" + 0.021*\"hoar\" + 0.015*\"hydrogen\" + 0.014*\"new\" + 0.014*\"novotná\" + 0.013*\"misericordia\" + 0.012*\"quebec\"\n", - "2019-01-31 00:49:34,269 : INFO : topic #27 (0.020): 0.068*\"questionnair\" + 0.020*\"candid\" + 0.019*\"taxpay\" + 0.016*\"ret\" + 0.013*\"driver\" + 0.011*\"find\" + 0.011*\"tornado\" + 0.011*\"champion\" + 0.010*\"fool\" + 0.009*\"théori\"\n", - "2019-01-31 00:49:34,270 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.006*\"exampl\" + 0.006*\"théori\" + 0.006*\"southern\" + 0.006*\"servitud\" + 0.006*\"poet\" + 0.005*\"mode\" + 0.005*\"measur\"\n", - "2019-01-31 00:49:34,272 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.020*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.014*\"unionist\" + 0.013*\"militari\" + 0.013*\"oper\" + 0.013*\"airmen\" + 0.012*\"airbu\"\n", - "2019-01-31 00:49:34,278 : INFO : topic diff=0.005351, rho=0.032009\n", - "2019-01-31 00:49:34,429 : INFO : PROGRESS: pass 0, at document #1954000/4922894\n", - "2019-01-31 00:49:35,765 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:49:36,031 : INFO : topic #44 (0.020): 0.032*\"rooftop\" + 0.026*\"final\" + 0.024*\"wife\" + 0.021*\"tourist\" + 0.019*\"champion\" + 0.014*\"chamber\" + 0.014*\"tiepolo\" + 0.013*\"taxpay\" + 0.013*\"open\" + 0.013*\"martin\"\n", - "2019-01-31 00:49:36,032 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.056*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.019*\"liber\" + 0.019*\"member\" + 0.016*\"polici\" + 0.016*\"republ\" + 0.015*\"conserv\" + 0.013*\"bypass\"\n", - "2019-01-31 00:49:36,034 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.011*\"aza\" + 0.009*\"battalion\" + 0.008*\"forc\" + 0.008*\"teufel\" + 0.007*\"armi\" + 0.007*\"till\" + 0.007*\"empath\" + 0.006*\"govern\" + 0.006*\"militari\"\n", - "2019-01-31 00:49:36,035 : INFO : topic #8 (0.020): 0.025*\"law\" + 0.024*\"cortic\" + 0.019*\"start\" + 0.019*\"act\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"polaris\" + 0.009*\"replac\" + 0.009*\"legal\" + 0.007*\"unionist\"\n", - "2019-01-31 00:49:36,036 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.034*\"perceptu\" + 0.019*\"theater\" + 0.018*\"place\" + 0.017*\"compos\" + 0.017*\"damn\" + 0.014*\"physician\" + 0.014*\"orchestr\" + 0.013*\"olympo\" + 0.011*\"word\"\n", - "2019-01-31 00:49:36,042 : INFO : topic diff=0.005795, rho=0.031993\n", - "2019-01-31 00:49:36,198 : INFO : PROGRESS: pass 0, at document #1956000/4922894\n", - "2019-01-31 00:49:37,586 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:49:37,853 : INFO : topic #37 (0.020): 0.009*\"man\" + 0.009*\"charact\" + 0.008*\"septemb\" + 0.008*\"love\" + 0.007*\"comic\" + 0.007*\"gestur\" + 0.006*\"appear\" + 0.006*\"anim\" + 0.005*\"blue\" + 0.005*\"vision\"\n", - "2019-01-31 00:49:37,854 : INFO : topic #45 (0.020): 0.027*\"jpg\" + 0.025*\"fifteenth\" + 0.018*\"illicit\" + 0.017*\"black\" + 0.016*\"colder\" + 0.016*\"western\" + 0.013*\"record\" + 0.011*\"blind\" + 0.008*\"depress\" + 0.007*\"light\"\n", - "2019-01-31 00:49:37,855 : INFO : topic #28 (0.020): 0.031*\"build\" + 0.024*\"hous\" + 0.022*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.011*\"briarwood\" + 0.011*\"strategist\" + 0.011*\"constitut\" + 0.010*\"depress\" + 0.010*\"linear\"\n", - "2019-01-31 00:49:37,856 : INFO : topic #44 (0.020): 0.032*\"rooftop\" + 0.025*\"final\" + 0.024*\"wife\" + 0.022*\"tourist\" + 0.019*\"champion\" + 0.014*\"chamber\" + 0.014*\"tiepolo\" + 0.014*\"taxpay\" + 0.013*\"open\" + 0.013*\"martin\"\n", - "2019-01-31 00:49:37,857 : INFO : topic #6 (0.020): 0.072*\"fewer\" + 0.025*\"epiru\" + 0.023*\"septemb\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:49:37,863 : INFO : topic diff=0.004210, rho=0.031976\n", - "2019-01-31 00:49:38,016 : INFO : PROGRESS: pass 0, at document #1958000/4922894\n", - "2019-01-31 00:49:39,383 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:49:39,650 : INFO : topic #33 (0.020): 0.063*\"french\" + 0.049*\"franc\" + 0.031*\"pari\" + 0.025*\"sail\" + 0.023*\"jean\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.008*\"wine\"\n", - "2019-01-31 00:49:39,651 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.013*\"centuri\" + 0.010*\"woodcut\" + 0.010*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.007*\"english\" + 0.007*\"trade\" + 0.007*\"known\" + 0.006*\"like\"\n", - "2019-01-31 00:49:39,652 : INFO : topic #39 (0.020): 0.057*\"canada\" + 0.041*\"canadian\" + 0.024*\"toronto\" + 0.023*\"ontario\" + 0.021*\"hoar\" + 0.015*\"hydrogen\" + 0.014*\"new\" + 0.014*\"novotná\" + 0.013*\"misericordia\" + 0.012*\"quebec\"\n", - "2019-01-31 00:49:39,653 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.056*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.019*\"member\" + 0.019*\"liber\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.015*\"conserv\" + 0.014*\"bypass\"\n", - "2019-01-31 00:49:39,654 : INFO : topic #4 (0.020): 0.023*\"enfranchis\" + 0.015*\"depress\" + 0.015*\"pour\" + 0.009*\"elabor\" + 0.009*\"mode\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.007*\"encyclopedia\" + 0.006*\"produc\" + 0.006*\"candid\"\n", - "2019-01-31 00:49:39,660 : INFO : topic diff=0.004268, rho=0.031960\n", - "2019-01-31 00:49:42,355 : INFO : -11.600 per-word bound, 3103.8 perplexity estimate based on a held-out corpus of 2000 documents with 554316 words\n", - "2019-01-31 00:49:42,356 : INFO : PROGRESS: pass 0, at document #1960000/4922894\n", - "2019-01-31 00:49:43,749 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:49:44,016 : INFO : topic #46 (0.020): 0.020*\"sweden\" + 0.018*\"stop\" + 0.017*\"swedish\" + 0.016*\"norwai\" + 0.016*\"wind\" + 0.015*\"norwegian\" + 0.015*\"damag\" + 0.013*\"denmark\" + 0.011*\"danish\" + 0.011*\"turkish\"\n", - "2019-01-31 00:49:44,017 : INFO : topic #20 (0.020): 0.145*\"scholar\" + 0.039*\"struggl\" + 0.035*\"high\" + 0.029*\"educ\" + 0.023*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.009*\"task\" + 0.009*\"start\"\n", - "2019-01-31 00:49:44,018 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.016*\"mexico\" + 0.015*\"soviet\" + 0.012*\"juan\" + 0.011*\"carlo\" + 0.011*\"santa\" + 0.011*\"josé\" + 0.011*\"francisco\"\n", - "2019-01-31 00:49:44,019 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.013*\"centuri\" + 0.010*\"woodcut\" + 0.010*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.007*\"english\" + 0.007*\"trade\" + 0.007*\"known\" + 0.006*\"like\"\n", - "2019-01-31 00:49:44,020 : INFO : topic #35 (0.020): 0.060*\"russia\" + 0.039*\"sovereignti\" + 0.034*\"rural\" + 0.026*\"poison\" + 0.024*\"personifi\" + 0.023*\"reprint\" + 0.021*\"moscow\" + 0.018*\"poland\" + 0.015*\"unfortun\" + 0.014*\"czech\"\n", - "2019-01-31 00:49:44,026 : INFO : topic diff=0.004810, rho=0.031944\n", - "2019-01-31 00:49:44,180 : INFO : PROGRESS: pass 0, at document #1962000/4922894\n", - "2019-01-31 00:49:45,551 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:49:45,817 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.032*\"incumb\" + 0.013*\"anglo\" + 0.013*\"televis\" + 0.013*\"islam\" + 0.012*\"pakistan\" + 0.011*\"khalsa\" + 0.010*\"muskoge\" + 0.010*\"sri\" + 0.009*\"singh\"\n", - "2019-01-31 00:49:45,818 : INFO : topic #8 (0.020): 0.025*\"law\" + 0.024*\"cortic\" + 0.019*\"start\" + 0.018*\"act\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"polaris\" + 0.009*\"replac\" + 0.009*\"legal\" + 0.007*\"princess\"\n", - "2019-01-31 00:49:45,819 : INFO : topic #9 (0.020): 0.071*\"bone\" + 0.042*\"american\" + 0.029*\"valour\" + 0.020*\"dutch\" + 0.018*\"folei\" + 0.018*\"polit\" + 0.017*\"player\" + 0.015*\"english\" + 0.011*\"acrimoni\" + 0.011*\"netherland\"\n", - "2019-01-31 00:49:45,820 : INFO : topic #30 (0.020): 0.035*\"leagu\" + 0.035*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.022*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:49:45,821 : INFO : topic #37 (0.020): 0.010*\"man\" + 0.009*\"charact\" + 0.008*\"septemb\" + 0.008*\"love\" + 0.007*\"gestur\" + 0.007*\"comic\" + 0.006*\"appear\" + 0.006*\"anim\" + 0.005*\"blue\" + 0.005*\"vision\"\n", - "2019-01-31 00:49:45,827 : INFO : topic diff=0.004444, rho=0.031928\n", - "2019-01-31 00:49:45,978 : INFO : PROGRESS: pass 0, at document #1964000/4922894\n", - "2019-01-31 00:49:47,331 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:49:47,598 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.032*\"incumb\" + 0.013*\"anglo\" + 0.012*\"televis\" + 0.012*\"islam\" + 0.012*\"pakistan\" + 0.011*\"khalsa\" + 0.010*\"muskoge\" + 0.010*\"sri\" + 0.009*\"alam\"\n", - "2019-01-31 00:49:47,599 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"disco\" + 0.007*\"media\" + 0.007*\"hormon\" + 0.007*\"have\" + 0.007*\"caus\" + 0.006*\"pathwai\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"acid\"\n", - "2019-01-31 00:49:47,600 : INFO : topic #46 (0.020): 0.020*\"sweden\" + 0.018*\"stop\" + 0.017*\"wind\" + 0.017*\"swedish\" + 0.016*\"norwai\" + 0.014*\"norwegian\" + 0.014*\"damag\" + 0.013*\"denmark\" + 0.012*\"turkish\" + 0.011*\"farid\"\n", - "2019-01-31 00:49:47,601 : INFO : topic #3 (0.020): 0.036*\"present\" + 0.027*\"offic\" + 0.024*\"minist\" + 0.022*\"nation\" + 0.021*\"govern\" + 0.020*\"member\" + 0.018*\"serv\" + 0.016*\"start\" + 0.016*\"gener\" + 0.015*\"seri\"\n", - "2019-01-31 00:49:47,602 : INFO : topic #39 (0.020): 0.057*\"canada\" + 0.041*\"canadian\" + 0.024*\"toronto\" + 0.023*\"ontario\" + 0.020*\"hoar\" + 0.015*\"hydrogen\" + 0.014*\"new\" + 0.014*\"novotná\" + 0.013*\"misericordia\" + 0.012*\"quebec\"\n", - "2019-01-31 00:49:47,608 : INFO : topic diff=0.005240, rho=0.031911\n", - "2019-01-31 00:49:47,767 : INFO : PROGRESS: pass 0, at document #1966000/4922894\n", - "2019-01-31 00:49:49,263 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:49:49,530 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.024*\"factor\" + 0.018*\"adulthood\" + 0.015*\"feel\" + 0.013*\"male\" + 0.011*\"genu\" + 0.011*\"plaisir\" + 0.010*\"hostil\" + 0.009*\"live\" + 0.008*\"biom\"\n", - "2019-01-31 00:49:49,531 : INFO : topic #25 (0.020): 0.031*\"ring\" + 0.017*\"warmth\" + 0.016*\"lagrang\" + 0.016*\"area\" + 0.016*\"mount\" + 0.009*\"palmer\" + 0.008*\"land\" + 0.008*\"foam\" + 0.008*\"north\" + 0.008*\"lobe\"\n", - "2019-01-31 00:49:49,532 : INFO : topic #26 (0.020): 0.030*\"workplac\" + 0.028*\"champion\" + 0.027*\"woman\" + 0.025*\"men\" + 0.025*\"olymp\" + 0.024*\"medal\" + 0.021*\"event\" + 0.020*\"alic\" + 0.019*\"taxpay\" + 0.018*\"atheist\"\n", - "2019-01-31 00:49:49,533 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.044*\"chilton\" + 0.024*\"hong\" + 0.023*\"korea\" + 0.023*\"kong\" + 0.018*\"korean\" + 0.017*\"sourc\" + 0.015*\"leah\" + 0.014*\"kim\" + 0.013*\"shirin\"\n", - "2019-01-31 00:49:49,534 : INFO : topic #9 (0.020): 0.072*\"bone\" + 0.042*\"american\" + 0.029*\"valour\" + 0.020*\"dutch\" + 0.018*\"folei\" + 0.018*\"polit\" + 0.016*\"player\" + 0.015*\"english\" + 0.011*\"acrimoni\" + 0.010*\"netherland\"\n", - "2019-01-31 00:49:49,539 : INFO : topic diff=0.005688, rho=0.031895\n", - "2019-01-31 00:49:49,694 : INFO : PROGRESS: pass 0, at document #1968000/4922894\n", - "2019-01-31 00:49:51,077 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:49:51,343 : INFO : topic #39 (0.020): 0.057*\"canada\" + 0.041*\"canadian\" + 0.023*\"toronto\" + 0.022*\"ontario\" + 0.020*\"hoar\" + 0.015*\"hydrogen\" + 0.014*\"new\" + 0.014*\"novotná\" + 0.013*\"misericordia\" + 0.012*\"quebec\"\n", - "2019-01-31 00:49:51,344 : INFO : topic #31 (0.020): 0.054*\"fusiform\" + 0.026*\"taxpay\" + 0.026*\"scientist\" + 0.025*\"player\" + 0.021*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.012*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 00:49:51,346 : INFO : topic #41 (0.020): 0.042*\"citi\" + 0.025*\"new\" + 0.022*\"palmer\" + 0.014*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 00:49:51,347 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.021*\"walter\" + 0.021*\"armi\" + 0.018*\"com\" + 0.014*\"unionist\" + 0.014*\"oper\" + 0.013*\"militari\" + 0.012*\"airmen\" + 0.011*\"airbu\"\n", - "2019-01-31 00:49:51,348 : INFO : topic #1 (0.020): 0.053*\"china\" + 0.044*\"chilton\" + 0.024*\"hong\" + 0.023*\"kong\" + 0.022*\"korea\" + 0.018*\"korean\" + 0.017*\"sourc\" + 0.015*\"leah\" + 0.014*\"kim\" + 0.013*\"shirin\"\n", - "2019-01-31 00:49:51,353 : INFO : topic diff=0.005224, rho=0.031879\n", - "2019-01-31 00:49:51,508 : INFO : PROGRESS: pass 0, at document #1970000/4922894\n", - "2019-01-31 00:49:52,884 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:49:53,150 : INFO : topic #30 (0.020): 0.035*\"leagu\" + 0.035*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.022*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:49:53,151 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.008*\"battalion\" + 0.008*\"forc\" + 0.008*\"teufel\" + 0.007*\"armi\" + 0.007*\"till\" + 0.007*\"empath\" + 0.006*\"govern\" + 0.006*\"militari\"\n", - "2019-01-31 00:49:53,152 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.048*\"franc\" + 0.031*\"pari\" + 0.025*\"sail\" + 0.023*\"jean\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 00:49:53,154 : INFO : topic #36 (0.020): 0.012*\"network\" + 0.011*\"pop\" + 0.011*\"prognosi\" + 0.009*\"develop\" + 0.008*\"cytokin\" + 0.008*\"softwar\" + 0.008*\"diggin\" + 0.008*\"uruguayan\" + 0.007*\"includ\" + 0.007*\"base\"\n", - "2019-01-31 00:49:53,154 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.045*\"vigour\" + 0.043*\"popolo\" + 0.038*\"tortur\" + 0.033*\"cotton\" + 0.028*\"area\" + 0.024*\"multitud\" + 0.022*\"regim\" + 0.021*\"citi\" + 0.020*\"cede\"\n", - "2019-01-31 00:49:53,160 : INFO : topic diff=0.004855, rho=0.031863\n", - "2019-01-31 00:49:53,313 : INFO : PROGRESS: pass 0, at document #1972000/4922894\n", - "2019-01-31 00:49:54,682 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:49:54,948 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.015*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:49:54,949 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.044*\"chilton\" + 0.023*\"hong\" + 0.023*\"kong\" + 0.022*\"korea\" + 0.019*\"korean\" + 0.017*\"sourc\" + 0.015*\"leah\" + 0.015*\"kim\" + 0.013*\"shirin\"\n", - "2019-01-31 00:49:54,950 : INFO : topic #41 (0.020): 0.043*\"citi\" + 0.025*\"new\" + 0.022*\"palmer\" + 0.014*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"dai\" + 0.009*\"yawn\"\n", - "2019-01-31 00:49:54,952 : INFO : topic #46 (0.020): 0.019*\"sweden\" + 0.018*\"damag\" + 0.018*\"stop\" + 0.017*\"swedish\" + 0.016*\"wind\" + 0.015*\"norwai\" + 0.014*\"norwegian\" + 0.013*\"denmark\" + 0.011*\"turkish\" + 0.011*\"danish\"\n", - "2019-01-31 00:49:54,952 : INFO : topic #48 (0.020): 0.082*\"march\" + 0.077*\"octob\" + 0.076*\"sens\" + 0.072*\"januari\" + 0.071*\"notion\" + 0.069*\"juli\" + 0.069*\"april\" + 0.068*\"judici\" + 0.067*\"august\" + 0.066*\"decatur\"\n", - "2019-01-31 00:49:54,958 : INFO : topic diff=0.004669, rho=0.031846\n", - "2019-01-31 00:49:55,117 : INFO : PROGRESS: pass 0, at document #1974000/4922894\n", - "2019-01-31 00:49:56,526 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:49:56,792 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.034*\"perceptu\" + 0.019*\"theater\" + 0.017*\"place\" + 0.017*\"compos\" + 0.016*\"damn\" + 0.014*\"physician\" + 0.014*\"orchestr\" + 0.013*\"olympo\" + 0.012*\"word\"\n", - "2019-01-31 00:49:56,793 : INFO : topic #28 (0.020): 0.031*\"build\" + 0.024*\"hous\" + 0.021*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.012*\"briarwood\" + 0.011*\"strategist\" + 0.011*\"constitut\" + 0.010*\"depress\" + 0.010*\"linear\"\n", - "2019-01-31 00:49:56,795 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.016*\"mexico\" + 0.015*\"soviet\" + 0.012*\"juan\" + 0.012*\"santa\" + 0.011*\"carlo\" + 0.011*\"francisco\" + 0.011*\"josé\"\n", - "2019-01-31 00:49:56,796 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.037*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.010*\"class\" + 0.010*\"bahá\"\n", - "2019-01-31 00:49:56,797 : INFO : topic #27 (0.020): 0.069*\"questionnair\" + 0.020*\"candid\" + 0.019*\"taxpay\" + 0.014*\"ret\" + 0.013*\"driver\" + 0.012*\"tornado\" + 0.012*\"find\" + 0.011*\"fool\" + 0.010*\"champion\" + 0.009*\"landslid\"\n", - "2019-01-31 00:49:56,803 : INFO : topic diff=0.004973, rho=0.031830\n", - "2019-01-31 00:49:56,954 : INFO : PROGRESS: pass 0, at document #1976000/4922894\n", - "2019-01-31 00:49:58,316 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:49:58,583 : INFO : topic #39 (0.020): 0.057*\"canada\" + 0.041*\"canadian\" + 0.023*\"toronto\" + 0.022*\"ontario\" + 0.020*\"hoar\" + 0.015*\"new\" + 0.015*\"hydrogen\" + 0.013*\"novotná\" + 0.013*\"misericordia\" + 0.012*\"vancouv\"\n", - "2019-01-31 00:49:58,584 : INFO : topic #23 (0.020): 0.135*\"audit\" + 0.065*\"best\" + 0.034*\"yawn\" + 0.029*\"jacksonvil\" + 0.022*\"noll\" + 0.021*\"japanes\" + 0.020*\"festiv\" + 0.019*\"women\" + 0.016*\"intern\" + 0.015*\"misconcept\"\n", - "2019-01-31 00:49:58,585 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.055*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.019*\"member\" + 0.018*\"liber\" + 0.016*\"polici\" + 0.014*\"republ\" + 0.014*\"bypass\" + 0.014*\"conserv\"\n", - "2019-01-31 00:49:58,586 : INFO : topic #20 (0.020): 0.146*\"scholar\" + 0.039*\"struggl\" + 0.035*\"high\" + 0.029*\"educ\" + 0.023*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.009*\"district\" + 0.009*\"task\" + 0.009*\"class\"\n", - "2019-01-31 00:49:58,587 : INFO : topic #36 (0.020): 0.012*\"network\" + 0.011*\"pop\" + 0.011*\"prognosi\" + 0.009*\"develop\" + 0.008*\"cytokin\" + 0.008*\"softwar\" + 0.008*\"diggin\" + 0.008*\"uruguayan\" + 0.007*\"includ\" + 0.007*\"brio\"\n", - "2019-01-31 00:49:58,593 : INFO : topic diff=0.004903, rho=0.031814\n", - "2019-01-31 00:49:58,753 : INFO : PROGRESS: pass 0, at document #1978000/4922894\n", - "2019-01-31 00:50:00,170 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:50:00,437 : INFO : topic #34 (0.020): 0.071*\"start\" + 0.031*\"unionist\" + 0.029*\"new\" + 0.029*\"american\" + 0.026*\"cotton\" + 0.018*\"year\" + 0.016*\"california\" + 0.014*\"terri\" + 0.013*\"warrior\" + 0.012*\"north\"\n", - "2019-01-31 00:50:00,438 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.015*\"margin\" + 0.015*\"yawn\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"will\" + 0.011*\"deal\"\n", - "2019-01-31 00:50:00,439 : INFO : topic #28 (0.020): 0.031*\"build\" + 0.024*\"hous\" + 0.021*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.012*\"briarwood\" + 0.011*\"strategist\" + 0.011*\"constitut\" + 0.010*\"depress\" + 0.010*\"linear\"\n", - "2019-01-31 00:50:00,440 : INFO : topic #31 (0.020): 0.055*\"fusiform\" + 0.026*\"scientist\" + 0.026*\"taxpay\" + 0.025*\"player\" + 0.021*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.012*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 00:50:00,442 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.017*\"warmth\" + 0.017*\"lagrang\" + 0.016*\"area\" + 0.015*\"mount\" + 0.009*\"palmer\" + 0.009*\"land\" + 0.008*\"foam\" + 0.008*\"north\" + 0.008*\"lobe\"\n", - "2019-01-31 00:50:00,447 : INFO : topic diff=0.004569, rho=0.031798\n", - "2019-01-31 00:50:03,141 : INFO : -11.702 per-word bound, 3330.5 perplexity estimate based on a held-out corpus of 2000 documents with 579388 words\n", - "2019-01-31 00:50:03,142 : INFO : PROGRESS: pass 0, at document #1980000/4922894\n", - "2019-01-31 00:50:04,519 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:50:04,787 : INFO : topic #32 (0.020): 0.053*\"district\" + 0.045*\"vigour\" + 0.043*\"popolo\" + 0.038*\"tortur\" + 0.032*\"cotton\" + 0.028*\"area\" + 0.024*\"multitud\" + 0.021*\"regim\" + 0.021*\"citi\" + 0.020*\"cede\"\n", - "2019-01-31 00:50:04,788 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.045*\"chilton\" + 0.025*\"kong\" + 0.024*\"hong\" + 0.022*\"korea\" + 0.018*\"korean\" + 0.016*\"sourc\" + 0.014*\"leah\" + 0.014*\"kim\" + 0.012*\"shirin\"\n", - "2019-01-31 00:50:04,788 : INFO : topic #9 (0.020): 0.072*\"bone\" + 0.043*\"american\" + 0.029*\"valour\" + 0.019*\"dutch\" + 0.018*\"polit\" + 0.017*\"folei\" + 0.016*\"player\" + 0.015*\"english\" + 0.010*\"acrimoni\" + 0.010*\"surnam\"\n", - "2019-01-31 00:50:04,789 : INFO : topic #34 (0.020): 0.071*\"start\" + 0.031*\"unionist\" + 0.029*\"new\" + 0.029*\"american\" + 0.026*\"cotton\" + 0.017*\"year\" + 0.016*\"california\" + 0.014*\"terri\" + 0.013*\"warrior\" + 0.012*\"north\"\n", - "2019-01-31 00:50:04,790 : INFO : topic #26 (0.020): 0.030*\"workplac\" + 0.028*\"woman\" + 0.028*\"champion\" + 0.025*\"men\" + 0.025*\"olymp\" + 0.024*\"medal\" + 0.021*\"event\" + 0.019*\"taxpay\" + 0.018*\"atheist\" + 0.018*\"alic\"\n", - "2019-01-31 00:50:04,797 : INFO : topic diff=0.004592, rho=0.031782\n", - "2019-01-31 00:50:05,007 : INFO : PROGRESS: pass 0, at document #1982000/4922894\n", - "2019-01-31 00:50:06,583 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:50:06,850 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"pathwai\" + 0.007*\"hormon\" + 0.007*\"have\" + 0.007*\"caus\" + 0.006*\"acid\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 00:50:06,851 : INFO : topic #28 (0.020): 0.031*\"build\" + 0.024*\"hous\" + 0.021*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.012*\"briarwood\" + 0.011*\"strategist\" + 0.011*\"constitut\" + 0.010*\"depress\" + 0.010*\"linear\"\n", - "2019-01-31 00:50:06,852 : INFO : topic #45 (0.020): 0.026*\"jpg\" + 0.025*\"fifteenth\" + 0.018*\"illicit\" + 0.016*\"black\" + 0.016*\"western\" + 0.016*\"colder\" + 0.013*\"record\" + 0.010*\"blind\" + 0.009*\"arm\" + 0.008*\"depress\"\n", - "2019-01-31 00:50:06,854 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.013*\"centuri\" + 0.010*\"woodcut\" + 0.010*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.008*\"english\" + 0.007*\"trade\" + 0.007*\"known\" + 0.006*\"like\"\n", - "2019-01-31 00:50:06,855 : INFO : topic #27 (0.020): 0.069*\"questionnair\" + 0.019*\"candid\" + 0.019*\"taxpay\" + 0.013*\"ret\" + 0.012*\"driver\" + 0.012*\"tornado\" + 0.012*\"find\" + 0.012*\"fool\" + 0.010*\"champion\" + 0.009*\"squatter\"\n", - "2019-01-31 00:50:06,861 : INFO : topic diff=0.004786, rho=0.031766\n", - "2019-01-31 00:50:07,017 : INFO : PROGRESS: pass 0, at document #1984000/4922894\n", - "2019-01-31 00:50:08,393 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:50:08,659 : INFO : topic #32 (0.020): 0.052*\"district\" + 0.045*\"vigour\" + 0.044*\"popolo\" + 0.038*\"tortur\" + 0.032*\"cotton\" + 0.027*\"area\" + 0.024*\"multitud\" + 0.021*\"regim\" + 0.021*\"citi\" + 0.020*\"cede\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:50:08,660 : INFO : topic #48 (0.020): 0.080*\"march\" + 0.077*\"octob\" + 0.077*\"sens\" + 0.071*\"januari\" + 0.069*\"notion\" + 0.069*\"juli\" + 0.069*\"april\" + 0.067*\"august\" + 0.066*\"judici\" + 0.066*\"decatur\"\n", - "2019-01-31 00:50:08,661 : INFO : topic #6 (0.020): 0.073*\"fewer\" + 0.024*\"epiru\" + 0.023*\"septemb\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.012*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:50:08,662 : INFO : topic #30 (0.020): 0.035*\"leagu\" + 0.035*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:50:08,663 : INFO : topic #9 (0.020): 0.071*\"bone\" + 0.043*\"american\" + 0.029*\"valour\" + 0.019*\"dutch\" + 0.018*\"polit\" + 0.018*\"folei\" + 0.016*\"player\" + 0.015*\"english\" + 0.011*\"acrimoni\" + 0.010*\"simpler\"\n", - "2019-01-31 00:50:08,669 : INFO : topic diff=0.005008, rho=0.031750\n", - "2019-01-31 00:50:08,822 : INFO : PROGRESS: pass 0, at document #1986000/4922894\n", - "2019-01-31 00:50:10,180 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:50:10,446 : INFO : topic #6 (0.020): 0.073*\"fewer\" + 0.024*\"epiru\" + 0.023*\"septemb\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.012*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:50:10,447 : INFO : topic #42 (0.020): 0.045*\"german\" + 0.031*\"germani\" + 0.015*\"vol\" + 0.014*\"israel\" + 0.014*\"jewish\" + 0.013*\"berlin\" + 0.013*\"der\" + 0.010*\"european\" + 0.009*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 00:50:10,448 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.006*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 00:50:10,449 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"group\" + 0.009*\"word\" + 0.008*\"peopl\" + 0.008*\"woman\" + 0.007*\"cultur\" + 0.007*\"human\"\n", - "2019-01-31 00:50:10,450 : INFO : topic #32 (0.020): 0.052*\"district\" + 0.044*\"vigour\" + 0.044*\"popolo\" + 0.038*\"tortur\" + 0.032*\"cotton\" + 0.027*\"area\" + 0.024*\"multitud\" + 0.022*\"regim\" + 0.021*\"citi\" + 0.020*\"cede\"\n", - "2019-01-31 00:50:10,456 : INFO : topic diff=0.004318, rho=0.031734\n", - "2019-01-31 00:50:10,615 : INFO : PROGRESS: pass 0, at document #1988000/4922894\n", - "2019-01-31 00:50:12,029 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:50:12,296 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.021*\"walter\" + 0.021*\"armi\" + 0.018*\"com\" + 0.014*\"militari\" + 0.013*\"oper\" + 0.013*\"unionist\" + 0.012*\"airmen\" + 0.011*\"airbu\"\n", - "2019-01-31 00:50:12,297 : INFO : topic #35 (0.020): 0.062*\"russia\" + 0.041*\"sovereignti\" + 0.035*\"rural\" + 0.026*\"personifi\" + 0.025*\"poison\" + 0.022*\"reprint\" + 0.020*\"moscow\" + 0.018*\"poland\" + 0.016*\"unfortun\" + 0.015*\"czech\"\n", - "2019-01-31 00:50:12,297 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.015*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:50:12,298 : INFO : topic #9 (0.020): 0.071*\"bone\" + 0.043*\"american\" + 0.029*\"valour\" + 0.019*\"polit\" + 0.019*\"dutch\" + 0.017*\"folei\" + 0.017*\"player\" + 0.015*\"english\" + 0.011*\"acrimoni\" + 0.010*\"simpler\"\n", - "2019-01-31 00:50:12,299 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"pop\" + 0.011*\"prognosi\" + 0.009*\"develop\" + 0.008*\"cytokin\" + 0.008*\"softwar\" + 0.008*\"diggin\" + 0.008*\"uruguayan\" + 0.007*\"user\" + 0.007*\"includ\"\n", - "2019-01-31 00:50:12,305 : INFO : topic diff=0.004584, rho=0.031718\n", - "2019-01-31 00:50:12,464 : INFO : PROGRESS: pass 0, at document #1990000/4922894\n", - "2019-01-31 00:50:13,854 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:50:14,121 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.017*\"warmth\" + 0.017*\"lagrang\" + 0.016*\"area\" + 0.016*\"mount\" + 0.009*\"palmer\" + 0.009*\"land\" + 0.008*\"north\" + 0.008*\"foam\" + 0.008*\"lobe\"\n", - "2019-01-31 00:50:14,122 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.035*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:50:14,123 : INFO : topic #3 (0.020): 0.035*\"present\" + 0.027*\"offic\" + 0.025*\"minist\" + 0.022*\"govern\" + 0.021*\"nation\" + 0.021*\"member\" + 0.017*\"serv\" + 0.016*\"start\" + 0.016*\"gener\" + 0.016*\"seri\"\n", - "2019-01-31 00:50:14,124 : INFO : topic #35 (0.020): 0.062*\"russia\" + 0.041*\"sovereignti\" + 0.035*\"rural\" + 0.025*\"personifi\" + 0.025*\"poison\" + 0.023*\"reprint\" + 0.020*\"moscow\" + 0.018*\"poland\" + 0.016*\"unfortun\" + 0.015*\"czech\"\n", - "2019-01-31 00:50:14,125 : INFO : topic #41 (0.020): 0.042*\"citi\" + 0.025*\"new\" + 0.022*\"palmer\" + 0.014*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"hot\" + 0.009*\"yawn\"\n", - "2019-01-31 00:50:14,131 : INFO : topic diff=0.004435, rho=0.031702\n", - "2019-01-31 00:50:14,295 : INFO : PROGRESS: pass 0, at document #1992000/4922894\n", - "2019-01-31 00:50:15,836 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:50:16,103 : INFO : topic #16 (0.020): 0.054*\"king\" + 0.032*\"priest\" + 0.022*\"duke\" + 0.019*\"rotterdam\" + 0.018*\"idiosyncrat\" + 0.017*\"grammat\" + 0.017*\"quarterli\" + 0.013*\"count\" + 0.013*\"portugues\" + 0.013*\"brazil\"\n", - "2019-01-31 00:50:16,105 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.035*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:50:16,106 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"have\" + 0.007*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"treat\" + 0.006*\"proper\" + 0.006*\"effect\"\n", - "2019-01-31 00:50:16,107 : INFO : topic #39 (0.020): 0.056*\"canada\" + 0.040*\"canadian\" + 0.023*\"toronto\" + 0.021*\"ontario\" + 0.020*\"hoar\" + 0.015*\"novotná\" + 0.015*\"new\" + 0.014*\"hydrogen\" + 0.013*\"misericordia\" + 0.012*\"quebec\"\n", - "2019-01-31 00:50:16,108 : INFO : topic #49 (0.020): 0.042*\"india\" + 0.031*\"incumb\" + 0.013*\"televis\" + 0.013*\"islam\" + 0.013*\"anglo\" + 0.012*\"pakistan\" + 0.011*\"khalsa\" + 0.010*\"muskoge\" + 0.010*\"alam\" + 0.009*\"singh\"\n", - "2019-01-31 00:50:16,114 : INFO : topic diff=0.006156, rho=0.031686\n", - "2019-01-31 00:50:16,268 : INFO : PROGRESS: pass 0, at document #1994000/4922894\n", - "2019-01-31 00:50:17,626 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:50:17,892 : INFO : topic #7 (0.020): 0.021*\"di\" + 0.020*\"snatch\" + 0.019*\"factor\" + 0.015*\"margin\" + 0.015*\"yawn\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.011*\"will\" + 0.011*\"daughter\"\n", - "2019-01-31 00:50:17,893 : INFO : topic #27 (0.020): 0.067*\"questionnair\" + 0.019*\"candid\" + 0.019*\"taxpay\" + 0.013*\"driver\" + 0.012*\"ret\" + 0.012*\"fool\" + 0.012*\"find\" + 0.012*\"tornado\" + 0.010*\"horac\" + 0.010*\"champion\"\n", - "2019-01-31 00:50:17,894 : INFO : topic #41 (0.020): 0.042*\"citi\" + 0.025*\"new\" + 0.022*\"palmer\" + 0.014*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"hot\" + 0.009*\"yawn\"\n", - "2019-01-31 00:50:17,895 : INFO : topic #49 (0.020): 0.042*\"india\" + 0.031*\"incumb\" + 0.014*\"anglo\" + 0.013*\"televis\" + 0.013*\"islam\" + 0.012*\"pakistan\" + 0.012*\"khalsa\" + 0.010*\"muskoge\" + 0.010*\"alam\" + 0.009*\"singh\"\n", - "2019-01-31 00:50:17,896 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.017*\"warmth\" + 0.016*\"lagrang\" + 0.016*\"area\" + 0.015*\"mount\" + 0.009*\"palmer\" + 0.009*\"land\" + 0.008*\"north\" + 0.008*\"foam\" + 0.008*\"lobe\"\n", - "2019-01-31 00:50:17,902 : INFO : topic diff=0.004276, rho=0.031670\n", - "2019-01-31 00:50:18,056 : INFO : PROGRESS: pass 0, at document #1996000/4922894\n", - "2019-01-31 00:50:19,416 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:50:19,683 : INFO : topic #49 (0.020): 0.042*\"india\" + 0.031*\"incumb\" + 0.015*\"anglo\" + 0.013*\"televis\" + 0.013*\"islam\" + 0.012*\"pakistan\" + 0.012*\"khalsa\" + 0.010*\"muskoge\" + 0.010*\"alam\" + 0.009*\"singh\"\n", - "2019-01-31 00:50:19,684 : INFO : topic #41 (0.020): 0.042*\"citi\" + 0.025*\"new\" + 0.022*\"palmer\" + 0.014*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"hot\" + 0.009*\"yawn\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:50:19,685 : INFO : topic #35 (0.020): 0.061*\"russia\" + 0.042*\"sovereignti\" + 0.034*\"rural\" + 0.025*\"personifi\" + 0.025*\"poison\" + 0.023*\"reprint\" + 0.020*\"moscow\" + 0.018*\"poland\" + 0.016*\"unfortun\" + 0.014*\"czech\"\n", - "2019-01-31 00:50:19,686 : INFO : topic #48 (0.020): 0.079*\"sens\" + 0.079*\"march\" + 0.077*\"octob\" + 0.069*\"januari\" + 0.069*\"juli\" + 0.069*\"april\" + 0.069*\"notion\" + 0.067*\"august\" + 0.067*\"judici\" + 0.064*\"decatur\"\n", - "2019-01-31 00:50:19,686 : INFO : topic #26 (0.020): 0.029*\"workplac\" + 0.028*\"woman\" + 0.028*\"champion\" + 0.026*\"men\" + 0.026*\"olymp\" + 0.023*\"medal\" + 0.020*\"event\" + 0.020*\"alic\" + 0.019*\"taxpay\" + 0.018*\"atheist\"\n", - "2019-01-31 00:50:19,692 : INFO : topic diff=0.006056, rho=0.031654\n", - "2019-01-31 00:50:19,856 : INFO : PROGRESS: pass 0, at document #1998000/4922894\n", - "2019-01-31 00:50:21,302 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:50:21,568 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"pathwai\" + 0.007*\"have\" + 0.007*\"hormon\" + 0.007*\"caus\" + 0.006*\"treat\" + 0.006*\"acid\" + 0.005*\"effect\"\n", - "2019-01-31 00:50:21,569 : INFO : topic #35 (0.020): 0.060*\"russia\" + 0.043*\"sovereignti\" + 0.035*\"rural\" + 0.025*\"personifi\" + 0.025*\"poison\" + 0.023*\"reprint\" + 0.021*\"moscow\" + 0.018*\"poland\" + 0.016*\"unfortun\" + 0.014*\"czech\"\n", - "2019-01-31 00:50:21,570 : INFO : topic #3 (0.020): 0.035*\"present\" + 0.026*\"offic\" + 0.024*\"minist\" + 0.021*\"govern\" + 0.021*\"nation\" + 0.021*\"member\" + 0.017*\"gener\" + 0.016*\"start\" + 0.016*\"serv\" + 0.016*\"seri\"\n", - "2019-01-31 00:50:21,571 : INFO : topic #29 (0.020): 0.028*\"companhia\" + 0.012*\"million\" + 0.012*\"busi\" + 0.011*\"bank\" + 0.010*\"market\" + 0.010*\"produc\" + 0.009*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 00:50:21,573 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.013*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.008*\"english\" + 0.008*\"trade\" + 0.007*\"known\" + 0.006*\"like\"\n", - "2019-01-31 00:50:21,578 : INFO : topic diff=0.006084, rho=0.031639\n", - "2019-01-31 00:50:24,256 : INFO : -11.843 per-word bound, 3674.2 perplexity estimate based on a held-out corpus of 2000 documents with 538045 words\n", - "2019-01-31 00:50:24,256 : INFO : PROGRESS: pass 0, at document #2000000/4922894\n", - "2019-01-31 00:50:25,637 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:50:25,903 : INFO : topic #27 (0.020): 0.067*\"questionnair\" + 0.019*\"taxpay\" + 0.019*\"candid\" + 0.013*\"driver\" + 0.012*\"ret\" + 0.012*\"tornado\" + 0.012*\"fool\" + 0.012*\"find\" + 0.010*\"horac\" + 0.010*\"champion\"\n", - "2019-01-31 00:50:25,904 : INFO : topic #13 (0.020): 0.027*\"sourc\" + 0.027*\"australia\" + 0.026*\"new\" + 0.025*\"london\" + 0.023*\"australian\" + 0.023*\"england\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.016*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:50:25,905 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.035*\"leagu\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.025*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:50:25,906 : INFO : topic #47 (0.020): 0.066*\"muscl\" + 0.034*\"perceptu\" + 0.019*\"theater\" + 0.017*\"place\" + 0.017*\"compos\" + 0.017*\"damn\" + 0.013*\"orchestr\" + 0.013*\"physician\" + 0.012*\"olympo\" + 0.012*\"word\"\n", - "2019-01-31 00:50:25,907 : INFO : topic #37 (0.020): 0.010*\"man\" + 0.009*\"charact\" + 0.008*\"septemb\" + 0.008*\"love\" + 0.007*\"gestur\" + 0.007*\"comic\" + 0.006*\"appear\" + 0.006*\"anim\" + 0.005*\"blue\" + 0.005*\"workplac\"\n", - "2019-01-31 00:50:25,913 : INFO : topic diff=0.004384, rho=0.031623\n", - "2019-01-31 00:50:26,072 : INFO : PROGRESS: pass 0, at document #2002000/4922894\n", - "2019-01-31 00:50:27,472 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:50:27,738 : INFO : topic #13 (0.020): 0.027*\"australia\" + 0.027*\"sourc\" + 0.026*\"new\" + 0.025*\"london\" + 0.023*\"australian\" + 0.022*\"england\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.016*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:50:27,739 : INFO : topic #47 (0.020): 0.066*\"muscl\" + 0.034*\"perceptu\" + 0.020*\"theater\" + 0.018*\"place\" + 0.017*\"compos\" + 0.017*\"damn\" + 0.013*\"orchestr\" + 0.013*\"physician\" + 0.012*\"olympo\" + 0.012*\"word\"\n", - "2019-01-31 00:50:27,740 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"commun\" + 0.010*\"develop\" + 0.009*\"group\" + 0.009*\"word\" + 0.008*\"peopl\" + 0.008*\"woman\" + 0.007*\"cultur\" + 0.007*\"human\"\n", - "2019-01-31 00:50:27,741 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.035*\"publicis\" + 0.025*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"collect\" + 0.011*\"storag\" + 0.011*\"nicola\" + 0.011*\"magazin\"\n", - "2019-01-31 00:50:27,742 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.013*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"english\" + 0.008*\"trade\" + 0.007*\"known\" + 0.006*\"like\"\n", - "2019-01-31 00:50:27,748 : INFO : topic diff=0.005064, rho=0.031607\n", - "2019-01-31 00:50:27,903 : INFO : PROGRESS: pass 0, at document #2004000/4922894\n", - "2019-01-31 00:50:29,300 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:50:29,566 : INFO : topic #39 (0.020): 0.056*\"canada\" + 0.041*\"canadian\" + 0.023*\"toronto\" + 0.022*\"ontario\" + 0.020*\"hoar\" + 0.015*\"hydrogen\" + 0.015*\"new\" + 0.014*\"novotná\" + 0.013*\"misericordia\" + 0.012*\"quebec\"\n", - "2019-01-31 00:50:29,567 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.023*\"cortic\" + 0.019*\"start\" + 0.017*\"act\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"polaris\" + 0.009*\"legal\" + 0.009*\"replac\" + 0.008*\"princess\"\n", - "2019-01-31 00:50:29,568 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.035*\"leagu\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:50:29,569 : INFO : topic #1 (0.020): 0.052*\"china\" + 0.047*\"chilton\" + 0.024*\"kong\" + 0.024*\"hong\" + 0.021*\"korea\" + 0.018*\"korean\" + 0.016*\"sourc\" + 0.015*\"leah\" + 0.014*\"kim\" + 0.012*\"shirin\"\n", - "2019-01-31 00:50:29,570 : INFO : topic #2 (0.020): 0.050*\"isl\" + 0.037*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.011*\"coalit\" + 0.011*\"nativist\" + 0.009*\"bahá\" + 0.009*\"class\"\n", - "2019-01-31 00:50:29,576 : INFO : topic diff=0.004193, rho=0.031591\n", - "2019-01-31 00:50:29,737 : INFO : PROGRESS: pass 0, at document #2006000/4922894\n", - "2019-01-31 00:50:31,113 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:50:31,379 : INFO : topic #0 (0.020): 0.066*\"statewid\" + 0.040*\"line\" + 0.034*\"arsen\" + 0.034*\"raid\" + 0.027*\"museo\" + 0.020*\"traceabl\" + 0.018*\"serv\" + 0.014*\"pain\" + 0.013*\"exhaust\" + 0.013*\"oper\"\n", - "2019-01-31 00:50:31,380 : INFO : topic #26 (0.020): 0.029*\"workplac\" + 0.028*\"champion\" + 0.028*\"woman\" + 0.026*\"men\" + 0.025*\"olymp\" + 0.023*\"medal\" + 0.020*\"event\" + 0.019*\"taxpay\" + 0.019*\"alic\" + 0.018*\"atheist\"\n", - "2019-01-31 00:50:31,381 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"pathwai\" + 0.007*\"hormon\" + 0.007*\"have\" + 0.007*\"caus\" + 0.006*\"treat\" + 0.006*\"acid\" + 0.005*\"effect\"\n", - "2019-01-31 00:50:31,382 : INFO : topic #20 (0.020): 0.147*\"scholar\" + 0.039*\"struggl\" + 0.036*\"high\" + 0.029*\"educ\" + 0.022*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.010*\"gothic\" + 0.009*\"task\"\n", - "2019-01-31 00:50:31,383 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.035*\"publicis\" + 0.025*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"collect\" + 0.011*\"nicola\" + 0.011*\"storag\" + 0.011*\"magazin\"\n", - "2019-01-31 00:50:31,389 : INFO : topic diff=0.004469, rho=0.031575\n", - "2019-01-31 00:50:31,543 : INFO : PROGRESS: pass 0, at document #2008000/4922894\n", - "2019-01-31 00:50:32,913 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:50:33,179 : INFO : topic #41 (0.020): 0.042*\"citi\" + 0.025*\"new\" + 0.023*\"palmer\" + 0.014*\"strategist\" + 0.012*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"hot\" + 0.009*\"dai\"\n", - "2019-01-31 00:50:33,180 : INFO : topic #1 (0.020): 0.053*\"china\" + 0.047*\"chilton\" + 0.024*\"hong\" + 0.024*\"kong\" + 0.021*\"korea\" + 0.018*\"korean\" + 0.016*\"sourc\" + 0.015*\"leah\" + 0.014*\"kim\" + 0.012*\"shirin\"\n", - "2019-01-31 00:50:33,181 : INFO : topic #6 (0.020): 0.073*\"fewer\" + 0.024*\"epiru\" + 0.023*\"septemb\" + 0.019*\"teacher\" + 0.017*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:50:33,182 : INFO : topic #31 (0.020): 0.053*\"fusiform\" + 0.026*\"taxpay\" + 0.026*\"scientist\" + 0.025*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 00:50:33,183 : INFO : topic #27 (0.020): 0.068*\"questionnair\" + 0.019*\"candid\" + 0.019*\"taxpay\" + 0.013*\"driver\" + 0.012*\"ret\" + 0.012*\"tornado\" + 0.012*\"find\" + 0.011*\"fool\" + 0.010*\"champion\" + 0.010*\"horac\"\n", - "2019-01-31 00:50:33,189 : INFO : topic diff=0.004875, rho=0.031560\n", - "2019-01-31 00:50:33,348 : INFO : PROGRESS: pass 0, at document #2010000/4922894\n", - "2019-01-31 00:50:34,751 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:50:35,018 : INFO : topic #37 (0.020): 0.009*\"man\" + 0.009*\"charact\" + 0.008*\"septemb\" + 0.008*\"love\" + 0.007*\"comic\" + 0.007*\"gestur\" + 0.006*\"appear\" + 0.006*\"anim\" + 0.005*\"vision\" + 0.005*\"blue\"\n", - "2019-01-31 00:50:35,019 : INFO : topic #27 (0.020): 0.068*\"questionnair\" + 0.019*\"taxpay\" + 0.019*\"candid\" + 0.013*\"driver\" + 0.012*\"ret\" + 0.012*\"tornado\" + 0.012*\"find\" + 0.011*\"fool\" + 0.010*\"champion\" + 0.010*\"horac\"\n", - "2019-01-31 00:50:35,020 : INFO : topic #7 (0.020): 0.020*\"di\" + 0.020*\"snatch\" + 0.018*\"factor\" + 0.015*\"margin\" + 0.015*\"yawn\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"will\" + 0.012*\"john\"\n", - "2019-01-31 00:50:35,021 : INFO : topic #32 (0.020): 0.053*\"district\" + 0.045*\"vigour\" + 0.044*\"popolo\" + 0.037*\"tortur\" + 0.033*\"cotton\" + 0.027*\"area\" + 0.024*\"multitud\" + 0.021*\"regim\" + 0.021*\"citi\" + 0.020*\"cede\"\n", - "2019-01-31 00:50:35,022 : INFO : topic #0 (0.020): 0.066*\"statewid\" + 0.041*\"line\" + 0.034*\"arsen\" + 0.034*\"raid\" + 0.027*\"museo\" + 0.020*\"traceabl\" + 0.018*\"serv\" + 0.014*\"pain\" + 0.013*\"exhaust\" + 0.013*\"oper\"\n", - "2019-01-31 00:50:35,027 : INFO : topic diff=0.004891, rho=0.031544\n", - "2019-01-31 00:50:35,186 : INFO : PROGRESS: pass 0, at document #2012000/4922894\n", - "2019-01-31 00:50:36,604 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:50:36,871 : INFO : topic #28 (0.020): 0.031*\"build\" + 0.025*\"hous\" + 0.022*\"rivièr\" + 0.017*\"buford\" + 0.014*\"histor\" + 0.012*\"briarwood\" + 0.011*\"constitut\" + 0.010*\"strategist\" + 0.010*\"depress\" + 0.010*\"linear\"\n", - "2019-01-31 00:50:36,872 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.027*\"offic\" + 0.024*\"minist\" + 0.021*\"govern\" + 0.021*\"nation\" + 0.021*\"member\" + 0.017*\"serv\" + 0.017*\"gener\" + 0.016*\"start\" + 0.016*\"seri\"\n", - "2019-01-31 00:50:36,873 : INFO : topic #31 (0.020): 0.054*\"fusiform\" + 0.026*\"taxpay\" + 0.026*\"scientist\" + 0.024*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 00:50:36,874 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"commun\" + 0.010*\"develop\" + 0.009*\"group\" + 0.009*\"word\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"cultur\" + 0.007*\"human\"\n", - "2019-01-31 00:50:36,875 : INFO : topic #33 (0.020): 0.060*\"french\" + 0.048*\"franc\" + 0.031*\"pari\" + 0.025*\"sail\" + 0.023*\"jean\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 00:50:36,881 : INFO : topic diff=0.005384, rho=0.031528\n", - "2019-01-31 00:50:37,092 : INFO : PROGRESS: pass 0, at document #2014000/4922894\n", - "2019-01-31 00:50:38,478 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:50:38,745 : INFO : topic #38 (0.020): 0.024*\"walter\" + 0.010*\"aza\" + 0.008*\"battalion\" + 0.008*\"forc\" + 0.008*\"teufel\" + 0.007*\"armi\" + 0.007*\"till\" + 0.007*\"empath\" + 0.006*\"govern\" + 0.006*\"militari\"\n", - "2019-01-31 00:50:38,746 : INFO : topic #44 (0.020): 0.034*\"rooftop\" + 0.026*\"final\" + 0.024*\"wife\" + 0.020*\"tourist\" + 0.019*\"champion\" + 0.015*\"chamber\" + 0.015*\"tiepolo\" + 0.014*\"martin\" + 0.014*\"taxpay\" + 0.012*\"women\"\n", - "2019-01-31 00:50:38,747 : INFO : topic #13 (0.020): 0.028*\"sourc\" + 0.027*\"australia\" + 0.026*\"new\" + 0.025*\"london\" + 0.023*\"australian\" + 0.022*\"england\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:50:38,748 : INFO : topic #31 (0.020): 0.055*\"fusiform\" + 0.026*\"taxpay\" + 0.026*\"scientist\" + 0.024*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 00:50:38,749 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.036*\"publicis\" + 0.025*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"collect\" + 0.011*\"nicola\" + 0.011*\"storag\" + 0.011*\"magazin\"\n", - "2019-01-31 00:50:38,755 : INFO : topic diff=0.005063, rho=0.031513\n", - "2019-01-31 00:50:38,914 : INFO : PROGRESS: pass 0, at document #2016000/4922894\n", - "2019-01-31 00:50:40,451 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:50:40,718 : INFO : topic #19 (0.020): 0.015*\"languag\" + 0.013*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.007*\"like\"\n", - "2019-01-31 00:50:40,719 : INFO : topic #44 (0.020): 0.034*\"rooftop\" + 0.026*\"final\" + 0.024*\"wife\" + 0.020*\"tourist\" + 0.019*\"champion\" + 0.015*\"chamber\" + 0.015*\"tiepolo\" + 0.014*\"martin\" + 0.014*\"taxpay\" + 0.013*\"women\"\n", - "2019-01-31 00:50:40,720 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.021*\"walter\" + 0.021*\"armi\" + 0.018*\"com\" + 0.014*\"militari\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 00:50:40,721 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.023*\"cortic\" + 0.019*\"start\" + 0.017*\"act\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"polaris\" + 0.009*\"legal\" + 0.009*\"replac\" + 0.008*\"princess\"\n", - "2019-01-31 00:50:40,722 : INFO : topic #11 (0.020): 0.025*\"john\" + 0.013*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"georg\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:50:40,728 : INFO : topic diff=0.004565, rho=0.031497\n", - "2019-01-31 00:50:40,888 : INFO : PROGRESS: pass 0, at document #2018000/4922894\n", - "2019-01-31 00:50:42,311 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:50:42,578 : INFO : topic #25 (0.020): 0.033*\"ring\" + 0.017*\"warmth\" + 0.016*\"area\" + 0.016*\"lagrang\" + 0.015*\"mount\" + 0.009*\"palmer\" + 0.009*\"land\" + 0.008*\"north\" + 0.008*\"foam\" + 0.008*\"lobe\"\n", - "2019-01-31 00:50:42,579 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.024*\"factor\" + 0.018*\"adulthood\" + 0.015*\"feel\" + 0.013*\"male\" + 0.011*\"plaisir\" + 0.010*\"genu\" + 0.010*\"hostil\" + 0.009*\"live\" + 0.008*\"biom\"\n", - "2019-01-31 00:50:42,580 : INFO : topic #39 (0.020): 0.056*\"canada\" + 0.042*\"canadian\" + 0.023*\"toronto\" + 0.021*\"ontario\" + 0.021*\"hoar\" + 0.015*\"hydrogen\" + 0.014*\"new\" + 0.014*\"novotná\" + 0.013*\"misericordia\" + 0.012*\"quebec\"\n", - "2019-01-31 00:50:42,581 : INFO : topic #0 (0.020): 0.065*\"statewid\" + 0.041*\"line\" + 0.034*\"raid\" + 0.033*\"arsen\" + 0.027*\"museo\" + 0.020*\"traceabl\" + 0.018*\"serv\" + 0.014*\"pain\" + 0.013*\"exhaust\" + 0.013*\"oper\"\n", - "2019-01-31 00:50:42,582 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.021*\"walter\" + 0.020*\"armi\" + 0.019*\"com\" + 0.014*\"militari\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 00:50:42,588 : INFO : topic diff=0.004261, rho=0.031481\n", - "2019-01-31 00:50:45,312 : INFO : -11.609 per-word bound, 3124.1 perplexity estimate based on a held-out corpus of 2000 documents with 559192 words\n", - "2019-01-31 00:50:45,313 : INFO : PROGRESS: pass 0, at document #2020000/4922894\n", - "2019-01-31 00:50:46,717 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:50:46,983 : INFO : topic #35 (0.020): 0.059*\"russia\" + 0.039*\"sovereignti\" + 0.035*\"rural\" + 0.025*\"poison\" + 0.024*\"personifi\" + 0.023*\"reprint\" + 0.021*\"moscow\" + 0.018*\"poland\" + 0.016*\"unfortun\" + 0.014*\"czech\"\n", - "2019-01-31 00:50:46,984 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"gener\" + 0.007*\"exampl\" + 0.006*\"poet\" + 0.006*\"servitud\" + 0.006*\"théori\" + 0.006*\"southern\" + 0.006*\"method\" + 0.005*\"measur\"\n", - "2019-01-31 00:50:46,986 : INFO : topic #7 (0.020): 0.020*\"di\" + 0.020*\"snatch\" + 0.018*\"factor\" + 0.015*\"margin\" + 0.015*\"yawn\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"will\" + 0.012*\"john\"\n", - "2019-01-31 00:50:46,987 : INFO : topic #21 (0.020): 0.037*\"samford\" + 0.023*\"spain\" + 0.019*\"mexico\" + 0.019*\"del\" + 0.015*\"soviet\" + 0.012*\"juan\" + 0.011*\"carlo\" + 0.011*\"santa\" + 0.011*\"francisco\" + 0.011*\"lizard\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:50:46,988 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.066*\"best\" + 0.032*\"yawn\" + 0.031*\"jacksonvil\" + 0.022*\"japanes\" + 0.020*\"noll\" + 0.019*\"festiv\" + 0.018*\"women\" + 0.016*\"intern\" + 0.014*\"misconcept\"\n", - "2019-01-31 00:50:46,994 : INFO : topic diff=0.004643, rho=0.031466\n", - "2019-01-31 00:50:47,150 : INFO : PROGRESS: pass 0, at document #2022000/4922894\n", - "2019-01-31 00:50:48,545 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:50:48,812 : INFO : topic #6 (0.020): 0.072*\"fewer\" + 0.024*\"epiru\" + 0.023*\"septemb\" + 0.019*\"teacher\" + 0.017*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:50:48,813 : INFO : topic #16 (0.020): 0.055*\"king\" + 0.030*\"priest\" + 0.021*\"duke\" + 0.020*\"rotterdam\" + 0.019*\"idiosyncrat\" + 0.018*\"grammat\" + 0.016*\"quarterli\" + 0.014*\"count\" + 0.014*\"portugues\" + 0.012*\"brazil\"\n", - "2019-01-31 00:50:48,814 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 00:50:48,815 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.008*\"have\" + 0.007*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"treat\" + 0.005*\"cancer\"\n", - "2019-01-31 00:50:48,816 : INFO : topic #35 (0.020): 0.058*\"russia\" + 0.039*\"sovereignti\" + 0.035*\"rural\" + 0.026*\"poison\" + 0.024*\"personifi\" + 0.023*\"reprint\" + 0.020*\"moscow\" + 0.018*\"poland\" + 0.016*\"unfortun\" + 0.014*\"czech\"\n", - "2019-01-31 00:50:48,822 : INFO : topic diff=0.003888, rho=0.031450\n", - "2019-01-31 00:50:48,981 : INFO : PROGRESS: pass 0, at document #2024000/4922894\n", - "2019-01-31 00:50:50,381 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:50:50,647 : INFO : topic #30 (0.020): 0.035*\"leagu\" + 0.035*\"cleveland\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.025*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:50:50,648 : INFO : topic #28 (0.020): 0.031*\"build\" + 0.025*\"hous\" + 0.021*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.013*\"briarwood\" + 0.011*\"constitut\" + 0.010*\"strategist\" + 0.010*\"depress\" + 0.010*\"linear\"\n", - "2019-01-31 00:50:50,650 : INFO : topic #29 (0.020): 0.028*\"companhia\" + 0.012*\"million\" + 0.011*\"busi\" + 0.010*\"market\" + 0.010*\"bank\" + 0.010*\"produc\" + 0.009*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 00:50:50,651 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.035*\"publicis\" + 0.025*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"collect\" + 0.012*\"storag\" + 0.012*\"nicola\" + 0.011*\"magazin\"\n", - "2019-01-31 00:50:50,652 : INFO : topic #4 (0.020): 0.022*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.008*\"elabor\" + 0.008*\"mode\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.007*\"encyclopedia\" + 0.006*\"spectacl\" + 0.006*\"produc\"\n", - "2019-01-31 00:50:50,658 : INFO : topic diff=0.005177, rho=0.031435\n", - "2019-01-31 00:50:50,812 : INFO : PROGRESS: pass 0, at document #2026000/4922894\n", - "2019-01-31 00:50:52,178 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:50:52,444 : INFO : topic #30 (0.020): 0.035*\"cleveland\" + 0.035*\"leagu\" + 0.031*\"place\" + 0.027*\"taxpay\" + 0.025*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:50:52,445 : INFO : topic #44 (0.020): 0.033*\"rooftop\" + 0.026*\"final\" + 0.024*\"wife\" + 0.021*\"tourist\" + 0.019*\"champion\" + 0.015*\"martin\" + 0.015*\"tiepolo\" + 0.015*\"chamber\" + 0.014*\"taxpay\" + 0.012*\"women\"\n", - "2019-01-31 00:50:52,447 : INFO : topic #43 (0.020): 0.062*\"elect\" + 0.054*\"parti\" + 0.025*\"voluntari\" + 0.022*\"democrat\" + 0.019*\"member\" + 0.016*\"polici\" + 0.016*\"liber\" + 0.014*\"republ\" + 0.014*\"conserv\" + 0.013*\"bypass\"\n", - "2019-01-31 00:50:52,448 : INFO : topic #28 (0.020): 0.031*\"build\" + 0.025*\"hous\" + 0.021*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.013*\"briarwood\" + 0.011*\"constitut\" + 0.010*\"strategist\" + 0.010*\"depress\" + 0.010*\"linear\"\n", - "2019-01-31 00:50:52,449 : INFO : topic #29 (0.020): 0.028*\"companhia\" + 0.012*\"million\" + 0.011*\"busi\" + 0.011*\"bank\" + 0.010*\"market\" + 0.010*\"produc\" + 0.009*\"industri\" + 0.009*\"yawn\" + 0.007*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 00:50:52,455 : INFO : topic diff=0.004865, rho=0.031419\n", - "2019-01-31 00:50:52,608 : INFO : PROGRESS: pass 0, at document #2028000/4922894\n", - "2019-01-31 00:50:53,978 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:50:54,244 : INFO : topic #46 (0.020): 0.018*\"damag\" + 0.017*\"stop\" + 0.017*\"sweden\" + 0.016*\"swedish\" + 0.016*\"wind\" + 0.015*\"norwai\" + 0.014*\"norwegian\" + 0.012*\"turkish\" + 0.012*\"denmark\" + 0.011*\"huntsvil\"\n", - "2019-01-31 00:50:54,245 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.023*\"cortic\" + 0.019*\"start\" + 0.017*\"act\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"polaris\" + 0.009*\"legal\" + 0.009*\"replac\" + 0.008*\"princess\"\n", - "2019-01-31 00:50:54,247 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.023*\"spain\" + 0.018*\"del\" + 0.018*\"mexico\" + 0.015*\"soviet\" + 0.012*\"carlo\" + 0.012*\"juan\" + 0.011*\"santa\" + 0.011*\"francisco\" + 0.011*\"josé\"\n", - "2019-01-31 00:50:54,247 : INFO : topic #48 (0.020): 0.081*\"march\" + 0.079*\"sens\" + 0.077*\"octob\" + 0.072*\"juli\" + 0.071*\"april\" + 0.070*\"januari\" + 0.069*\"august\" + 0.069*\"notion\" + 0.069*\"judici\" + 0.066*\"decatur\"\n", - "2019-01-31 00:50:54,249 : INFO : topic #37 (0.020): 0.010*\"man\" + 0.009*\"charact\" + 0.008*\"septemb\" + 0.007*\"love\" + 0.007*\"comic\" + 0.007*\"gestur\" + 0.006*\"anim\" + 0.006*\"appear\" + 0.005*\"vision\" + 0.005*\"blue\"\n", - "2019-01-31 00:50:54,254 : INFO : topic diff=0.004494, rho=0.031404\n", - "2019-01-31 00:50:54,410 : INFO : PROGRESS: pass 0, at document #2030000/4922894\n", - "2019-01-31 00:50:55,770 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:50:56,036 : INFO : topic #42 (0.020): 0.048*\"german\" + 0.032*\"germani\" + 0.015*\"vol\" + 0.014*\"berlin\" + 0.014*\"israel\" + 0.014*\"jewish\" + 0.013*\"der\" + 0.011*\"european\" + 0.010*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 00:50:56,037 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.047*\"franc\" + 0.031*\"pari\" + 0.024*\"sail\" + 0.023*\"jean\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.011*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 00:50:56,038 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.023*\"spain\" + 0.018*\"del\" + 0.018*\"mexico\" + 0.015*\"soviet\" + 0.012*\"juan\" + 0.012*\"carlo\" + 0.011*\"santa\" + 0.011*\"francisco\" + 0.011*\"josé\"\n", - "2019-01-31 00:50:56,039 : INFO : topic #32 (0.020): 0.052*\"district\" + 0.046*\"popolo\" + 0.045*\"vigour\" + 0.038*\"tortur\" + 0.033*\"cotton\" + 0.027*\"area\" + 0.023*\"multitud\" + 0.021*\"regim\" + 0.021*\"citi\" + 0.020*\"cede\"\n", - "2019-01-31 00:50:56,040 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.021*\"walter\" + 0.021*\"armi\" + 0.018*\"com\" + 0.014*\"unionist\" + 0.014*\"oper\" + 0.014*\"militari\" + 0.012*\"diversifi\" + 0.012*\"airbu\"\n", - "2019-01-31 00:50:56,046 : INFO : topic diff=0.004602, rho=0.031388\n", - "2019-01-31 00:50:56,201 : INFO : PROGRESS: pass 0, at document #2032000/4922894\n", - "2019-01-31 00:50:57,580 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:50:57,847 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.013*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"georg\" + 0.009*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:50:57,848 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.038*\"shield\" + 0.019*\"narrat\" + 0.013*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.009*\"fleet\" + 0.009*\"class\"\n", - "2019-01-31 00:50:57,849 : INFO : topic #33 (0.020): 0.063*\"french\" + 0.048*\"franc\" + 0.031*\"pari\" + 0.024*\"sail\" + 0.023*\"jean\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.011*\"wine\"\n", - "2019-01-31 00:50:57,850 : INFO : topic #35 (0.020): 0.057*\"russia\" + 0.038*\"sovereignti\" + 0.034*\"rural\" + 0.026*\"poison\" + 0.026*\"personifi\" + 0.024*\"reprint\" + 0.020*\"moscow\" + 0.019*\"poland\" + 0.015*\"unfortun\" + 0.014*\"czech\"\n", - "2019-01-31 00:50:57,851 : INFO : topic #4 (0.020): 0.022*\"enfranchis\" + 0.015*\"depress\" + 0.015*\"pour\" + 0.008*\"elabor\" + 0.008*\"mode\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.006*\"encyclopedia\" + 0.006*\"spectacl\" + 0.006*\"produc\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:50:57,857 : INFO : topic diff=0.005449, rho=0.031373\n", - "2019-01-31 00:50:58,012 : INFO : PROGRESS: pass 0, at document #2034000/4922894\n", - "2019-01-31 00:50:59,392 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:50:59,659 : INFO : topic #31 (0.020): 0.054*\"fusiform\" + 0.026*\"taxpay\" + 0.026*\"scientist\" + 0.024*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 00:50:59,660 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.047*\"franc\" + 0.030*\"pari\" + 0.024*\"sail\" + 0.023*\"jean\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.011*\"wine\"\n", - "2019-01-31 00:50:59,661 : INFO : topic #20 (0.020): 0.146*\"scholar\" + 0.039*\"struggl\" + 0.036*\"high\" + 0.029*\"educ\" + 0.021*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.010*\"gothic\" + 0.009*\"start\"\n", - "2019-01-31 00:50:59,662 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.035*\"cleveland\" + 0.031*\"place\" + 0.027*\"taxpay\" + 0.025*\"scientist\" + 0.024*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.016*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:50:59,663 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.020*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 00:50:59,669 : INFO : topic diff=0.005613, rho=0.031357\n", - "2019-01-31 00:50:59,827 : INFO : PROGRESS: pass 0, at document #2036000/4922894\n", - "2019-01-31 00:51:01,222 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:51:01,488 : INFO : topic #28 (0.020): 0.032*\"build\" + 0.025*\"hous\" + 0.021*\"rivièr\" + 0.017*\"buford\" + 0.014*\"histor\" + 0.012*\"briarwood\" + 0.011*\"constitut\" + 0.010*\"depress\" + 0.010*\"linear\" + 0.010*\"strategist\"\n", - "2019-01-31 00:51:01,489 : INFO : topic #16 (0.020): 0.054*\"king\" + 0.031*\"priest\" + 0.020*\"rotterdam\" + 0.020*\"duke\" + 0.018*\"idiosyncrat\" + 0.018*\"grammat\" + 0.018*\"quarterli\" + 0.014*\"portugues\" + 0.014*\"count\" + 0.012*\"brazil\"\n", - "2019-01-31 00:51:01,490 : INFO : topic #32 (0.020): 0.052*\"district\" + 0.046*\"popolo\" + 0.045*\"vigour\" + 0.038*\"tortur\" + 0.033*\"cotton\" + 0.027*\"area\" + 0.023*\"multitud\" + 0.021*\"regim\" + 0.021*\"citi\" + 0.020*\"cede\"\n", - "2019-01-31 00:51:01,491 : INFO : topic #43 (0.020): 0.062*\"elect\" + 0.055*\"parti\" + 0.025*\"voluntari\" + 0.022*\"democrat\" + 0.019*\"member\" + 0.016*\"polici\" + 0.015*\"liber\" + 0.014*\"republ\" + 0.014*\"conserv\" + 0.013*\"bypass\"\n", - "2019-01-31 00:51:01,492 : INFO : topic #27 (0.020): 0.069*\"questionnair\" + 0.020*\"taxpay\" + 0.019*\"candid\" + 0.012*\"driver\" + 0.012*\"tornado\" + 0.012*\"find\" + 0.012*\"ret\" + 0.011*\"fool\" + 0.011*\"squatter\" + 0.010*\"champion\"\n", - "2019-01-31 00:51:01,499 : INFO : topic diff=0.005632, rho=0.031342\n", - "2019-01-31 00:51:01,655 : INFO : PROGRESS: pass 0, at document #2038000/4922894\n", - "2019-01-31 00:51:03,010 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:51:03,276 : INFO : topic #17 (0.020): 0.075*\"church\" + 0.024*\"cathol\" + 0.021*\"christian\" + 0.020*\"bishop\" + 0.017*\"retroflex\" + 0.017*\"sail\" + 0.011*\"cathedr\" + 0.010*\"centuri\" + 0.009*\"relationship\" + 0.009*\"poll\"\n", - "2019-01-31 00:51:03,277 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.031*\"germani\" + 0.015*\"israel\" + 0.014*\"vol\" + 0.014*\"berlin\" + 0.013*\"jewish\" + 0.012*\"der\" + 0.011*\"european\" + 0.009*\"europ\" + 0.009*\"isra\"\n", - "2019-01-31 00:51:03,279 : INFO : topic #38 (0.020): 0.024*\"walter\" + 0.011*\"aza\" + 0.008*\"battalion\" + 0.008*\"forc\" + 0.008*\"teufel\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.007*\"till\" + 0.006*\"govern\" + 0.006*\"militari\"\n", - "2019-01-31 00:51:03,280 : INFO : topic #29 (0.020): 0.028*\"companhia\" + 0.012*\"million\" + 0.012*\"busi\" + 0.011*\"bank\" + 0.010*\"market\" + 0.010*\"produc\" + 0.009*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 00:51:03,281 : INFO : topic #34 (0.020): 0.071*\"start\" + 0.031*\"unionist\" + 0.031*\"new\" + 0.030*\"american\" + 0.026*\"cotton\" + 0.018*\"year\" + 0.015*\"california\" + 0.013*\"terri\" + 0.013*\"warrior\" + 0.012*\"north\"\n", - "2019-01-31 00:51:03,287 : INFO : topic diff=0.005952, rho=0.031327\n", - "2019-01-31 00:51:06,053 : INFO : -11.678 per-word bound, 3276.1 perplexity estimate based on a held-out corpus of 2000 documents with 596515 words\n", - "2019-01-31 00:51:06,054 : INFO : PROGRESS: pass 0, at document #2040000/4922894\n", - "2019-01-31 00:51:07,463 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:51:07,729 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.014*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.006*\"like\"\n", - "2019-01-31 00:51:07,730 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"commun\" + 0.010*\"develop\" + 0.009*\"group\" + 0.009*\"word\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"cultur\" + 0.007*\"human\"\n", - "2019-01-31 00:51:07,731 : INFO : topic #35 (0.020): 0.057*\"russia\" + 0.038*\"sovereignti\" + 0.034*\"rural\" + 0.028*\"personifi\" + 0.026*\"poison\" + 0.024*\"reprint\" + 0.020*\"moscow\" + 0.018*\"poland\" + 0.015*\"unfortun\" + 0.014*\"czech\"\n", - "2019-01-31 00:51:07,732 : INFO : topic #3 (0.020): 0.037*\"present\" + 0.027*\"minist\" + 0.026*\"offic\" + 0.021*\"nation\" + 0.021*\"member\" + 0.020*\"govern\" + 0.016*\"gener\" + 0.016*\"start\" + 0.016*\"serv\" + 0.015*\"seri\"\n", - "2019-01-31 00:51:07,733 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.023*\"epiru\" + 0.023*\"septemb\" + 0.019*\"teacher\" + 0.017*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.012*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:51:07,739 : INFO : topic diff=0.005178, rho=0.031311\n", - "2019-01-31 00:51:07,895 : INFO : PROGRESS: pass 0, at document #2042000/4922894\n", - "2019-01-31 00:51:09,279 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:51:09,545 : INFO : topic #0 (0.020): 0.065*\"statewid\" + 0.039*\"line\" + 0.035*\"raid\" + 0.035*\"arsen\" + 0.027*\"museo\" + 0.020*\"traceabl\" + 0.017*\"serv\" + 0.014*\"pain\" + 0.013*\"exhaust\" + 0.012*\"oper\"\n", - "2019-01-31 00:51:09,546 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.015*\"margin\" + 0.015*\"yawn\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"will\" + 0.012*\"deal\"\n", - "2019-01-31 00:51:09,547 : INFO : topic #2 (0.020): 0.047*\"isl\" + 0.039*\"shield\" + 0.019*\"narrat\" + 0.013*\"scot\" + 0.012*\"pope\" + 0.011*\"blur\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.009*\"fleet\" + 0.009*\"class\"\n", - "2019-01-31 00:51:09,548 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.018*\"mexico\" + 0.015*\"soviet\" + 0.012*\"carlo\" + 0.012*\"juan\" + 0.012*\"santa\" + 0.011*\"francisco\" + 0.011*\"lizard\"\n", - "2019-01-31 00:51:09,549 : INFO : topic #39 (0.020): 0.056*\"canada\" + 0.043*\"canadian\" + 0.022*\"toronto\" + 0.021*\"ontario\" + 0.021*\"hoar\" + 0.019*\"colonist\" + 0.015*\"hydrogen\" + 0.014*\"new\" + 0.013*\"misericordia\" + 0.013*\"novotná\"\n", - "2019-01-31 00:51:09,556 : INFO : topic diff=0.004144, rho=0.031296\n", - "2019-01-31 00:51:09,715 : INFO : PROGRESS: pass 0, at document #2044000/4922894\n", - "2019-01-31 00:51:11,122 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:51:11,388 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.039*\"shield\" + 0.019*\"narrat\" + 0.013*\"scot\" + 0.012*\"pope\" + 0.011*\"blur\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.010*\"fleet\" + 0.009*\"class\"\n", - "2019-01-31 00:51:11,389 : INFO : topic #48 (0.020): 0.078*\"march\" + 0.076*\"sens\" + 0.076*\"octob\" + 0.071*\"juli\" + 0.069*\"notion\" + 0.069*\"januari\" + 0.068*\"judici\" + 0.068*\"april\" + 0.068*\"august\" + 0.067*\"decatur\"\n", - "2019-01-31 00:51:11,391 : INFO : topic #37 (0.020): 0.009*\"man\" + 0.009*\"charact\" + 0.008*\"septemb\" + 0.007*\"love\" + 0.007*\"comic\" + 0.007*\"gestur\" + 0.006*\"appear\" + 0.006*\"anim\" + 0.005*\"blue\" + 0.005*\"vision\"\n", - "2019-01-31 00:51:11,391 : INFO : topic #1 (0.020): 0.056*\"china\" + 0.048*\"chilton\" + 0.023*\"hong\" + 0.023*\"kong\" + 0.022*\"korea\" + 0.018*\"korean\" + 0.016*\"sourc\" + 0.016*\"leah\" + 0.015*\"shirin\" + 0.014*\"kim\"\n", - "2019-01-31 00:51:11,393 : INFO : topic #4 (0.020): 0.022*\"enfranchis\" + 0.015*\"depress\" + 0.015*\"pour\" + 0.008*\"elabor\" + 0.008*\"mode\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.007*\"encyclopedia\" + 0.007*\"spectacl\" + 0.006*\"produc\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:51:11,398 : INFO : topic diff=0.004961, rho=0.031281\n", - "2019-01-31 00:51:11,558 : INFO : PROGRESS: pass 0, at document #2046000/4922894\n", - "2019-01-31 00:51:12,971 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:51:13,238 : INFO : topic #28 (0.020): 0.032*\"build\" + 0.026*\"hous\" + 0.021*\"rivièr\" + 0.017*\"buford\" + 0.014*\"histor\" + 0.012*\"briarwood\" + 0.011*\"constitut\" + 0.010*\"depress\" + 0.010*\"linear\" + 0.010*\"strategist\"\n", - "2019-01-31 00:51:13,239 : INFO : topic #29 (0.020): 0.028*\"companhia\" + 0.012*\"million\" + 0.012*\"busi\" + 0.011*\"bank\" + 0.010*\"market\" + 0.010*\"produc\" + 0.009*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 00:51:13,240 : INFO : topic #46 (0.020): 0.019*\"damag\" + 0.017*\"stop\" + 0.017*\"sweden\" + 0.016*\"swedish\" + 0.015*\"norwai\" + 0.015*\"wind\" + 0.014*\"norwegian\" + 0.012*\"turkish\" + 0.011*\"denmark\" + 0.011*\"ton\"\n", - "2019-01-31 00:51:13,241 : INFO : topic #36 (0.020): 0.012*\"network\" + 0.011*\"pop\" + 0.011*\"prognosi\" + 0.008*\"develop\" + 0.008*\"softwar\" + 0.008*\"diggin\" + 0.008*\"user\" + 0.007*\"cytokin\" + 0.007*\"includ\" + 0.007*\"ural\"\n", - "2019-01-31 00:51:13,242 : INFO : topic #34 (0.020): 0.071*\"start\" + 0.031*\"unionist\" + 0.031*\"new\" + 0.030*\"american\" + 0.026*\"cotton\" + 0.018*\"year\" + 0.016*\"california\" + 0.013*\"warrior\" + 0.013*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 00:51:13,248 : INFO : topic diff=0.004858, rho=0.031265\n", - "2019-01-31 00:51:13,464 : INFO : PROGRESS: pass 0, at document #2048000/4922894\n", - "2019-01-31 00:51:14,840 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:51:15,106 : INFO : topic #0 (0.020): 0.064*\"statewid\" + 0.040*\"line\" + 0.035*\"raid\" + 0.034*\"arsen\" + 0.026*\"museo\" + 0.020*\"traceabl\" + 0.017*\"serv\" + 0.013*\"pain\" + 0.013*\"exhaust\" + 0.012*\"oper\"\n", - "2019-01-31 00:51:15,107 : INFO : topic #4 (0.020): 0.022*\"enfranchis\" + 0.015*\"depress\" + 0.015*\"pour\" + 0.008*\"mode\" + 0.008*\"elabor\" + 0.007*\"veget\" + 0.007*\"uruguayan\" + 0.007*\"spectacl\" + 0.007*\"encyclopedia\" + 0.006*\"produc\"\n", - "2019-01-31 00:51:15,109 : INFO : topic #17 (0.020): 0.076*\"church\" + 0.024*\"cathol\" + 0.022*\"christian\" + 0.020*\"bishop\" + 0.018*\"retroflex\" + 0.016*\"sail\" + 0.010*\"cathedr\" + 0.010*\"centuri\" + 0.009*\"poll\" + 0.009*\"relationship\"\n", - "2019-01-31 00:51:15,110 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"pathwai\" + 0.007*\"hormon\" + 0.007*\"have\" + 0.007*\"caus\" + 0.006*\"effect\" + 0.006*\"proper\" + 0.006*\"treat\"\n", - "2019-01-31 00:51:15,111 : INFO : topic #44 (0.020): 0.033*\"rooftop\" + 0.027*\"final\" + 0.024*\"wife\" + 0.020*\"tourist\" + 0.018*\"champion\" + 0.015*\"martin\" + 0.015*\"tiepolo\" + 0.014*\"chamber\" + 0.014*\"taxpay\" + 0.012*\"defeat\"\n", - "2019-01-31 00:51:15,117 : INFO : topic diff=0.004943, rho=0.031250\n", - "2019-01-31 00:51:15,272 : INFO : PROGRESS: pass 0, at document #2050000/4922894\n", - "2019-01-31 00:51:16,645 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:51:16,911 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"group\" + 0.009*\"word\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"cultur\" + 0.007*\"human\"\n", - "2019-01-31 00:51:16,912 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.039*\"shield\" + 0.019*\"narrat\" + 0.013*\"scot\" + 0.012*\"pope\" + 0.011*\"blur\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.010*\"fleet\" + 0.009*\"class\"\n", - "2019-01-31 00:51:16,914 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.024*\"factor\" + 0.018*\"adulthood\" + 0.015*\"feel\" + 0.013*\"male\" + 0.011*\"plaisir\" + 0.010*\"genu\" + 0.010*\"hostil\" + 0.009*\"biom\" + 0.008*\"live\"\n", - "2019-01-31 00:51:16,915 : INFO : topic #4 (0.020): 0.022*\"enfranchis\" + 0.015*\"depress\" + 0.015*\"pour\" + 0.008*\"elabor\" + 0.008*\"mode\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.007*\"encyclopedia\" + 0.007*\"spectacl\" + 0.006*\"produc\"\n", - "2019-01-31 00:51:16,916 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.025*\"new\" + 0.022*\"palmer\" + 0.014*\"strategist\" + 0.012*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 00:51:16,922 : INFO : topic diff=0.004641, rho=0.031235\n", - "2019-01-31 00:51:17,075 : INFO : PROGRESS: pass 0, at document #2052000/4922894\n", - "2019-01-31 00:51:18,441 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:51:18,708 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.014*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.006*\"like\"\n", - "2019-01-31 00:51:18,709 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.018*\"mexico\" + 0.014*\"soviet\" + 0.012*\"carlo\" + 0.011*\"juan\" + 0.011*\"santa\" + 0.011*\"francisco\" + 0.011*\"italian\"\n", - "2019-01-31 00:51:18,710 : INFO : topic #36 (0.020): 0.012*\"network\" + 0.012*\"pop\" + 0.011*\"prognosi\" + 0.008*\"develop\" + 0.008*\"user\" + 0.008*\"softwar\" + 0.007*\"brio\" + 0.007*\"diggin\" + 0.007*\"ural\" + 0.007*\"includ\"\n", - "2019-01-31 00:51:18,711 : INFO : topic #46 (0.020): 0.019*\"damag\" + 0.017*\"sweden\" + 0.017*\"stop\" + 0.017*\"swedish\" + 0.015*\"norwai\" + 0.015*\"wind\" + 0.014*\"norwegian\" + 0.012*\"turkish\" + 0.012*\"denmark\" + 0.011*\"danish\"\n", - "2019-01-31 00:51:18,712 : INFO : topic #0 (0.020): 0.065*\"statewid\" + 0.040*\"line\" + 0.035*\"raid\" + 0.034*\"arsen\" + 0.026*\"museo\" + 0.020*\"traceabl\" + 0.017*\"serv\" + 0.014*\"pain\" + 0.013*\"exhaust\" + 0.012*\"oper\"\n", - "2019-01-31 00:51:18,718 : INFO : topic diff=0.004776, rho=0.031220\n", - "2019-01-31 00:51:18,877 : INFO : PROGRESS: pass 0, at document #2054000/4922894\n", - "2019-01-31 00:51:20,263 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:51:20,530 : INFO : topic #46 (0.020): 0.018*\"damag\" + 0.017*\"stop\" + 0.017*\"sweden\" + 0.016*\"swedish\" + 0.015*\"norwai\" + 0.015*\"wind\" + 0.014*\"norwegian\" + 0.012*\"denmark\" + 0.012*\"turkish\" + 0.012*\"danish\"\n", - "2019-01-31 00:51:20,531 : INFO : topic #48 (0.020): 0.079*\"march\" + 0.076*\"octob\" + 0.076*\"sens\" + 0.071*\"juli\" + 0.070*\"januari\" + 0.070*\"notion\" + 0.068*\"april\" + 0.068*\"august\" + 0.068*\"judici\" + 0.067*\"decatur\"\n", - "2019-01-31 00:51:20,532 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.014*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.008*\"mean\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.006*\"like\"\n", - "2019-01-31 00:51:20,533 : INFO : topic #36 (0.020): 0.012*\"network\" + 0.011*\"pop\" + 0.011*\"prognosi\" + 0.008*\"develop\" + 0.008*\"softwar\" + 0.008*\"user\" + 0.008*\"brio\" + 0.007*\"ural\" + 0.007*\"diggin\" + 0.007*\"includ\"\n", - "2019-01-31 00:51:20,534 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.018*\"mexico\" + 0.014*\"soviet\" + 0.012*\"carlo\" + 0.012*\"juan\" + 0.011*\"santa\" + 0.011*\"francisco\" + 0.011*\"josé\"\n", - "2019-01-31 00:51:20,540 : INFO : topic diff=0.004122, rho=0.031204\n", - "2019-01-31 00:51:20,695 : INFO : PROGRESS: pass 0, at document #2056000/4922894\n", - "2019-01-31 00:51:22,077 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:51:22,344 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.015*\"margin\" + 0.015*\"yawn\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"deal\" + 0.012*\"will\"\n", - "2019-01-31 00:51:22,345 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.020*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 00:51:22,346 : INFO : topic #36 (0.020): 0.012*\"network\" + 0.011*\"pop\" + 0.011*\"prognosi\" + 0.008*\"develop\" + 0.008*\"diggin\" + 0.008*\"softwar\" + 0.007*\"ural\" + 0.007*\"user\" + 0.007*\"brio\" + 0.007*\"uruguayan\"\n", - "2019-01-31 00:51:22,347 : INFO : topic #34 (0.020): 0.070*\"start\" + 0.031*\"new\" + 0.030*\"unionist\" + 0.030*\"american\" + 0.026*\"cotton\" + 0.018*\"year\" + 0.016*\"california\" + 0.013*\"terri\" + 0.013*\"warrior\" + 0.012*\"north\"\n", - "2019-01-31 00:51:22,348 : INFO : topic #27 (0.020): 0.069*\"questionnair\" + 0.020*\"taxpay\" + 0.019*\"candid\" + 0.013*\"tornado\" + 0.013*\"driver\" + 0.012*\"squatter\" + 0.012*\"find\" + 0.011*\"théori\" + 0.011*\"ret\" + 0.010*\"fool\"\n", - "2019-01-31 00:51:22,354 : INFO : topic diff=0.005014, rho=0.031189\n", - "2019-01-31 00:51:22,513 : INFO : PROGRESS: pass 0, at document #2058000/4922894\n", - "2019-01-31 00:51:23,908 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:51:24,174 : INFO : topic #33 (0.020): 0.060*\"french\" + 0.046*\"franc\" + 0.030*\"pari\" + 0.024*\"sail\" + 0.022*\"jean\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.012*\"wreath\" + 0.011*\"piec\"\n", - "2019-01-31 00:51:24,175 : INFO : topic #38 (0.020): 0.024*\"walter\" + 0.011*\"aza\" + 0.009*\"teufel\" + 0.009*\"battalion\" + 0.008*\"forc\" + 0.008*\"empath\" + 0.007*\"till\" + 0.007*\"armi\" + 0.006*\"govern\" + 0.006*\"pour\"\n", - "2019-01-31 00:51:24,176 : INFO : topic #9 (0.020): 0.076*\"bone\" + 0.045*\"american\" + 0.026*\"valour\" + 0.018*\"folei\" + 0.018*\"player\" + 0.018*\"dutch\" + 0.018*\"polit\" + 0.016*\"english\" + 0.013*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 00:51:24,177 : INFO : topic #34 (0.020): 0.070*\"start\" + 0.031*\"new\" + 0.030*\"unionist\" + 0.030*\"american\" + 0.026*\"cotton\" + 0.018*\"year\" + 0.016*\"california\" + 0.013*\"terri\" + 0.013*\"warrior\" + 0.012*\"north\"\n", - "2019-01-31 00:51:24,178 : INFO : topic #28 (0.020): 0.031*\"build\" + 0.026*\"hous\" + 0.021*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.012*\"briarwood\" + 0.011*\"strategist\" + 0.010*\"constitut\" + 0.010*\"depress\" + 0.010*\"linear\"\n", - "2019-01-31 00:51:24,184 : INFO : topic diff=0.004734, rho=0.031174\n", - "2019-01-31 00:51:26,892 : INFO : -12.012 per-word bound, 4131.2 perplexity estimate based on a held-out corpus of 2000 documents with 573678 words\n", - "2019-01-31 00:51:26,892 : INFO : PROGRESS: pass 0, at document #2060000/4922894\n", - "2019-01-31 00:51:28,286 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:51:28,552 : INFO : topic #14 (0.020): 0.023*\"forc\" + 0.022*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.014*\"unionist\" + 0.014*\"oper\" + 0.013*\"militari\" + 0.012*\"diversifi\" + 0.012*\"airbu\"\n", - "2019-01-31 00:51:28,553 : INFO : topic #3 (0.020): 0.035*\"present\" + 0.027*\"minist\" + 0.027*\"offic\" + 0.021*\"nation\" + 0.021*\"govern\" + 0.020*\"member\" + 0.018*\"serv\" + 0.017*\"gener\" + 0.016*\"start\" + 0.015*\"seri\"\n", - "2019-01-31 00:51:28,554 : INFO : topic #46 (0.020): 0.018*\"damag\" + 0.017*\"sweden\" + 0.016*\"swedish\" + 0.016*\"stop\" + 0.016*\"wind\" + 0.016*\"norwai\" + 0.014*\"norwegian\" + 0.012*\"danish\" + 0.012*\"denmark\" + 0.011*\"turkish\"\n", - "2019-01-31 00:51:28,555 : INFO : topic #39 (0.020): 0.056*\"canada\" + 0.043*\"canadian\" + 0.022*\"toronto\" + 0.021*\"hoar\" + 0.020*\"ontario\" + 0.017*\"colonist\" + 0.015*\"hydrogen\" + 0.014*\"new\" + 0.013*\"novotná\" + 0.013*\"misericordia\"\n", - "2019-01-31 00:51:28,557 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"exampl\" + 0.007*\"gener\" + 0.006*\"poet\" + 0.006*\"théori\" + 0.006*\"servitud\" + 0.006*\"southern\" + 0.005*\"measur\" + 0.005*\"differ\"\n", - "2019-01-31 00:51:28,562 : INFO : topic diff=0.005191, rho=0.031159\n", - "2019-01-31 00:51:28,722 : INFO : PROGRESS: pass 0, at document #2062000/4922894\n", - "2019-01-31 00:51:30,140 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:51:30,406 : INFO : topic #35 (0.020): 0.057*\"russia\" + 0.037*\"sovereignti\" + 0.033*\"rural\" + 0.028*\"personifi\" + 0.025*\"poison\" + 0.024*\"reprint\" + 0.020*\"moscow\" + 0.018*\"poland\" + 0.015*\"unfortun\" + 0.013*\"malaysia\"\n", - "2019-01-31 00:51:30,407 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"group\" + 0.009*\"word\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"cultur\" + 0.007*\"human\"\n", - "2019-01-31 00:51:30,408 : INFO : topic #37 (0.020): 0.010*\"man\" + 0.009*\"charact\" + 0.008*\"septemb\" + 0.007*\"love\" + 0.007*\"comic\" + 0.007*\"gestur\" + 0.006*\"anim\" + 0.006*\"appear\" + 0.005*\"vision\" + 0.005*\"blue\"\n", - "2019-01-31 00:51:30,409 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.014*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.008*\"mean\" + 0.008*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.006*\"like\"\n", - "2019-01-31 00:51:30,410 : INFO : topic #45 (0.020): 0.027*\"jpg\" + 0.026*\"fifteenth\" + 0.018*\"illicit\" + 0.017*\"colder\" + 0.016*\"western\" + 0.016*\"black\" + 0.013*\"record\" + 0.011*\"blind\" + 0.008*\"depress\" + 0.008*\"light\"\n", - "2019-01-31 00:51:30,416 : INFO : topic diff=0.004206, rho=0.031144\n", - "2019-01-31 00:51:30,572 : INFO : PROGRESS: pass 0, at document #2064000/4922894\n", - "2019-01-31 00:51:31,945 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:51:32,210 : INFO : topic #39 (0.020): 0.056*\"canada\" + 0.043*\"canadian\" + 0.021*\"toronto\" + 0.021*\"hoar\" + 0.020*\"ontario\" + 0.017*\"colonist\" + 0.015*\"hydrogen\" + 0.014*\"new\" + 0.013*\"novotná\" + 0.013*\"misericordia\"\n", - "2019-01-31 00:51:32,211 : INFO : topic #3 (0.020): 0.036*\"present\" + 0.027*\"offic\" + 0.026*\"minist\" + 0.021*\"nation\" + 0.020*\"govern\" + 0.020*\"member\" + 0.018*\"serv\" + 0.017*\"gener\" + 0.016*\"start\" + 0.015*\"seri\"\n", - "2019-01-31 00:51:32,212 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"depress\" + 0.015*\"pour\" + 0.008*\"mode\" + 0.008*\"elabor\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.007*\"spectacl\" + 0.007*\"encyclopedia\" + 0.006*\"develop\"\n", - "2019-01-31 00:51:32,214 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.024*\"epiru\" + 0.023*\"septemb\" + 0.019*\"teacher\" + 0.017*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:51:32,215 : INFO : topic #13 (0.020): 0.028*\"australia\" + 0.027*\"sourc\" + 0.027*\"new\" + 0.025*\"london\" + 0.023*\"australian\" + 0.022*\"england\" + 0.019*\"ireland\" + 0.018*\"british\" + 0.016*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:51:32,221 : INFO : topic diff=0.005277, rho=0.031129\n", - "2019-01-31 00:51:32,376 : INFO : PROGRESS: pass 0, at document #2066000/4922894\n", - "2019-01-31 00:51:33,741 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:51:34,008 : INFO : topic #49 (0.020): 0.042*\"india\" + 0.030*\"incumb\" + 0.014*\"anglo\" + 0.014*\"islam\" + 0.013*\"televis\" + 0.013*\"pakistan\" + 0.011*\"muskoge\" + 0.010*\"khalsa\" + 0.010*\"alam\" + 0.010*\"affection\"\n", - "2019-01-31 00:51:34,009 : INFO : topic #30 (0.020): 0.035*\"leagu\" + 0.035*\"cleveland\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.020*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:51:34,010 : INFO : topic #6 (0.020): 0.072*\"fewer\" + 0.024*\"epiru\" + 0.023*\"septemb\" + 0.019*\"teacher\" + 0.017*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:51:34,011 : INFO : topic #23 (0.020): 0.134*\"audit\" + 0.065*\"best\" + 0.031*\"yawn\" + 0.030*\"jacksonvil\" + 0.023*\"japanes\" + 0.020*\"festiv\" + 0.019*\"noll\" + 0.019*\"women\" + 0.016*\"intern\" + 0.014*\"misconcept\"\n", - "2019-01-31 00:51:34,012 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.035*\"publicis\" + 0.025*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.012*\"presid\" + 0.012*\"collect\" + 0.012*\"nicola\" + 0.012*\"storag\" + 0.011*\"author\"\n", - "2019-01-31 00:51:34,018 : INFO : topic diff=0.004418, rho=0.031114\n", - "2019-01-31 00:51:34,169 : INFO : PROGRESS: pass 0, at document #2068000/4922894\n", - "2019-01-31 00:51:35,522 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:51:35,789 : INFO : topic #30 (0.020): 0.035*\"cleveland\" + 0.035*\"leagu\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.020*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:51:35,790 : INFO : topic #32 (0.020): 0.053*\"district\" + 0.045*\"vigour\" + 0.044*\"popolo\" + 0.038*\"tortur\" + 0.034*\"cotton\" + 0.027*\"area\" + 0.023*\"multitud\" + 0.021*\"regim\" + 0.021*\"citi\" + 0.020*\"cede\"\n", - "2019-01-31 00:51:35,791 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.023*\"factor\" + 0.019*\"adulthood\" + 0.015*\"feel\" + 0.013*\"male\" + 0.011*\"plaisir\" + 0.010*\"genu\" + 0.010*\"hostil\" + 0.008*\"live\" + 0.008*\"western\"\n", - "2019-01-31 00:51:35,792 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"have\" + 0.007*\"caus\" + 0.006*\"effect\" + 0.006*\"proper\" + 0.006*\"treat\"\n", - "2019-01-31 00:51:35,793 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.012*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"georg\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:51:35,799 : INFO : topic diff=0.004478, rho=0.031099\n", - "2019-01-31 00:51:35,957 : INFO : PROGRESS: pass 0, at document #2070000/4922894\n", - "2019-01-31 00:51:37,338 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:51:37,604 : INFO : topic #20 (0.020): 0.147*\"scholar\" + 0.040*\"struggl\" + 0.036*\"high\" + 0.028*\"educ\" + 0.022*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.009*\"gothic\" + 0.009*\"class\"\n", - "2019-01-31 00:51:37,605 : INFO : topic #46 (0.020): 0.017*\"stop\" + 0.017*\"damag\" + 0.017*\"sweden\" + 0.016*\"wind\" + 0.016*\"swedish\" + 0.016*\"norwai\" + 0.014*\"norwegian\" + 0.011*\"turkish\" + 0.011*\"treeless\" + 0.011*\"denmark\"\n", - "2019-01-31 00:51:37,606 : INFO : topic #45 (0.020): 0.027*\"jpg\" + 0.026*\"fifteenth\" + 0.018*\"illicit\" + 0.017*\"colder\" + 0.016*\"black\" + 0.016*\"western\" + 0.013*\"record\" + 0.011*\"blind\" + 0.008*\"depress\" + 0.007*\"light\"\n", - "2019-01-31 00:51:37,607 : INFO : topic #43 (0.020): 0.062*\"elect\" + 0.054*\"parti\" + 0.025*\"voluntari\" + 0.022*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.015*\"liber\" + 0.014*\"republ\" + 0.014*\"bypass\" + 0.013*\"selma\"\n", - "2019-01-31 00:51:37,608 : INFO : topic #35 (0.020): 0.056*\"russia\" + 0.036*\"sovereignti\" + 0.032*\"rural\" + 0.028*\"personifi\" + 0.025*\"poison\" + 0.023*\"reprint\" + 0.020*\"moscow\" + 0.018*\"poland\" + 0.015*\"unfortun\" + 0.014*\"malaysia\"\n", - "2019-01-31 00:51:37,614 : INFO : topic diff=0.004602, rho=0.031083\n", - "2019-01-31 00:51:37,763 : INFO : PROGRESS: pass 0, at document #2072000/4922894\n", - "2019-01-31 00:51:39,102 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:51:39,369 : INFO : topic #40 (0.020): 0.090*\"unit\" + 0.023*\"schuster\" + 0.023*\"collector\" + 0.022*\"institut\" + 0.022*\"requir\" + 0.019*\"student\" + 0.015*\"professor\" + 0.012*\"word\" + 0.011*\"governor\" + 0.011*\"http\"\n", - "2019-01-31 00:51:39,370 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.038*\"shield\" + 0.019*\"narrat\" + 0.014*\"scot\" + 0.012*\"pope\" + 0.011*\"nativist\" + 0.011*\"blur\" + 0.010*\"coalit\" + 0.009*\"fleet\" + 0.009*\"class\"\n", - "2019-01-31 00:51:39,371 : INFO : topic #44 (0.020): 0.032*\"rooftop\" + 0.027*\"final\" + 0.024*\"wife\" + 0.020*\"tourist\" + 0.019*\"champion\" + 0.016*\"martin\" + 0.015*\"tiepolo\" + 0.014*\"taxpay\" + 0.014*\"chamber\" + 0.012*\"women\"\n", - "2019-01-31 00:51:39,371 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.050*\"chilton\" + 0.023*\"hong\" + 0.023*\"kong\" + 0.022*\"korea\" + 0.018*\"korean\" + 0.017*\"leah\" + 0.016*\"sourc\" + 0.015*\"kim\" + 0.014*\"shirin\"\n", - "2019-01-31 00:51:39,373 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.013*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.006*\"like\"\n", - "2019-01-31 00:51:39,378 : INFO : topic diff=0.004903, rho=0.031068\n", - "2019-01-31 00:51:39,535 : INFO : PROGRESS: pass 0, at document #2074000/4922894\n", - "2019-01-31 00:51:40,923 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:51:41,190 : INFO : topic #35 (0.020): 0.055*\"russia\" + 0.036*\"sovereignti\" + 0.032*\"rural\" + 0.029*\"personifi\" + 0.026*\"poison\" + 0.023*\"reprint\" + 0.020*\"moscow\" + 0.018*\"poland\" + 0.015*\"unfortun\" + 0.014*\"malaysia\"\n", - "2019-01-31 00:51:41,191 : INFO : topic #8 (0.020): 0.028*\"law\" + 0.024*\"cortic\" + 0.019*\"start\" + 0.019*\"act\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"polaris\" + 0.009*\"replac\" + 0.009*\"legal\" + 0.008*\"justic\"\n", - "2019-01-31 00:51:41,192 : INFO : topic #9 (0.020): 0.077*\"bone\" + 0.043*\"american\" + 0.028*\"valour\" + 0.019*\"player\" + 0.018*\"folei\" + 0.017*\"dutch\" + 0.017*\"polit\" + 0.016*\"english\" + 0.012*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 00:51:41,193 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"depress\" + 0.015*\"pour\" + 0.008*\"mode\" + 0.008*\"elabor\" + 0.007*\"uruguayan\" + 0.007*\"veget\" + 0.007*\"spectacl\" + 0.006*\"encyclopedia\" + 0.006*\"develop\"\n", - "2019-01-31 00:51:41,194 : INFO : topic #17 (0.020): 0.076*\"church\" + 0.023*\"cathol\" + 0.022*\"christian\" + 0.020*\"bishop\" + 0.017*\"retroflex\" + 0.016*\"sail\" + 0.010*\"historiographi\" + 0.009*\"centuri\" + 0.009*\"cathedr\" + 0.009*\"relationship\"\n", - "2019-01-31 00:51:41,200 : INFO : topic diff=0.005879, rho=0.031054\n", - "2019-01-31 00:51:41,357 : INFO : PROGRESS: pass 0, at document #2076000/4922894\n", - "2019-01-31 00:51:42,731 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:51:42,997 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.022*\"spain\" + 0.020*\"del\" + 0.017*\"mexico\" + 0.014*\"soviet\" + 0.012*\"carlo\" + 0.012*\"francisco\" + 0.011*\"juan\" + 0.011*\"santa\" + 0.011*\"italian\"\n", - "2019-01-31 00:51:42,998 : INFO : topic #40 (0.020): 0.090*\"unit\" + 0.023*\"schuster\" + 0.023*\"collector\" + 0.022*\"institut\" + 0.022*\"requir\" + 0.019*\"student\" + 0.015*\"professor\" + 0.012*\"word\" + 0.011*\"governor\" + 0.011*\"http\"\n", - "2019-01-31 00:51:42,999 : INFO : topic #10 (0.020): 0.010*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.008*\"pathwai\" + 0.007*\"hormon\" + 0.007*\"have\" + 0.007*\"caus\" + 0.006*\"effect\" + 0.006*\"treat\" + 0.006*\"proper\"\n", - "2019-01-31 00:51:43,000 : INFO : topic #20 (0.020): 0.146*\"scholar\" + 0.040*\"struggl\" + 0.035*\"high\" + 0.029*\"educ\" + 0.022*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.010*\"gothic\" + 0.009*\"start\"\n", - "2019-01-31 00:51:43,002 : INFO : topic #46 (0.020): 0.018*\"damag\" + 0.017*\"sweden\" + 0.017*\"norwai\" + 0.017*\"stop\" + 0.016*\"swedish\" + 0.016*\"wind\" + 0.014*\"norwegian\" + 0.011*\"turkish\" + 0.011*\"denmark\" + 0.011*\"danish\"\n", - "2019-01-31 00:51:43,007 : INFO : topic diff=0.004777, rho=0.031039\n", - "2019-01-31 00:51:43,218 : INFO : PROGRESS: pass 0, at document #2078000/4922894\n", - "2019-01-31 00:51:44,580 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:51:44,847 : INFO : topic #44 (0.020): 0.032*\"rooftop\" + 0.027*\"final\" + 0.023*\"wife\" + 0.020*\"tourist\" + 0.019*\"champion\" + 0.016*\"martin\" + 0.014*\"tiepolo\" + 0.014*\"taxpay\" + 0.014*\"chamber\" + 0.012*\"women\"\n", - "2019-01-31 00:51:44,848 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.008*\"mode\" + 0.008*\"elabor\" + 0.007*\"veget\" + 0.007*\"uruguayan\" + 0.007*\"spectacl\" + 0.006*\"encyclopedia\" + 0.006*\"develop\"\n", - "2019-01-31 00:51:44,849 : INFO : topic #33 (0.020): 0.060*\"french\" + 0.045*\"franc\" + 0.030*\"pari\" + 0.024*\"sail\" + 0.022*\"jean\" + 0.016*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.011*\"wreath\"\n", - "2019-01-31 00:51:44,850 : INFO : topic #35 (0.020): 0.055*\"russia\" + 0.037*\"sovereignti\" + 0.031*\"rural\" + 0.029*\"personifi\" + 0.026*\"poison\" + 0.023*\"reprint\" + 0.020*\"moscow\" + 0.018*\"poland\" + 0.015*\"unfortun\" + 0.014*\"turin\"\n", - "2019-01-31 00:51:44,851 : INFO : topic #43 (0.020): 0.062*\"elect\" + 0.054*\"parti\" + 0.025*\"voluntari\" + 0.021*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.015*\"liber\" + 0.014*\"republ\" + 0.014*\"bypass\" + 0.013*\"report\"\n", - "2019-01-31 00:51:44,857 : INFO : topic diff=0.004845, rho=0.031024\n", - "2019-01-31 00:51:47,535 : INFO : -11.723 per-word bound, 3379.6 perplexity estimate based on a held-out corpus of 2000 documents with 550703 words\n", - "2019-01-31 00:51:47,536 : INFO : PROGRESS: pass 0, at document #2080000/4922894\n", - "2019-01-31 00:51:48,923 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:51:49,191 : INFO : topic #38 (0.020): 0.025*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.008*\"forc\" + 0.008*\"teufel\" + 0.008*\"empath\" + 0.007*\"till\" + 0.007*\"armi\" + 0.006*\"pour\" + 0.006*\"govern\"\n", - "2019-01-31 00:51:49,192 : INFO : topic #0 (0.020): 0.063*\"statewid\" + 0.039*\"line\" + 0.035*\"raid\" + 0.035*\"arsen\" + 0.027*\"museo\" + 0.019*\"traceabl\" + 0.017*\"serv\" + 0.014*\"pain\" + 0.013*\"rosenwald\" + 0.012*\"exhaust\"\n", - "2019-01-31 00:51:49,193 : INFO : topic #32 (0.020): 0.057*\"district\" + 0.045*\"vigour\" + 0.044*\"popolo\" + 0.037*\"tortur\" + 0.034*\"cotton\" + 0.026*\"area\" + 0.022*\"multitud\" + 0.021*\"citi\" + 0.021*\"regim\" + 0.020*\"cede\"\n", - "2019-01-31 00:51:49,194 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.024*\"new\" + 0.022*\"palmer\" + 0.014*\"strategist\" + 0.012*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 00:51:49,195 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"exampl\" + 0.006*\"poet\" + 0.006*\"gener\" + 0.006*\"théori\" + 0.006*\"servitud\" + 0.006*\"southern\" + 0.006*\"measur\" + 0.006*\"differ\"\n", - "2019-01-31 00:51:49,202 : INFO : topic diff=0.004875, rho=0.031009\n", - "2019-01-31 00:51:49,392 : INFO : PROGRESS: pass 0, at document #2082000/4922894\n", - "2019-01-31 00:51:50,750 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:51:51,015 : INFO : topic #32 (0.020): 0.057*\"district\" + 0.045*\"vigour\" + 0.044*\"popolo\" + 0.037*\"tortur\" + 0.034*\"cotton\" + 0.026*\"area\" + 0.022*\"multitud\" + 0.021*\"citi\" + 0.021*\"regim\" + 0.020*\"cede\"\n", - "2019-01-31 00:51:51,016 : INFO : topic #27 (0.020): 0.069*\"questionnair\" + 0.019*\"taxpay\" + 0.019*\"candid\" + 0.013*\"driver\" + 0.012*\"fool\" + 0.012*\"tornado\" + 0.012*\"squatter\" + 0.012*\"théori\" + 0.011*\"find\" + 0.010*\"ret\"\n", - "2019-01-31 00:51:51,018 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.020*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.015*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 00:51:51,019 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.049*\"chilton\" + 0.023*\"hong\" + 0.023*\"kong\" + 0.022*\"korea\" + 0.018*\"korean\" + 0.017*\"leah\" + 0.016*\"sourc\" + 0.014*\"shirin\" + 0.014*\"kim\"\n", - "2019-01-31 00:51:51,020 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.025*\"epiru\" + 0.022*\"septemb\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.012*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:51:51,026 : INFO : topic diff=0.005542, rho=0.030994\n", - "2019-01-31 00:51:51,187 : INFO : PROGRESS: pass 0, at document #2084000/4922894\n", - "2019-01-31 00:51:52,622 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:51:52,888 : INFO : topic #3 (0.020): 0.035*\"present\" + 0.027*\"offic\" + 0.026*\"minist\" + 0.021*\"nation\" + 0.021*\"govern\" + 0.020*\"member\" + 0.017*\"serv\" + 0.017*\"gener\" + 0.016*\"start\" + 0.015*\"seri\"\n", - "2019-01-31 00:51:52,889 : INFO : topic #46 (0.020): 0.017*\"damag\" + 0.017*\"stop\" + 0.017*\"sweden\" + 0.016*\"norwai\" + 0.016*\"swedish\" + 0.016*\"wind\" + 0.014*\"norwegian\" + 0.011*\"treeless\" + 0.011*\"turkish\" + 0.011*\"denmark\"\n", - "2019-01-31 00:51:52,890 : INFO : topic #36 (0.020): 0.012*\"network\" + 0.011*\"pop\" + 0.011*\"prognosi\" + 0.008*\"develop\" + 0.008*\"diggin\" + 0.008*\"user\" + 0.007*\"softwar\" + 0.007*\"ural\" + 0.007*\"cytokin\" + 0.007*\"championship\"\n", - "2019-01-31 00:51:52,891 : INFO : topic #16 (0.020): 0.054*\"king\" + 0.031*\"priest\" + 0.021*\"duke\" + 0.020*\"rotterdam\" + 0.019*\"grammat\" + 0.017*\"idiosyncrat\" + 0.017*\"quarterli\" + 0.013*\"count\" + 0.012*\"kingdom\" + 0.012*\"portugues\"\n", - "2019-01-31 00:51:52,893 : INFO : topic #26 (0.020): 0.028*\"woman\" + 0.028*\"champion\" + 0.028*\"workplac\" + 0.026*\"men\" + 0.025*\"olymp\" + 0.023*\"medal\" + 0.020*\"event\" + 0.019*\"atheist\" + 0.019*\"taxpay\" + 0.019*\"alic\"\n", - "2019-01-31 00:51:52,899 : INFO : topic diff=0.004858, rho=0.030979\n", - "2019-01-31 00:51:53,053 : INFO : PROGRESS: pass 0, at document #2086000/4922894\n", - "2019-01-31 00:51:54,423 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:51:54,689 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"group\" + 0.009*\"word\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"human\" + 0.007*\"cultur\"\n", - "2019-01-31 00:51:54,690 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.049*\"chilton\" + 0.023*\"hong\" + 0.023*\"kong\" + 0.021*\"korea\" + 0.018*\"korean\" + 0.016*\"leah\" + 0.016*\"sourc\" + 0.014*\"shirin\" + 0.013*\"kim\"\n", - "2019-01-31 00:51:54,692 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.012*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"georg\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:51:54,693 : INFO : topic #43 (0.020): 0.062*\"elect\" + 0.054*\"parti\" + 0.025*\"voluntari\" + 0.022*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.015*\"liber\" + 0.014*\"republ\" + 0.013*\"bypass\" + 0.013*\"report\"\n", - "2019-01-31 00:51:54,694 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.017*\"mexico\" + 0.014*\"soviet\" + 0.012*\"francisco\" + 0.012*\"carlo\" + 0.011*\"lizard\" + 0.011*\"italian\" + 0.011*\"juan\"\n", - "2019-01-31 00:51:54,700 : INFO : topic diff=0.004670, rho=0.030964\n", - "2019-01-31 00:51:54,859 : INFO : PROGRESS: pass 0, at document #2088000/4922894\n", - "2019-01-31 00:51:56,260 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:51:56,526 : INFO : topic #39 (0.020): 0.056*\"canada\" + 0.043*\"canadian\" + 0.022*\"toronto\" + 0.022*\"hoar\" + 0.019*\"ontario\" + 0.016*\"colonist\" + 0.015*\"hydrogen\" + 0.014*\"new\" + 0.014*\"novotná\" + 0.014*\"misericordia\"\n", - "2019-01-31 00:51:56,528 : INFO : topic #20 (0.020): 0.146*\"scholar\" + 0.040*\"struggl\" + 0.036*\"high\" + 0.029*\"educ\" + 0.022*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.009*\"gothic\" + 0.009*\"class\"\n", - "2019-01-31 00:51:56,529 : INFO : topic #9 (0.020): 0.075*\"bone\" + 0.043*\"american\" + 0.028*\"valour\" + 0.018*\"player\" + 0.018*\"folei\" + 0.017*\"dutch\" + 0.017*\"polit\" + 0.015*\"english\" + 0.012*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 00:51:56,530 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.066*\"best\" + 0.032*\"yawn\" + 0.030*\"jacksonvil\" + 0.022*\"japanes\" + 0.020*\"noll\" + 0.019*\"festiv\" + 0.019*\"women\" + 0.016*\"intern\" + 0.014*\"misconcept\"\n", - "2019-01-31 00:51:56,531 : INFO : topic #33 (0.020): 0.059*\"french\" + 0.044*\"franc\" + 0.031*\"pari\" + 0.025*\"sail\" + 0.022*\"jean\" + 0.016*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 00:51:56,537 : INFO : topic diff=0.005544, rho=0.030949\n", - "2019-01-31 00:51:56,695 : INFO : PROGRESS: pass 0, at document #2090000/4922894\n", - "2019-01-31 00:51:58,093 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:51:58,359 : INFO : topic #13 (0.020): 0.028*\"australia\" + 0.028*\"sourc\" + 0.026*\"new\" + 0.025*\"london\" + 0.023*\"australian\" + 0.022*\"england\" + 0.020*\"british\" + 0.018*\"ireland\" + 0.016*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:51:58,360 : INFO : topic #36 (0.020): 0.012*\"network\" + 0.011*\"prognosi\" + 0.011*\"pop\" + 0.008*\"develop\" + 0.008*\"diggin\" + 0.008*\"brio\" + 0.007*\"user\" + 0.007*\"championship\" + 0.007*\"cytokin\" + 0.007*\"softwar\"\n", - "2019-01-31 00:51:58,362 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.026*\"final\" + 0.023*\"wife\" + 0.020*\"tourist\" + 0.020*\"champion\" + 0.016*\"martin\" + 0.014*\"taxpay\" + 0.014*\"tiepolo\" + 0.014*\"chamber\" + 0.012*\"women\"\n", - "2019-01-31 00:51:58,363 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.025*\"new\" + 0.022*\"palmer\" + 0.014*\"strategist\" + 0.012*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 00:51:58,364 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.020*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.015*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 00:51:58,370 : INFO : topic diff=0.005200, rho=0.030934\n", - "2019-01-31 00:51:58,527 : INFO : PROGRESS: pass 0, at document #2092000/4922894\n", - "2019-01-31 00:51:59,915 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:52:00,182 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.038*\"shield\" + 0.019*\"narrat\" + 0.013*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.012*\"nativist\" + 0.011*\"coalit\" + 0.009*\"class\" + 0.009*\"fleet\"\n", - "2019-01-31 00:52:00,183 : INFO : topic #45 (0.020): 0.027*\"jpg\" + 0.026*\"fifteenth\" + 0.018*\"illicit\" + 0.016*\"black\" + 0.016*\"colder\" + 0.016*\"western\" + 0.012*\"record\" + 0.011*\"blind\" + 0.009*\"depress\" + 0.007*\"arm\"\n", - "2019-01-31 00:52:00,184 : INFO : topic #40 (0.020): 0.088*\"unit\" + 0.023*\"schuster\" + 0.022*\"collector\" + 0.022*\"requir\" + 0.021*\"institut\" + 0.019*\"student\" + 0.015*\"professor\" + 0.012*\"http\" + 0.012*\"word\" + 0.011*\"governor\"\n", - "2019-01-31 00:52:00,185 : INFO : topic #36 (0.020): 0.012*\"network\" + 0.011*\"prognosi\" + 0.011*\"pop\" + 0.008*\"develop\" + 0.008*\"diggin\" + 0.008*\"brio\" + 0.008*\"championship\" + 0.007*\"cytokin\" + 0.007*\"softwar\" + 0.007*\"user\"\n", - "2019-01-31 00:52:00,186 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.050*\"chilton\" + 0.023*\"hong\" + 0.022*\"kong\" + 0.022*\"korea\" + 0.019*\"korean\" + 0.017*\"sourc\" + 0.016*\"leah\" + 0.015*\"shirin\" + 0.014*\"kim\"\n", - "2019-01-31 00:52:00,192 : INFO : topic diff=0.004904, rho=0.030920\n", - "2019-01-31 00:52:00,351 : INFO : PROGRESS: pass 0, at document #2094000/4922894\n", - "2019-01-31 00:52:01,745 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:52:02,012 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.011*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"group\" + 0.009*\"word\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"human\" + 0.007*\"cultur\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:52:02,014 : INFO : topic #36 (0.020): 0.012*\"network\" + 0.011*\"pop\" + 0.011*\"prognosi\" + 0.008*\"develop\" + 0.008*\"diggin\" + 0.008*\"brio\" + 0.008*\"cytokin\" + 0.007*\"user\" + 0.007*\"championship\" + 0.007*\"softwar\"\n", - "2019-01-31 00:52:02,015 : INFO : topic #23 (0.020): 0.137*\"audit\" + 0.065*\"best\" + 0.032*\"yawn\" + 0.030*\"jacksonvil\" + 0.022*\"japanes\" + 0.020*\"noll\" + 0.020*\"festiv\" + 0.019*\"women\" + 0.016*\"intern\" + 0.014*\"misconcept\"\n", - "2019-01-31 00:52:02,016 : INFO : topic #26 (0.020): 0.028*\"woman\" + 0.028*\"champion\" + 0.028*\"workplac\" + 0.025*\"men\" + 0.025*\"olymp\" + 0.022*\"medal\" + 0.021*\"alic\" + 0.020*\"event\" + 0.019*\"atheist\" + 0.019*\"taxpay\"\n", - "2019-01-31 00:52:02,017 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"exampl\" + 0.007*\"théori\" + 0.006*\"southern\" + 0.006*\"gener\" + 0.006*\"poet\" + 0.006*\"servitud\" + 0.006*\"measur\" + 0.005*\"differ\"\n", - "2019-01-31 00:52:02,023 : INFO : topic diff=0.005287, rho=0.030905\n", - "2019-01-31 00:52:02,175 : INFO : PROGRESS: pass 0, at document #2096000/4922894\n", - "2019-01-31 00:52:03,536 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:52:03,803 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.030*\"incumb\" + 0.014*\"islam\" + 0.014*\"anglo\" + 0.013*\"pakistan\" + 0.012*\"televis\" + 0.011*\"affection\" + 0.011*\"khalsa\" + 0.010*\"muskoge\" + 0.009*\"alam\"\n", - "2019-01-31 00:52:03,804 : INFO : topic #20 (0.020): 0.146*\"scholar\" + 0.040*\"struggl\" + 0.036*\"high\" + 0.029*\"educ\" + 0.022*\"collector\" + 0.018*\"yawn\" + 0.014*\"prognosi\" + 0.010*\"district\" + 0.009*\"class\" + 0.009*\"gothic\"\n", - "2019-01-31 00:52:03,806 : INFO : topic #43 (0.020): 0.063*\"elect\" + 0.054*\"parti\" + 0.024*\"voluntari\" + 0.022*\"democrat\" + 0.020*\"member\" + 0.017*\"polici\" + 0.015*\"republ\" + 0.015*\"liber\" + 0.013*\"bypass\" + 0.013*\"seaport\"\n", - "2019-01-31 00:52:03,807 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.035*\"publicis\" + 0.025*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"collect\" + 0.012*\"nicola\" + 0.012*\"storag\" + 0.011*\"author\"\n", - "2019-01-31 00:52:03,808 : INFO : topic #9 (0.020): 0.074*\"bone\" + 0.043*\"american\" + 0.028*\"valour\" + 0.019*\"folei\" + 0.018*\"player\" + 0.017*\"dutch\" + 0.017*\"polit\" + 0.015*\"english\" + 0.012*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 00:52:03,814 : INFO : topic diff=0.005021, rho=0.030890\n", - "2019-01-31 00:52:03,977 : INFO : PROGRESS: pass 0, at document #2098000/4922894\n", - "2019-01-31 00:52:05,405 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:52:05,671 : INFO : topic #35 (0.020): 0.055*\"russia\" + 0.036*\"sovereignti\" + 0.032*\"rural\" + 0.027*\"personifi\" + 0.026*\"poison\" + 0.023*\"reprint\" + 0.019*\"moscow\" + 0.017*\"poland\" + 0.015*\"unfortun\" + 0.014*\"tyrant\"\n", - "2019-01-31 00:52:05,672 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.025*\"epiru\" + 0.023*\"septemb\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:52:05,673 : INFO : topic #39 (0.020): 0.056*\"canada\" + 0.043*\"canadian\" + 0.022*\"toronto\" + 0.022*\"hoar\" + 0.019*\"ontario\" + 0.015*\"colonist\" + 0.015*\"hydrogen\" + 0.014*\"misericordia\" + 0.014*\"new\" + 0.013*\"novotná\"\n", - "2019-01-31 00:52:05,675 : INFO : topic #31 (0.020): 0.053*\"fusiform\" + 0.026*\"scientist\" + 0.026*\"taxpay\" + 0.024*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 00:52:05,676 : INFO : topic #36 (0.020): 0.012*\"network\" + 0.011*\"prognosi\" + 0.011*\"pop\" + 0.008*\"develop\" + 0.008*\"diggin\" + 0.008*\"brio\" + 0.008*\"cytokin\" + 0.007*\"user\" + 0.007*\"championship\" + 0.007*\"softwar\"\n", - "2019-01-31 00:52:05,681 : INFO : topic diff=0.005405, rho=0.030875\n", - "2019-01-31 00:52:08,311 : INFO : -11.540 per-word bound, 2978.5 perplexity estimate based on a held-out corpus of 2000 documents with 524481 words\n", - "2019-01-31 00:52:08,311 : INFO : PROGRESS: pass 0, at document #2100000/4922894\n", - "2019-01-31 00:52:10,020 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:52:10,288 : INFO : topic #45 (0.020): 0.027*\"jpg\" + 0.026*\"fifteenth\" + 0.018*\"illicit\" + 0.016*\"black\" + 0.016*\"colder\" + 0.015*\"western\" + 0.012*\"record\" + 0.010*\"blind\" + 0.009*\"depress\" + 0.007*\"light\"\n", - "2019-01-31 00:52:10,290 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.021*\"aggress\" + 0.021*\"walter\" + 0.021*\"armi\" + 0.018*\"com\" + 0.014*\"unionist\" + 0.013*\"oper\" + 0.013*\"militari\" + 0.011*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 00:52:10,291 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"exampl\" + 0.007*\"théori\" + 0.006*\"gener\" + 0.006*\"poet\" + 0.006*\"southern\" + 0.006*\"servitud\" + 0.006*\"measur\" + 0.006*\"differ\"\n", - "2019-01-31 00:52:10,292 : INFO : topic #48 (0.020): 0.078*\"march\" + 0.076*\"octob\" + 0.074*\"sens\" + 0.069*\"notion\" + 0.068*\"januari\" + 0.067*\"juli\" + 0.066*\"decatur\" + 0.066*\"august\" + 0.065*\"april\" + 0.065*\"judici\"\n", - "2019-01-31 00:52:10,293 : INFO : topic #32 (0.020): 0.055*\"district\" + 0.045*\"popolo\" + 0.043*\"vigour\" + 0.037*\"tortur\" + 0.035*\"cotton\" + 0.026*\"area\" + 0.022*\"multitud\" + 0.021*\"regim\" + 0.021*\"citi\" + 0.020*\"cede\"\n", - "2019-01-31 00:52:10,299 : INFO : topic diff=0.005316, rho=0.030861\n", - "2019-01-31 00:52:10,459 : INFO : PROGRESS: pass 0, at document #2102000/4922894\n", - "2019-01-31 00:52:11,876 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:52:12,142 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.011*\"coalit\" + 0.009*\"class\" + 0.009*\"fleet\"\n", - "2019-01-31 00:52:12,143 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.032*\"perceptu\" + 0.020*\"theater\" + 0.017*\"compos\" + 0.017*\"place\" + 0.017*\"damn\" + 0.014*\"orchestr\" + 0.012*\"olympo\" + 0.012*\"word\" + 0.011*\"physician\"\n", - "2019-01-31 00:52:12,144 : INFO : topic #9 (0.020): 0.080*\"bone\" + 0.044*\"american\" + 0.027*\"valour\" + 0.018*\"folei\" + 0.018*\"player\" + 0.017*\"dutch\" + 0.017*\"polit\" + 0.015*\"english\" + 0.012*\"acrimoni\" + 0.010*\"simpler\"\n", - "2019-01-31 00:52:12,145 : INFO : topic #20 (0.020): 0.145*\"scholar\" + 0.040*\"struggl\" + 0.035*\"high\" + 0.029*\"educ\" + 0.022*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.010*\"gothic\" + 0.009*\"class\"\n", - "2019-01-31 00:52:12,146 : INFO : topic #21 (0.020): 0.035*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.017*\"mexico\" + 0.013*\"soviet\" + 0.011*\"francisco\" + 0.011*\"carlo\" + 0.011*\"lizard\" + 0.011*\"italian\" + 0.011*\"juan\"\n", - "2019-01-31 00:52:12,152 : INFO : topic diff=0.005163, rho=0.030846\n", - "2019-01-31 00:52:12,310 : INFO : PROGRESS: pass 0, at document #2104000/4922894\n", - "2019-01-31 00:52:14,205 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:52:14,472 : INFO : topic #40 (0.020): 0.090*\"unit\" + 0.023*\"schuster\" + 0.022*\"collector\" + 0.022*\"requir\" + 0.021*\"institut\" + 0.019*\"student\" + 0.015*\"professor\" + 0.012*\"word\" + 0.011*\"http\" + 0.011*\"governor\"\n", - "2019-01-31 00:52:14,473 : INFO : topic #1 (0.020): 0.053*\"china\" + 0.049*\"chilton\" + 0.021*\"hong\" + 0.021*\"korea\" + 0.021*\"kong\" + 0.019*\"korean\" + 0.016*\"leah\" + 0.016*\"sourc\" + 0.014*\"kim\" + 0.014*\"shirin\"\n", - "2019-01-31 00:52:14,474 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.015*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"deal\" + 0.012*\"daughter\"\n", - "2019-01-31 00:52:14,475 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.021*\"walter\" + 0.021*\"armi\" + 0.018*\"com\" + 0.014*\"unionist\" + 0.013*\"oper\" + 0.013*\"militari\" + 0.011*\"diversifi\" + 0.011*\"airbu\"\n", - "2019-01-31 00:52:14,476 : INFO : topic #39 (0.020): 0.057*\"canada\" + 0.043*\"canadian\" + 0.023*\"toronto\" + 0.022*\"hoar\" + 0.019*\"ontario\" + 0.015*\"colonist\" + 0.014*\"hydrogen\" + 0.014*\"misericordia\" + 0.014*\"new\" + 0.013*\"novotná\"\n", - "2019-01-31 00:52:14,482 : INFO : topic diff=0.004590, rho=0.030831\n", - "2019-01-31 00:52:14,635 : INFO : PROGRESS: pass 0, at document #2106000/4922894\n", - "2019-01-31 00:52:16,005 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:52:16,272 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"help\" + 0.004*\"call\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:52:16,273 : INFO : topic #1 (0.020): 0.056*\"china\" + 0.049*\"chilton\" + 0.022*\"korea\" + 0.021*\"hong\" + 0.021*\"kong\" + 0.019*\"korean\" + 0.016*\"sourc\" + 0.016*\"leah\" + 0.014*\"kim\" + 0.014*\"shirin\"\n", - "2019-01-31 00:52:16,274 : INFO : topic #46 (0.020): 0.022*\"damag\" + 0.018*\"stop\" + 0.015*\"sweden\" + 0.015*\"swedish\" + 0.015*\"norwai\" + 0.015*\"wind\" + 0.013*\"norwegian\" + 0.013*\"ton\" + 0.011*\"farid\" + 0.011*\"turkish\"\n", - "2019-01-31 00:52:16,275 : INFO : topic #48 (0.020): 0.076*\"march\" + 0.076*\"octob\" + 0.074*\"sens\" + 0.068*\"notion\" + 0.067*\"januari\" + 0.066*\"juli\" + 0.065*\"decatur\" + 0.065*\"august\" + 0.064*\"april\" + 0.064*\"judici\"\n", - "2019-01-31 00:52:16,276 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.025*\"new\" + 0.022*\"palmer\" + 0.014*\"strategist\" + 0.012*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 00:52:16,282 : INFO : topic diff=0.005471, rho=0.030817\n", - "2019-01-31 00:52:16,437 : INFO : PROGRESS: pass 0, at document #2108000/4922894\n", - "2019-01-31 00:52:17,815 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:52:18,081 : INFO : topic #37 (0.020): 0.010*\"man\" + 0.009*\"charact\" + 0.009*\"septemb\" + 0.007*\"comic\" + 0.007*\"love\" + 0.006*\"anim\" + 0.006*\"gestur\" + 0.006*\"appear\" + 0.005*\"workplac\" + 0.005*\"vision\"\n", - "2019-01-31 00:52:18,082 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.035*\"publicis\" + 0.025*\"word\" + 0.018*\"new\" + 0.015*\"edit\" + 0.013*\"presid\" + 0.012*\"collect\" + 0.012*\"nicola\" + 0.012*\"storag\" + 0.011*\"author\"\n", - "2019-01-31 00:52:18,083 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.023*\"factor\" + 0.020*\"adulthood\" + 0.015*\"feel\" + 0.013*\"male\" + 0.011*\"plaisir\" + 0.010*\"hostil\" + 0.010*\"genu\" + 0.009*\"live\" + 0.008*\"median\"\n", - "2019-01-31 00:52:18,084 : INFO : topic #45 (0.020): 0.027*\"jpg\" + 0.026*\"fifteenth\" + 0.018*\"illicit\" + 0.016*\"colder\" + 0.016*\"black\" + 0.016*\"western\" + 0.013*\"record\" + 0.011*\"blind\" + 0.009*\"depress\" + 0.007*\"light\"\n", - "2019-01-31 00:52:18,085 : INFO : topic #0 (0.020): 0.066*\"statewid\" + 0.039*\"line\" + 0.033*\"arsen\" + 0.033*\"raid\" + 0.026*\"museo\" + 0.019*\"traceabl\" + 0.018*\"serv\" + 0.013*\"pain\" + 0.012*\"exhaust\" + 0.012*\"rosenwald\"\n", - "2019-01-31 00:52:18,091 : INFO : topic diff=0.005763, rho=0.030802\n", - "2019-01-31 00:52:18,300 : INFO : PROGRESS: pass 0, at document #2110000/4922894\n", - "2019-01-31 00:52:19,687 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:52:19,953 : INFO : topic #33 (0.020): 0.060*\"french\" + 0.047*\"franc\" + 0.030*\"pari\" + 0.024*\"sail\" + 0.022*\"jean\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 00:52:19,954 : INFO : topic #37 (0.020): 0.010*\"man\" + 0.009*\"charact\" + 0.009*\"septemb\" + 0.007*\"comic\" + 0.007*\"love\" + 0.007*\"anim\" + 0.006*\"gestur\" + 0.006*\"appear\" + 0.005*\"workplac\" + 0.005*\"vision\"\n", - "2019-01-31 00:52:19,956 : INFO : topic #20 (0.020): 0.145*\"scholar\" + 0.040*\"struggl\" + 0.035*\"high\" + 0.029*\"educ\" + 0.022*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.009*\"gothic\" + 0.009*\"task\"\n", - "2019-01-31 00:52:19,956 : INFO : topic #35 (0.020): 0.055*\"russia\" + 0.036*\"sovereignti\" + 0.032*\"rural\" + 0.026*\"poison\" + 0.026*\"personifi\" + 0.024*\"reprint\" + 0.020*\"moscow\" + 0.018*\"poland\" + 0.016*\"malaysia\" + 0.015*\"unfortun\"\n", - "2019-01-31 00:52:19,957 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.023*\"christian\" + 0.022*\"cathol\" + 0.020*\"bishop\" + 0.016*\"sail\" + 0.015*\"retroflex\" + 0.009*\"relationship\" + 0.009*\"centuri\" + 0.009*\"historiographi\" + 0.009*\"cathedr\"\n", - "2019-01-31 00:52:19,963 : INFO : topic diff=0.004764, rho=0.030787\n", - "2019-01-31 00:52:20,118 : INFO : PROGRESS: pass 0, at document #2112000/4922894\n", - "2019-01-31 00:52:21,503 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:52:21,769 : INFO : topic #43 (0.020): 0.063*\"elect\" + 0.055*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.015*\"liber\" + 0.013*\"seaport\" + 0.013*\"bypass\"\n", - "2019-01-31 00:52:21,770 : INFO : topic #34 (0.020): 0.069*\"start\" + 0.031*\"new\" + 0.030*\"american\" + 0.029*\"unionist\" + 0.027*\"cotton\" + 0.020*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 00:52:21,771 : INFO : topic #37 (0.020): 0.010*\"man\" + 0.009*\"charact\" + 0.009*\"septemb\" + 0.007*\"comic\" + 0.007*\"love\" + 0.007*\"anim\" + 0.006*\"gestur\" + 0.006*\"appear\" + 0.005*\"workplac\" + 0.005*\"blue\"\n", - "2019-01-31 00:52:21,772 : INFO : topic #27 (0.020): 0.070*\"questionnair\" + 0.020*\"candid\" + 0.019*\"taxpay\" + 0.014*\"driver\" + 0.012*\"tornado\" + 0.012*\"find\" + 0.012*\"champion\" + 0.012*\"fool\" + 0.011*\"théori\" + 0.011*\"ret\"\n", - "2019-01-31 00:52:21,774 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.025*\"epiru\" + 0.023*\"septemb\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.013*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:52:21,779 : INFO : topic diff=0.004469, rho=0.030773\n", - "2019-01-31 00:52:21,944 : INFO : PROGRESS: pass 0, at document #2114000/4922894\n", - "2019-01-31 00:52:23,390 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:52:23,656 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"hormon\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.007*\"have\" + 0.007*\"proper\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 00:52:23,657 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.025*\"epiru\" + 0.023*\"septemb\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.013*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:52:23,658 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.030*\"germani\" + 0.014*\"vol\" + 0.014*\"jewish\" + 0.014*\"berlin\" + 0.013*\"der\" + 0.013*\"israel\" + 0.010*\"european\" + 0.010*\"europ\" + 0.009*\"itali\"\n", - "2019-01-31 00:52:23,659 : INFO : topic #39 (0.020): 0.057*\"canada\" + 0.043*\"canadian\" + 0.022*\"toronto\" + 0.022*\"hoar\" + 0.019*\"ontario\" + 0.015*\"hydrogen\" + 0.014*\"new\" + 0.014*\"misericordia\" + 0.014*\"colonist\" + 0.013*\"novotná\"\n", - "2019-01-31 00:52:23,660 : INFO : topic #32 (0.020): 0.053*\"district\" + 0.044*\"popolo\" + 0.043*\"vigour\" + 0.037*\"tortur\" + 0.034*\"cotton\" + 0.026*\"area\" + 0.022*\"multitud\" + 0.021*\"regim\" + 0.020*\"cede\" + 0.020*\"citi\"\n", - "2019-01-31 00:52:23,666 : INFO : topic diff=0.006252, rho=0.030758\n", - "2019-01-31 00:52:23,820 : INFO : PROGRESS: pass 0, at document #2116000/4922894\n", - "2019-01-31 00:52:25,186 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:52:25,452 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.046*\"franc\" + 0.030*\"pari\" + 0.024*\"sail\" + 0.022*\"jean\" + 0.016*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 00:52:25,453 : INFO : topic #39 (0.020): 0.057*\"canada\" + 0.043*\"canadian\" + 0.023*\"toronto\" + 0.022*\"hoar\" + 0.019*\"ontario\" + 0.015*\"hydrogen\" + 0.015*\"misericordia\" + 0.014*\"new\" + 0.014*\"colonist\" + 0.012*\"quebec\"\n", - "2019-01-31 00:52:25,454 : INFO : topic #16 (0.020): 0.057*\"king\" + 0.032*\"priest\" + 0.021*\"rotterdam\" + 0.020*\"duke\" + 0.019*\"grammat\" + 0.018*\"quarterli\" + 0.017*\"idiosyncrat\" + 0.014*\"count\" + 0.014*\"kingdom\" + 0.012*\"portugues\"\n", - "2019-01-31 00:52:25,455 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.027*\"offic\" + 0.024*\"minist\" + 0.021*\"govern\" + 0.021*\"nation\" + 0.020*\"serv\" + 0.020*\"member\" + 0.016*\"gener\" + 0.015*\"start\" + 0.015*\"seri\"\n", - "2019-01-31 00:52:25,456 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.015*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"deal\" + 0.011*\"john\"\n", - "2019-01-31 00:52:25,462 : INFO : topic diff=0.004050, rho=0.030744\n", - "2019-01-31 00:52:25,622 : INFO : PROGRESS: pass 0, at document #2118000/4922894\n", - "2019-01-31 00:52:27,014 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:52:27,280 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.011*\"coalit\" + 0.009*\"class\" + 0.008*\"fleet\"\n", - "2019-01-31 00:52:27,281 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.011*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"group\" + 0.009*\"word\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"human\" + 0.007*\"cultur\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:52:27,282 : INFO : topic #14 (0.020): 0.023*\"forc\" + 0.021*\"aggress\" + 0.021*\"armi\" + 0.021*\"walter\" + 0.018*\"com\" + 0.014*\"unionist\" + 0.013*\"oper\" + 0.013*\"militari\" + 0.011*\"refut\" + 0.011*\"airbu\"\n", - "2019-01-31 00:52:27,283 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.035*\"publicis\" + 0.025*\"word\" + 0.018*\"new\" + 0.015*\"edit\" + 0.013*\"presid\" + 0.012*\"collect\" + 0.012*\"nicola\" + 0.012*\"storag\" + 0.011*\"author\"\n", - "2019-01-31 00:52:27,284 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.027*\"offic\" + 0.024*\"minist\" + 0.021*\"nation\" + 0.021*\"govern\" + 0.020*\"serv\" + 0.020*\"member\" + 0.016*\"gener\" + 0.015*\"start\" + 0.015*\"seri\"\n", - "2019-01-31 00:52:27,290 : INFO : topic diff=0.005558, rho=0.030729\n", - "2019-01-31 00:52:30,023 : INFO : -11.502 per-word bound, 2900.4 perplexity estimate based on a held-out corpus of 2000 documents with 560350 words\n", - "2019-01-31 00:52:30,023 : INFO : PROGRESS: pass 0, at document #2120000/4922894\n", - "2019-01-31 00:52:31,429 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:52:31,695 : INFO : topic #34 (0.020): 0.069*\"start\" + 0.031*\"new\" + 0.030*\"american\" + 0.029*\"unionist\" + 0.026*\"cotton\" + 0.020*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 00:52:31,696 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.035*\"publicis\" + 0.025*\"word\" + 0.018*\"new\" + 0.015*\"edit\" + 0.013*\"presid\" + 0.012*\"collect\" + 0.012*\"nicola\" + 0.012*\"storag\" + 0.011*\"author\"\n", - "2019-01-31 00:52:31,698 : INFO : topic #13 (0.020): 0.028*\"new\" + 0.027*\"australia\" + 0.026*\"sourc\" + 0.025*\"london\" + 0.023*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:52:31,699 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.047*\"franc\" + 0.031*\"pari\" + 0.024*\"sail\" + 0.022*\"jean\" + 0.016*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.010*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 00:52:31,700 : INFO : topic #26 (0.020): 0.028*\"workplac\" + 0.028*\"champion\" + 0.028*\"woman\" + 0.025*\"men\" + 0.025*\"olymp\" + 0.022*\"medal\" + 0.021*\"event\" + 0.019*\"atheist\" + 0.018*\"alic\" + 0.018*\"taxpay\"\n", - "2019-01-31 00:52:31,706 : INFO : topic diff=0.004722, rho=0.030715\n", - "2019-01-31 00:52:31,867 : INFO : PROGRESS: pass 0, at document #2122000/4922894\n", - "2019-01-31 00:52:33,273 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:52:33,539 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"exampl\" + 0.007*\"théori\" + 0.006*\"servitud\" + 0.006*\"southern\" + 0.006*\"gener\" + 0.006*\"poet\" + 0.006*\"measur\" + 0.006*\"utopian\"\n", - "2019-01-31 00:52:33,541 : INFO : topic #39 (0.020): 0.058*\"canada\" + 0.044*\"canadian\" + 0.023*\"toronto\" + 0.022*\"hoar\" + 0.019*\"ontario\" + 0.015*\"hydrogen\" + 0.015*\"misericordia\" + 0.015*\"new\" + 0.014*\"colonist\" + 0.012*\"quebec\"\n", - "2019-01-31 00:52:33,542 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.032*\"perceptu\" + 0.019*\"theater\" + 0.017*\"damn\" + 0.017*\"compos\" + 0.017*\"place\" + 0.015*\"orchestr\" + 0.012*\"physician\" + 0.012*\"olympo\" + 0.011*\"word\"\n", - "2019-01-31 00:52:33,543 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.011*\"coalit\" + 0.009*\"class\" + 0.009*\"bahá\"\n", - "2019-01-31 00:52:33,544 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.023*\"factor\" + 0.020*\"adulthood\" + 0.015*\"feel\" + 0.013*\"male\" + 0.011*\"plaisir\" + 0.011*\"hostil\" + 0.010*\"genu\" + 0.009*\"live\" + 0.009*\"median\"\n", - "2019-01-31 00:52:33,550 : INFO : topic diff=0.006739, rho=0.030700\n", - "2019-01-31 00:52:33,711 : INFO : PROGRESS: pass 0, at document #2124000/4922894\n", - "2019-01-31 00:52:35,129 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:52:35,396 : INFO : topic #23 (0.020): 0.138*\"audit\" + 0.066*\"best\" + 0.031*\"yawn\" + 0.029*\"jacksonvil\" + 0.022*\"japanes\" + 0.021*\"noll\" + 0.019*\"festiv\" + 0.019*\"women\" + 0.016*\"intern\" + 0.014*\"misconcept\"\n", - "2019-01-31 00:52:35,397 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.006*\"dai\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.005*\"like\" + 0.004*\"help\" + 0.004*\"call\"\n", - "2019-01-31 00:52:35,398 : INFO : topic #39 (0.020): 0.058*\"canada\" + 0.044*\"canadian\" + 0.023*\"toronto\" + 0.022*\"hoar\" + 0.019*\"ontario\" + 0.015*\"hydrogen\" + 0.015*\"new\" + 0.014*\"misericordia\" + 0.014*\"colonist\" + 0.013*\"quebec\"\n", - "2019-01-31 00:52:35,399 : INFO : topic #13 (0.020): 0.028*\"new\" + 0.027*\"sourc\" + 0.026*\"australia\" + 0.025*\"london\" + 0.023*\"england\" + 0.022*\"australian\" + 0.020*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:52:35,400 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.013*\"will\" + 0.012*\"jame\" + 0.012*\"david\" + 0.010*\"rival\" + 0.009*\"georg\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:52:35,406 : INFO : topic diff=0.004119, rho=0.030686\n", - "2019-01-31 00:52:35,562 : INFO : PROGRESS: pass 0, at document #2126000/4922894\n", - "2019-01-31 00:52:36,940 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:52:37,206 : INFO : topic #29 (0.020): 0.027*\"companhia\" + 0.012*\"million\" + 0.011*\"busi\" + 0.010*\"produc\" + 0.010*\"market\" + 0.010*\"bank\" + 0.009*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 00:52:37,208 : INFO : topic #38 (0.020): 0.024*\"walter\" + 0.010*\"aza\" + 0.008*\"battalion\" + 0.008*\"empath\" + 0.008*\"forc\" + 0.008*\"teufel\" + 0.007*\"armi\" + 0.006*\"pour\" + 0.006*\"till\" + 0.006*\"militari\"\n", - "2019-01-31 00:52:37,209 : INFO : topic #28 (0.020): 0.032*\"build\" + 0.026*\"hous\" + 0.023*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.011*\"strategist\" + 0.010*\"constitut\" + 0.010*\"briarwood\" + 0.010*\"depress\" + 0.010*\"linear\"\n", - "2019-01-31 00:52:37,210 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.047*\"franc\" + 0.030*\"pari\" + 0.024*\"sail\" + 0.022*\"jean\" + 0.016*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.010*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 00:52:37,211 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.025*\"epiru\" + 0.024*\"septemb\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.013*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:52:37,217 : INFO : topic diff=0.004646, rho=0.030671\n", - "2019-01-31 00:52:37,373 : INFO : PROGRESS: pass 0, at document #2128000/4922894\n", - "2019-01-31 00:52:38,750 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:52:39,017 : INFO : topic #14 (0.020): 0.023*\"forc\" + 0.021*\"armi\" + 0.021*\"walter\" + 0.020*\"aggress\" + 0.018*\"com\" + 0.013*\"unionist\" + 0.013*\"oper\" + 0.013*\"militari\" + 0.012*\"refut\" + 0.011*\"diversifi\"\n", - "2019-01-31 00:52:39,018 : INFO : topic #43 (0.020): 0.063*\"elect\" + 0.055*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.021*\"member\" + 0.017*\"polici\" + 0.016*\"republ\" + 0.014*\"liber\" + 0.013*\"seaport\" + 0.013*\"report\"\n", - "2019-01-31 00:52:39,019 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"exampl\" + 0.006*\"théori\" + 0.006*\"gener\" + 0.006*\"servitud\" + 0.006*\"southern\" + 0.006*\"poet\" + 0.006*\"measur\" + 0.006*\"utopian\"\n", - "2019-01-31 00:52:39,020 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.046*\"chilton\" + 0.022*\"hong\" + 0.022*\"korea\" + 0.021*\"kong\" + 0.019*\"korean\" + 0.017*\"sourc\" + 0.016*\"leah\" + 0.015*\"shirin\" + 0.014*\"kim\"\n", - "2019-01-31 00:52:39,022 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.011*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"group\" + 0.009*\"word\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"human\" + 0.007*\"cultur\"\n", - "2019-01-31 00:52:39,028 : INFO : topic diff=0.004411, rho=0.030657\n", - "2019-01-31 00:52:39,182 : INFO : PROGRESS: pass 0, at document #2130000/4922894\n", - "2019-01-31 00:52:40,560 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:52:40,827 : INFO : topic #20 (0.020): 0.148*\"scholar\" + 0.040*\"struggl\" + 0.035*\"high\" + 0.029*\"educ\" + 0.022*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.009*\"task\" + 0.009*\"class\" + 0.009*\"district\"\n", - "2019-01-31 00:52:40,828 : INFO : topic #25 (0.020): 0.034*\"ring\" + 0.017*\"lagrang\" + 0.016*\"warmth\" + 0.016*\"area\" + 0.016*\"mount\" + 0.009*\"crayfish\" + 0.009*\"land\" + 0.009*\"palmer\" + 0.009*\"vacant\" + 0.008*\"north\"\n", - "2019-01-31 00:52:40,829 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"exampl\" + 0.006*\"servitud\" + 0.006*\"théori\" + 0.006*\"gener\" + 0.006*\"southern\" + 0.006*\"poet\" + 0.006*\"measur\" + 0.006*\"differ\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:52:40,831 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.023*\"factor\" + 0.020*\"adulthood\" + 0.015*\"feel\" + 0.013*\"male\" + 0.011*\"plaisir\" + 0.010*\"hostil\" + 0.010*\"genu\" + 0.008*\"biom\" + 0.008*\"live\"\n", - "2019-01-31 00:52:40,832 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.024*\"new\" + 0.022*\"palmer\" + 0.014*\"strategist\" + 0.012*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 00:52:40,838 : INFO : topic diff=0.005138, rho=0.030643\n", - "2019-01-31 00:52:40,993 : INFO : PROGRESS: pass 0, at document #2132000/4922894\n", - "2019-01-31 00:52:42,372 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:52:42,639 : INFO : topic #26 (0.020): 0.029*\"workplac\" + 0.028*\"champion\" + 0.028*\"woman\" + 0.026*\"men\" + 0.025*\"olymp\" + 0.021*\"medal\" + 0.021*\"alic\" + 0.020*\"event\" + 0.018*\"taxpay\" + 0.018*\"atheist\"\n", - "2019-01-31 00:52:42,640 : INFO : topic #34 (0.020): 0.069*\"start\" + 0.031*\"new\" + 0.031*\"american\" + 0.029*\"unionist\" + 0.026*\"cotton\" + 0.020*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 00:52:42,642 : INFO : topic #38 (0.020): 0.024*\"walter\" + 0.011*\"aza\" + 0.008*\"battalion\" + 0.008*\"empath\" + 0.008*\"forc\" + 0.008*\"teufel\" + 0.007*\"armi\" + 0.007*\"till\" + 0.006*\"pour\" + 0.006*\"govern\"\n", - "2019-01-31 00:52:42,643 : INFO : topic #29 (0.020): 0.028*\"companhia\" + 0.012*\"million\" + 0.011*\"busi\" + 0.011*\"produc\" + 0.010*\"market\" + 0.010*\"bank\" + 0.009*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 00:52:42,644 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.013*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.006*\"like\"\n", - "2019-01-31 00:52:42,650 : INFO : topic diff=0.004653, rho=0.030628\n", - "2019-01-31 00:52:42,813 : INFO : PROGRESS: pass 0, at document #2134000/4922894\n", - "2019-01-31 00:52:44,245 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:52:44,511 : INFO : topic #1 (0.020): 0.056*\"china\" + 0.046*\"chilton\" + 0.023*\"hong\" + 0.022*\"korea\" + 0.022*\"kong\" + 0.019*\"korean\" + 0.017*\"leah\" + 0.016*\"sourc\" + 0.015*\"kim\" + 0.015*\"shirin\"\n", - "2019-01-31 00:52:44,513 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.040*\"line\" + 0.034*\"arsen\" + 0.032*\"raid\" + 0.026*\"museo\" + 0.019*\"traceabl\" + 0.018*\"serv\" + 0.014*\"pain\" + 0.013*\"exhaust\" + 0.012*\"rosenwald\"\n", - "2019-01-31 00:52:44,514 : INFO : topic #28 (0.020): 0.032*\"build\" + 0.026*\"hous\" + 0.022*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.011*\"strategist\" + 0.011*\"constitut\" + 0.011*\"briarwood\" + 0.010*\"depress\" + 0.010*\"linear\"\n", - "2019-01-31 00:52:44,515 : INFO : topic #13 (0.020): 0.029*\"new\" + 0.027*\"sourc\" + 0.027*\"australia\" + 0.025*\"london\" + 0.023*\"england\" + 0.022*\"australian\" + 0.020*\"british\" + 0.018*\"ireland\" + 0.016*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:52:44,517 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.024*\"new\" + 0.022*\"palmer\" + 0.014*\"strategist\" + 0.012*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 00:52:44,522 : INFO : topic diff=0.005083, rho=0.030614\n", - "2019-01-31 00:52:44,679 : INFO : PROGRESS: pass 0, at document #2136000/4922894\n", - "2019-01-31 00:52:46,063 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:52:46,330 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.015*\"margin\" + 0.015*\"yawn\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"deal\" + 0.011*\"john\"\n", - "2019-01-31 00:52:46,331 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.025*\"epiru\" + 0.023*\"septemb\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:52:46,332 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.035*\"publicis\" + 0.026*\"word\" + 0.018*\"new\" + 0.015*\"edit\" + 0.013*\"presid\" + 0.012*\"nicola\" + 0.012*\"collect\" + 0.012*\"storag\" + 0.011*\"author\"\n", - "2019-01-31 00:52:46,334 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.015*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 00:52:46,335 : INFO : topic #9 (0.020): 0.079*\"bone\" + 0.047*\"american\" + 0.027*\"valour\" + 0.019*\"folei\" + 0.018*\"player\" + 0.017*\"polit\" + 0.016*\"dutch\" + 0.016*\"english\" + 0.012*\"acrimoni\" + 0.011*\"surnam\"\n", - "2019-01-31 00:52:46,341 : INFO : topic diff=0.004378, rho=0.030600\n", - "2019-01-31 00:52:46,493 : INFO : PROGRESS: pass 0, at document #2138000/4922894\n", - "2019-01-31 00:52:47,872 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:52:48,139 : INFO : topic #21 (0.020): 0.034*\"samford\" + 0.021*\"spain\" + 0.019*\"del\" + 0.017*\"mexico\" + 0.013*\"soviet\" + 0.011*\"juan\" + 0.011*\"carlo\" + 0.011*\"italian\" + 0.011*\"santa\" + 0.011*\"lizard\"\n", - "2019-01-31 00:52:48,140 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.035*\"publicis\" + 0.025*\"word\" + 0.018*\"new\" + 0.015*\"edit\" + 0.013*\"presid\" + 0.012*\"nicola\" + 0.012*\"collect\" + 0.012*\"storag\" + 0.011*\"author\"\n", - "2019-01-31 00:52:48,141 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.027*\"offic\" + 0.024*\"minist\" + 0.022*\"serv\" + 0.021*\"nation\" + 0.021*\"govern\" + 0.020*\"member\" + 0.016*\"gener\" + 0.015*\"start\" + 0.015*\"seri\"\n", - "2019-01-31 00:52:48,142 : INFO : topic #17 (0.020): 0.076*\"church\" + 0.023*\"christian\" + 0.022*\"cathol\" + 0.021*\"bishop\" + 0.016*\"sail\" + 0.015*\"retroflex\" + 0.009*\"centuri\" + 0.009*\"relationship\" + 0.009*\"historiographi\" + 0.009*\"poll\"\n", - "2019-01-31 00:52:48,144 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"disco\" + 0.008*\"hormon\" + 0.008*\"media\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"have\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 00:52:48,149 : INFO : topic diff=0.004352, rho=0.030585\n", - "2019-01-31 00:52:50,871 : INFO : -11.783 per-word bound, 3523.8 perplexity estimate based on a held-out corpus of 2000 documents with 552413 words\n", - "2019-01-31 00:52:50,872 : INFO : PROGRESS: pass 0, at document #2140000/4922894\n", - "2019-01-31 00:52:52,281 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:52:52,548 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.024*\"new\" + 0.022*\"palmer\" + 0.014*\"strategist\" + 0.012*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 00:52:52,549 : INFO : topic #38 (0.020): 0.024*\"walter\" + 0.010*\"aza\" + 0.008*\"forc\" + 0.008*\"battalion\" + 0.008*\"teufel\" + 0.008*\"empath\" + 0.007*\"armi\" + 0.007*\"till\" + 0.006*\"pour\" + 0.006*\"militari\"\n", - "2019-01-31 00:52:52,550 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.044*\"chilton\" + 0.023*\"hong\" + 0.022*\"kong\" + 0.021*\"korea\" + 0.019*\"korean\" + 0.017*\"leah\" + 0.016*\"sourc\" + 0.016*\"kim\" + 0.014*\"shirin\"\n", - "2019-01-31 00:52:52,552 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.015*\"margin\" + 0.015*\"yawn\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"deal\" + 0.012*\"john\"\n", - "2019-01-31 00:52:52,553 : INFO : topic #13 (0.020): 0.029*\"new\" + 0.026*\"sourc\" + 0.026*\"australia\" + 0.025*\"london\" + 0.022*\"australian\" + 0.022*\"england\" + 0.020*\"british\" + 0.018*\"ireland\" + 0.016*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:52:52,559 : INFO : topic diff=0.004782, rho=0.030571\n", - "2019-01-31 00:52:52,712 : INFO : PROGRESS: pass 0, at document #2142000/4922894\n", - "2019-01-31 00:52:54,076 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:52:54,343 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"exampl\" + 0.007*\"théori\" + 0.006*\"servitud\" + 0.006*\"gener\" + 0.006*\"poet\" + 0.006*\"southern\" + 0.006*\"measur\" + 0.006*\"differ\"\n", - "2019-01-31 00:52:54,344 : INFO : topic #42 (0.020): 0.046*\"german\" + 0.031*\"germani\" + 0.014*\"vol\" + 0.014*\"jewish\" + 0.014*\"israel\" + 0.014*\"berlin\" + 0.014*\"der\" + 0.010*\"european\" + 0.010*\"europ\" + 0.009*\"itali\"\n", - "2019-01-31 00:52:54,345 : INFO : topic #13 (0.020): 0.028*\"new\" + 0.026*\"sourc\" + 0.026*\"australia\" + 0.025*\"london\" + 0.023*\"australian\" + 0.022*\"england\" + 0.020*\"british\" + 0.018*\"ireland\" + 0.016*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:52:54,346 : INFO : topic #31 (0.020): 0.053*\"fusiform\" + 0.026*\"scientist\" + 0.025*\"taxpay\" + 0.025*\"player\" + 0.020*\"place\" + 0.013*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:52:54,348 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.025*\"epiru\" + 0.023*\"septemb\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:52:54,354 : INFO : topic diff=0.005411, rho=0.030557\n", - "2019-01-31 00:52:54,574 : INFO : PROGRESS: pass 0, at document #2144000/4922894\n", - "2019-01-31 00:52:55,990 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:52:56,257 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 00:52:56,258 : INFO : topic #40 (0.020): 0.091*\"unit\" + 0.023*\"schuster\" + 0.022*\"collector\" + 0.022*\"requir\" + 0.021*\"institut\" + 0.019*\"student\" + 0.016*\"professor\" + 0.012*\"word\" + 0.011*\"http\" + 0.011*\"governor\"\n", - "2019-01-31 00:52:56,259 : INFO : topic #45 (0.020): 0.027*\"jpg\" + 0.025*\"fifteenth\" + 0.018*\"illicit\" + 0.018*\"colder\" + 0.016*\"western\" + 0.016*\"black\" + 0.013*\"record\" + 0.011*\"blind\" + 0.009*\"depress\" + 0.007*\"pain\"\n", - "2019-01-31 00:52:56,260 : INFO : topic #34 (0.020): 0.070*\"start\" + 0.031*\"new\" + 0.030*\"american\" + 0.029*\"unionist\" + 0.026*\"cotton\" + 0.019*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.013*\"terri\" + 0.011*\"north\"\n", - "2019-01-31 00:52:56,262 : INFO : topic #21 (0.020): 0.034*\"samford\" + 0.021*\"spain\" + 0.020*\"del\" + 0.017*\"mexico\" + 0.013*\"soviet\" + 0.011*\"italian\" + 0.011*\"juan\" + 0.011*\"carlo\" + 0.011*\"santa\" + 0.011*\"francisco\"\n", - "2019-01-31 00:52:56,267 : INFO : topic diff=0.004642, rho=0.030542\n", - "2019-01-31 00:52:56,423 : INFO : PROGRESS: pass 0, at document #2146000/4922894\n", - "2019-01-31 00:52:57,803 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:52:58,069 : INFO : topic #16 (0.020): 0.055*\"king\" + 0.031*\"priest\" + 0.022*\"rotterdam\" + 0.020*\"duke\" + 0.019*\"grammat\" + 0.018*\"quarterli\" + 0.017*\"idiosyncrat\" + 0.014*\"kingdom\" + 0.014*\"count\" + 0.013*\"portugues\"\n", - "2019-01-31 00:52:58,070 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.024*\"new\" + 0.022*\"palmer\" + 0.014*\"strategist\" + 0.012*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.009*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 00:52:58,071 : INFO : topic #38 (0.020): 0.024*\"walter\" + 0.010*\"aza\" + 0.008*\"forc\" + 0.008*\"battalion\" + 0.008*\"teufel\" + 0.008*\"empath\" + 0.007*\"armi\" + 0.007*\"till\" + 0.006*\"pour\" + 0.006*\"militari\"\n", - "2019-01-31 00:52:58,072 : INFO : topic #46 (0.020): 0.019*\"damag\" + 0.017*\"stop\" + 0.016*\"sweden\" + 0.016*\"norwai\" + 0.015*\"swedish\" + 0.014*\"wind\" + 0.013*\"norwegian\" + 0.012*\"turkish\" + 0.011*\"treeless\" + 0.011*\"farid\"\n", - "2019-01-31 00:52:58,074 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"help\" + 0.004*\"call\"\n", - "2019-01-31 00:52:58,080 : INFO : topic diff=0.004320, rho=0.030528\n", - "2019-01-31 00:52:58,235 : INFO : PROGRESS: pass 0, at document #2148000/4922894\n", - "2019-01-31 00:52:59,629 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:52:59,895 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.029*\"incumb\" + 0.013*\"islam\" + 0.013*\"anglo\" + 0.012*\"televis\" + 0.012*\"pakistan\" + 0.011*\"muskoge\" + 0.010*\"affection\" + 0.009*\"alam\" + 0.009*\"start\"\n", - "2019-01-31 00:52:59,896 : INFO : topic #29 (0.020): 0.028*\"companhia\" + 0.012*\"million\" + 0.012*\"busi\" + 0.011*\"produc\" + 0.010*\"market\" + 0.010*\"bank\" + 0.009*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 00:52:59,897 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.023*\"christian\" + 0.022*\"cathol\" + 0.020*\"bishop\" + 0.016*\"sail\" + 0.015*\"retroflex\" + 0.010*\"centuri\" + 0.009*\"poll\" + 0.009*\"relationship\" + 0.009*\"john\"\n", - "2019-01-31 00:52:59,899 : INFO : topic #38 (0.020): 0.024*\"walter\" + 0.011*\"aza\" + 0.008*\"forc\" + 0.008*\"battalion\" + 0.008*\"teufel\" + 0.008*\"empath\" + 0.007*\"armi\" + 0.007*\"till\" + 0.006*\"pour\" + 0.006*\"militari\"\n", - "2019-01-31 00:52:59,900 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.027*\"final\" + 0.024*\"wife\" + 0.021*\"tourist\" + 0.020*\"champion\" + 0.017*\"martin\" + 0.015*\"taxpay\" + 0.015*\"tiepolo\" + 0.015*\"chamber\" + 0.012*\"women\"\n", - "2019-01-31 00:52:59,906 : INFO : topic diff=0.003981, rho=0.030514\n", - "2019-01-31 00:53:00,062 : INFO : PROGRESS: pass 0, at document #2150000/4922894\n", - "2019-01-31 00:53:01,443 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:53:01,710 : INFO : topic #29 (0.020): 0.028*\"companhia\" + 0.012*\"million\" + 0.012*\"busi\" + 0.011*\"produc\" + 0.010*\"market\" + 0.010*\"bank\" + 0.009*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 00:53:01,711 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.027*\"final\" + 0.023*\"wife\" + 0.020*\"tourist\" + 0.020*\"champion\" + 0.017*\"chamber\" + 0.016*\"martin\" + 0.016*\"tiepolo\" + 0.015*\"taxpay\" + 0.013*\"open\"\n", - "2019-01-31 00:53:01,712 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.024*\"cortic\" + 0.019*\"start\" + 0.017*\"act\" + 0.012*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.010*\"polaris\" + 0.009*\"legal\" + 0.008*\"order\"\n", - "2019-01-31 00:53:01,713 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.027*\"offic\" + 0.024*\"minist\" + 0.022*\"nation\" + 0.021*\"serv\" + 0.021*\"govern\" + 0.020*\"member\" + 0.016*\"gener\" + 0.015*\"start\" + 0.015*\"seri\"\n", - "2019-01-31 00:53:01,714 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.013*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"georg\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:53:01,720 : INFO : topic diff=0.004137, rho=0.030500\n", - "2019-01-31 00:53:01,875 : INFO : PROGRESS: pass 0, at document #2152000/4922894\n", - "2019-01-31 00:53:03,256 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:53:03,522 : INFO : topic #34 (0.020): 0.070*\"start\" + 0.031*\"new\" + 0.030*\"american\" + 0.029*\"unionist\" + 0.025*\"cotton\" + 0.019*\"year\" + 0.015*\"california\" + 0.013*\"terri\" + 0.013*\"warrior\" + 0.012*\"north\"\n", - "2019-01-31 00:53:03,523 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.013*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"georg\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:53:03,525 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.025*\"epiru\" + 0.023*\"septemb\" + 0.019*\"teacher\" + 0.017*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:53:03,526 : INFO : topic #24 (0.020): 0.040*\"book\" + 0.035*\"publicis\" + 0.025*\"word\" + 0.017*\"new\" + 0.015*\"edit\" + 0.013*\"presid\" + 0.012*\"nicola\" + 0.012*\"collect\" + 0.012*\"storag\" + 0.011*\"author\"\n", - "2019-01-31 00:53:03,527 : INFO : topic #39 (0.020): 0.056*\"canada\" + 0.042*\"canadian\" + 0.023*\"toronto\" + 0.022*\"hoar\" + 0.019*\"ontario\" + 0.015*\"new\" + 0.015*\"misericordia\" + 0.014*\"hydrogen\" + 0.013*\"quebec\" + 0.013*\"novotná\"\n", - "2019-01-31 00:53:03,533 : INFO : topic diff=0.004978, rho=0.030486\n", - "2019-01-31 00:53:03,692 : INFO : PROGRESS: pass 0, at document #2154000/4922894\n", - "2019-01-31 00:53:05,092 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:53:05,357 : INFO : topic #39 (0.020): 0.056*\"canada\" + 0.042*\"canadian\" + 0.023*\"toronto\" + 0.021*\"hoar\" + 0.019*\"ontario\" + 0.015*\"new\" + 0.015*\"misericordia\" + 0.014*\"hydrogen\" + 0.013*\"quebec\" + 0.013*\"novotná\"\n", - "2019-01-31 00:53:05,358 : INFO : topic #24 (0.020): 0.040*\"book\" + 0.035*\"publicis\" + 0.025*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"nicola\" + 0.012*\"storag\" + 0.012*\"collect\" + 0.011*\"author\"\n", - "2019-01-31 00:53:05,360 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.013*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"georg\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:53:05,361 : INFO : topic #23 (0.020): 0.137*\"audit\" + 0.067*\"best\" + 0.031*\"yawn\" + 0.030*\"jacksonvil\" + 0.023*\"japanes\" + 0.021*\"noll\" + 0.020*\"festiv\" + 0.019*\"women\" + 0.016*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 00:53:05,362 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.027*\"offic\" + 0.023*\"minist\" + 0.021*\"serv\" + 0.021*\"nation\" + 0.021*\"govern\" + 0.020*\"member\" + 0.016*\"gener\" + 0.015*\"start\" + 0.015*\"seri\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:53:05,368 : INFO : topic diff=0.005291, rho=0.030471\n", - "2019-01-31 00:53:05,529 : INFO : PROGRESS: pass 0, at document #2156000/4922894\n", - "2019-01-31 00:53:06,914 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:53:07,181 : INFO : topic #23 (0.020): 0.137*\"audit\" + 0.066*\"best\" + 0.031*\"yawn\" + 0.030*\"jacksonvil\" + 0.023*\"japanes\" + 0.021*\"noll\" + 0.020*\"festiv\" + 0.019*\"women\" + 0.016*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 00:53:07,182 : INFO : topic #31 (0.020): 0.052*\"fusiform\" + 0.026*\"scientist\" + 0.025*\"taxpay\" + 0.025*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 00:53:07,183 : INFO : topic #36 (0.020): 0.012*\"network\" + 0.011*\"pop\" + 0.011*\"prognosi\" + 0.008*\"develop\" + 0.008*\"diggin\" + 0.008*\"brio\" + 0.008*\"user\" + 0.008*\"softwar\" + 0.007*\"uruguayan\" + 0.007*\"cytokin\"\n", - "2019-01-31 00:53:07,184 : INFO : topic #20 (0.020): 0.146*\"scholar\" + 0.039*\"struggl\" + 0.034*\"high\" + 0.030*\"educ\" + 0.022*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"gothic\" + 0.010*\"district\" + 0.009*\"class\"\n", - "2019-01-31 00:53:07,185 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"disco\" + 0.008*\"media\" + 0.008*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"have\" + 0.007*\"proper\" + 0.007*\"caus\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 00:53:07,191 : INFO : topic diff=0.004198, rho=0.030457\n", - "2019-01-31 00:53:07,355 : INFO : PROGRESS: pass 0, at document #2158000/4922894\n", - "2019-01-31 00:53:08,751 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:53:09,017 : INFO : topic #21 (0.020): 0.034*\"samford\" + 0.021*\"spain\" + 0.019*\"del\" + 0.017*\"mexico\" + 0.014*\"soviet\" + 0.012*\"juan\" + 0.011*\"italian\" + 0.011*\"carlo\" + 0.011*\"santa\" + 0.011*\"lizard\"\n", - "2019-01-31 00:53:09,019 : INFO : topic #47 (0.020): 0.062*\"muscl\" + 0.032*\"perceptu\" + 0.019*\"theater\" + 0.017*\"place\" + 0.017*\"compos\" + 0.017*\"damn\" + 0.015*\"orchestr\" + 0.012*\"physician\" + 0.012*\"jack\" + 0.012*\"word\"\n", - "2019-01-31 00:53:09,020 : INFO : topic #43 (0.020): 0.063*\"elect\" + 0.054*\"parti\" + 0.024*\"voluntari\" + 0.022*\"democrat\" + 0.021*\"member\" + 0.017*\"polici\" + 0.015*\"republ\" + 0.013*\"seaport\" + 0.013*\"liber\" + 0.013*\"report\"\n", - "2019-01-31 00:53:09,021 : INFO : topic #0 (0.020): 0.066*\"statewid\" + 0.040*\"line\" + 0.034*\"arsen\" + 0.031*\"raid\" + 0.026*\"museo\" + 0.019*\"traceabl\" + 0.018*\"serv\" + 0.014*\"pain\" + 0.013*\"rosenwald\" + 0.012*\"exhaust\"\n", - "2019-01-31 00:53:09,022 : INFO : topic #48 (0.020): 0.079*\"march\" + 0.077*\"sens\" + 0.076*\"octob\" + 0.068*\"juli\" + 0.068*\"notion\" + 0.067*\"januari\" + 0.067*\"august\" + 0.066*\"judici\" + 0.065*\"april\" + 0.063*\"decatur\"\n", - "2019-01-31 00:53:09,028 : INFO : topic diff=0.003990, rho=0.030443\n", - "2019-01-31 00:53:11,702 : INFO : -11.803 per-word bound, 3573.1 perplexity estimate based on a held-out corpus of 2000 documents with 545454 words\n", - "2019-01-31 00:53:11,703 : INFO : PROGRESS: pass 0, at document #2160000/4922894\n", - "2019-01-31 00:53:13,088 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:53:13,354 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.046*\"franc\" + 0.030*\"pari\" + 0.024*\"sail\" + 0.022*\"jean\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 00:53:13,355 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.035*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.025*\"scientist\" + 0.024*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:53:13,357 : INFO : topic #27 (0.020): 0.070*\"questionnair\" + 0.019*\"candid\" + 0.018*\"taxpay\" + 0.014*\"tornado\" + 0.013*\"ret\" + 0.013*\"squatter\" + 0.013*\"fool\" + 0.012*\"driver\" + 0.012*\"find\" + 0.011*\"champion\"\n", - "2019-01-31 00:53:13,358 : INFO : topic #25 (0.020): 0.034*\"ring\" + 0.018*\"lagrang\" + 0.016*\"warmth\" + 0.016*\"area\" + 0.016*\"mount\" + 0.009*\"north\" + 0.009*\"vacant\" + 0.009*\"palmer\" + 0.008*\"crayfish\" + 0.008*\"land\"\n", - "2019-01-31 00:53:13,359 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"group\" + 0.009*\"word\" + 0.008*\"peopl\" + 0.007*\"cultur\" + 0.007*\"woman\" + 0.007*\"workplac\"\n", - "2019-01-31 00:53:13,365 : INFO : topic diff=0.004862, rho=0.030429\n", - "2019-01-31 00:53:13,528 : INFO : PROGRESS: pass 0, at document #2162000/4922894\n", - "2019-01-31 00:53:14,960 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:53:15,226 : INFO : topic #25 (0.020): 0.034*\"ring\" + 0.018*\"lagrang\" + 0.016*\"warmth\" + 0.016*\"area\" + 0.016*\"mount\" + 0.009*\"north\" + 0.009*\"vacant\" + 0.009*\"palmer\" + 0.008*\"crayfish\" + 0.008*\"land\"\n", - "2019-01-31 00:53:15,227 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.014*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"origin\" + 0.009*\"form\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.006*\"ancestor\"\n", - "2019-01-31 00:53:15,229 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.027*\"offic\" + 0.024*\"minist\" + 0.021*\"nation\" + 0.021*\"govern\" + 0.021*\"serv\" + 0.020*\"member\" + 0.016*\"gener\" + 0.015*\"start\" + 0.015*\"seri\"\n", - "2019-01-31 00:53:15,230 : INFO : topic #0 (0.020): 0.066*\"statewid\" + 0.040*\"line\" + 0.034*\"arsen\" + 0.031*\"raid\" + 0.026*\"museo\" + 0.019*\"traceabl\" + 0.018*\"serv\" + 0.014*\"pain\" + 0.013*\"exhaust\" + 0.013*\"rosenwald\"\n", - "2019-01-31 00:53:15,231 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"depress\" + 0.015*\"pour\" + 0.009*\"mode\" + 0.008*\"elabor\" + 0.008*\"veget\" + 0.008*\"uruguayan\" + 0.007*\"encyclopedia\" + 0.006*\"produc\" + 0.006*\"develop\"\n", - "2019-01-31 00:53:15,237 : INFO : topic diff=0.004586, rho=0.030415\n", - "2019-01-31 00:53:15,392 : INFO : PROGRESS: pass 0, at document #2164000/4922894\n", - "2019-01-31 00:53:16,780 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:53:17,046 : INFO : topic #20 (0.020): 0.145*\"scholar\" + 0.039*\"struggl\" + 0.034*\"high\" + 0.030*\"educ\" + 0.023*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"gothic\" + 0.009*\"district\" + 0.009*\"class\"\n", - "2019-01-31 00:53:17,047 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.028*\"incumb\" + 0.013*\"islam\" + 0.013*\"anglo\" + 0.013*\"televis\" + 0.012*\"pakistan\" + 0.011*\"muskoge\" + 0.010*\"singh\" + 0.010*\"affection\" + 0.009*\"alam\"\n", - "2019-01-31 00:53:17,049 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"prognosi\" + 0.011*\"pop\" + 0.008*\"develop\" + 0.008*\"softwar\" + 0.008*\"user\" + 0.008*\"diggin\" + 0.008*\"brio\" + 0.007*\"uruguayan\" + 0.007*\"includ\"\n", - "2019-01-31 00:53:17,050 : INFO : topic #0 (0.020): 0.066*\"statewid\" + 0.040*\"line\" + 0.034*\"arsen\" + 0.031*\"raid\" + 0.026*\"museo\" + 0.019*\"traceabl\" + 0.017*\"serv\" + 0.014*\"pain\" + 0.013*\"rosenwald\" + 0.013*\"exhaust\"\n", - "2019-01-31 00:53:17,051 : INFO : topic #28 (0.020): 0.032*\"build\" + 0.025*\"hous\" + 0.021*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.013*\"briarwood\" + 0.011*\"strategist\" + 0.011*\"constitut\" + 0.010*\"linear\" + 0.010*\"depress\"\n", - "2019-01-31 00:53:17,057 : INFO : topic diff=0.004641, rho=0.030401\n", - "2019-01-31 00:53:17,221 : INFO : PROGRESS: pass 0, at document #2166000/4922894\n", - "2019-01-31 00:53:18,637 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:53:18,903 : INFO : topic #37 (0.020): 0.010*\"charact\" + 0.010*\"man\" + 0.009*\"septemb\" + 0.008*\"comic\" + 0.007*\"love\" + 0.007*\"appear\" + 0.007*\"anim\" + 0.006*\"gestur\" + 0.005*\"workplac\" + 0.005*\"blue\"\n", - "2019-01-31 00:53:18,905 : INFO : topic #21 (0.020): 0.033*\"samford\" + 0.021*\"spain\" + 0.019*\"del\" + 0.017*\"mexico\" + 0.013*\"soviet\" + 0.012*\"juan\" + 0.012*\"carlo\" + 0.011*\"santa\" + 0.011*\"italian\" + 0.011*\"lizard\"\n", - "2019-01-31 00:53:18,906 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.028*\"incumb\" + 0.013*\"islam\" + 0.013*\"anglo\" + 0.013*\"televis\" + 0.012*\"pakistan\" + 0.011*\"muskoge\" + 0.010*\"affection\" + 0.010*\"singh\" + 0.010*\"start\"\n", - "2019-01-31 00:53:18,907 : INFO : topic #25 (0.020): 0.034*\"ring\" + 0.018*\"lagrang\" + 0.016*\"warmth\" + 0.016*\"area\" + 0.016*\"mount\" + 0.009*\"north\" + 0.009*\"vacant\" + 0.008*\"palmer\" + 0.008*\"crayfish\" + 0.008*\"land\"\n", - "2019-01-31 00:53:18,908 : INFO : topic #35 (0.020): 0.056*\"russia\" + 0.036*\"sovereignti\" + 0.034*\"rural\" + 0.027*\"poison\" + 0.026*\"personifi\" + 0.023*\"reprint\" + 0.020*\"poland\" + 0.019*\"moscow\" + 0.017*\"alexand\" + 0.015*\"tyrant\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:53:18,914 : INFO : topic diff=0.006502, rho=0.030387\n", - "2019-01-31 00:53:19,073 : INFO : PROGRESS: pass 0, at document #2168000/4922894\n", - "2019-01-31 00:53:20,467 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:53:20,733 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.027*\"final\" + 0.023*\"wife\" + 0.021*\"champion\" + 0.020*\"tourist\" + 0.016*\"chamber\" + 0.016*\"martin\" + 0.016*\"tiepolo\" + 0.015*\"taxpay\" + 0.012*\"women\"\n", - "2019-01-31 00:53:20,735 : INFO : topic #45 (0.020): 0.027*\"jpg\" + 0.026*\"fifteenth\" + 0.017*\"colder\" + 0.017*\"illicit\" + 0.015*\"western\" + 0.015*\"black\" + 0.013*\"record\" + 0.011*\"blind\" + 0.009*\"depress\" + 0.008*\"arm\"\n", - "2019-01-31 00:53:20,736 : INFO : topic #48 (0.020): 0.079*\"march\" + 0.077*\"sens\" + 0.075*\"octob\" + 0.068*\"juli\" + 0.068*\"januari\" + 0.068*\"notion\" + 0.067*\"august\" + 0.066*\"judici\" + 0.066*\"april\" + 0.063*\"decatur\"\n", - "2019-01-31 00:53:20,737 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.013*\"will\" + 0.012*\"jame\" + 0.012*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"georg\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:53:20,738 : INFO : topic #25 (0.020): 0.033*\"ring\" + 0.017*\"lagrang\" + 0.016*\"area\" + 0.016*\"warmth\" + 0.016*\"mount\" + 0.009*\"north\" + 0.009*\"vacant\" + 0.008*\"palmer\" + 0.008*\"land\" + 0.008*\"crayfish\"\n", - "2019-01-31 00:53:20,744 : INFO : topic diff=0.004136, rho=0.030373\n", - "2019-01-31 00:53:20,902 : INFO : PROGRESS: pass 0, at document #2170000/4922894\n", - "2019-01-31 00:53:22,294 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:53:22,561 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.013*\"will\" + 0.012*\"jame\" + 0.012*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"georg\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:53:22,562 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.024*\"cortic\" + 0.019*\"start\" + 0.017*\"act\" + 0.012*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.010*\"polaris\" + 0.009*\"legal\" + 0.008*\"order\"\n", - "2019-01-31 00:53:22,563 : INFO : topic #48 (0.020): 0.079*\"march\" + 0.077*\"sens\" + 0.076*\"octob\" + 0.069*\"juli\" + 0.068*\"januari\" + 0.068*\"notion\" + 0.067*\"august\" + 0.066*\"judici\" + 0.066*\"april\" + 0.062*\"decatur\"\n", - "2019-01-31 00:53:22,564 : INFO : topic #16 (0.020): 0.055*\"king\" + 0.032*\"priest\" + 0.022*\"duke\" + 0.021*\"rotterdam\" + 0.019*\"grammat\" + 0.018*\"quarterli\" + 0.018*\"idiosyncrat\" + 0.015*\"kingdom\" + 0.013*\"count\" + 0.013*\"portugues\"\n", - "2019-01-31 00:53:22,565 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.040*\"line\" + 0.034*\"arsen\" + 0.031*\"raid\" + 0.026*\"museo\" + 0.019*\"traceabl\" + 0.018*\"serv\" + 0.013*\"pain\" + 0.013*\"exhaust\" + 0.013*\"rosenwald\"\n", - "2019-01-31 00:53:22,571 : INFO : topic diff=0.004951, rho=0.030359\n", - "2019-01-31 00:53:22,728 : INFO : PROGRESS: pass 0, at document #2172000/4922894\n", - "2019-01-31 00:53:24,144 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:53:24,411 : INFO : topic #46 (0.020): 0.018*\"damag\" + 0.017*\"stop\" + 0.016*\"sweden\" + 0.016*\"swedish\" + 0.015*\"norwai\" + 0.014*\"wind\" + 0.013*\"norwegian\" + 0.012*\"turkish\" + 0.011*\"turkei\" + 0.011*\"huntsvil\"\n", - "2019-01-31 00:53:24,412 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.040*\"line\" + 0.034*\"arsen\" + 0.032*\"raid\" + 0.026*\"museo\" + 0.019*\"traceabl\" + 0.017*\"serv\" + 0.013*\"exhaust\" + 0.013*\"pain\" + 0.013*\"rosenwald\"\n", - "2019-01-31 00:53:24,413 : INFO : topic #45 (0.020): 0.027*\"jpg\" + 0.026*\"fifteenth\" + 0.017*\"illicit\" + 0.017*\"colder\" + 0.016*\"western\" + 0.015*\"black\" + 0.013*\"record\" + 0.011*\"blind\" + 0.009*\"depress\" + 0.008*\"arm\"\n", - "2019-01-31 00:53:24,415 : INFO : topic #16 (0.020): 0.055*\"king\" + 0.032*\"priest\" + 0.022*\"duke\" + 0.021*\"rotterdam\" + 0.019*\"grammat\" + 0.018*\"quarterli\" + 0.017*\"idiosyncrat\" + 0.014*\"kingdom\" + 0.013*\"count\" + 0.013*\"portugues\"\n", - "2019-01-31 00:53:24,416 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.047*\"franc\" + 0.030*\"pari\" + 0.024*\"sail\" + 0.023*\"jean\" + 0.016*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 00:53:24,422 : INFO : topic diff=0.004714, rho=0.030345\n", - "2019-01-31 00:53:24,634 : INFO : PROGRESS: pass 0, at document #2174000/4922894\n", - "2019-01-31 00:53:26,023 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:53:26,289 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.025*\"cortic\" + 0.019*\"start\" + 0.017*\"act\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.010*\"polaris\" + 0.009*\"legal\" + 0.008*\"order\"\n", - "2019-01-31 00:53:26,290 : INFO : topic #23 (0.020): 0.135*\"audit\" + 0.065*\"best\" + 0.031*\"yawn\" + 0.031*\"jacksonvil\" + 0.024*\"japanes\" + 0.021*\"noll\" + 0.019*\"women\" + 0.019*\"festiv\" + 0.016*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 00:53:26,292 : INFO : topic #9 (0.020): 0.075*\"bone\" + 0.047*\"american\" + 0.027*\"valour\" + 0.018*\"folei\" + 0.018*\"player\" + 0.017*\"polit\" + 0.017*\"english\" + 0.016*\"dutch\" + 0.012*\"acrimoni\" + 0.011*\"surnam\"\n", - "2019-01-31 00:53:26,293 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.027*\"offic\" + 0.023*\"minist\" + 0.022*\"nation\" + 0.021*\"govern\" + 0.020*\"serv\" + 0.020*\"member\" + 0.016*\"gener\" + 0.015*\"start\" + 0.015*\"seri\"\n", - "2019-01-31 00:53:26,294 : INFO : topic #41 (0.020): 0.042*\"citi\" + 0.024*\"new\" + 0.022*\"palmer\" + 0.014*\"strategist\" + 0.012*\"open\" + 0.012*\"center\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 00:53:26,300 : INFO : topic diff=0.005065, rho=0.030331\n", - "2019-01-31 00:53:26,456 : INFO : PROGRESS: pass 0, at document #2176000/4922894\n", - "2019-01-31 00:53:27,852 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:53:28,118 : INFO : topic #14 (0.020): 0.023*\"forc\" + 0.022*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.017*\"com\" + 0.014*\"unionist\" + 0.014*\"militari\" + 0.014*\"oper\" + 0.012*\"airbu\" + 0.012*\"refut\"\n", - "2019-01-31 00:53:28,119 : INFO : topic #9 (0.020): 0.077*\"bone\" + 0.046*\"american\" + 0.027*\"valour\" + 0.018*\"folei\" + 0.018*\"player\" + 0.017*\"polit\" + 0.017*\"dutch\" + 0.016*\"english\" + 0.013*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 00:53:28,120 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.028*\"incumb\" + 0.013*\"islam\" + 0.013*\"televis\" + 0.012*\"anglo\" + 0.012*\"pakistan\" + 0.011*\"muskoge\" + 0.010*\"khalsa\" + 0.010*\"affection\" + 0.009*\"singh\"\n", - "2019-01-31 00:53:28,122 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.025*\"cortic\" + 0.019*\"start\" + 0.017*\"act\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.010*\"polaris\" + 0.009*\"legal\" + 0.008*\"order\"\n", - "2019-01-31 00:53:28,123 : INFO : topic #48 (0.020): 0.079*\"march\" + 0.077*\"sens\" + 0.076*\"octob\" + 0.070*\"juli\" + 0.069*\"januari\" + 0.068*\"notion\" + 0.067*\"august\" + 0.067*\"judici\" + 0.066*\"april\" + 0.063*\"decatur\"\n", - "2019-01-31 00:53:28,129 : INFO : topic diff=0.004624, rho=0.030317\n", - "2019-01-31 00:53:28,283 : INFO : PROGRESS: pass 0, at document #2178000/4922894\n", - "2019-01-31 00:53:29,652 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:53:29,919 : INFO : topic #37 (0.020): 0.010*\"charact\" + 0.010*\"man\" + 0.009*\"septemb\" + 0.007*\"comic\" + 0.007*\"love\" + 0.007*\"anim\" + 0.007*\"appear\" + 0.006*\"gestur\" + 0.005*\"workplac\" + 0.005*\"blue\"\n", - "2019-01-31 00:53:29,920 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.046*\"franc\" + 0.030*\"pari\" + 0.023*\"sail\" + 0.023*\"jean\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 00:53:29,922 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.027*\"offic\" + 0.024*\"minist\" + 0.022*\"nation\" + 0.021*\"govern\" + 0.020*\"member\" + 0.020*\"serv\" + 0.016*\"gener\" + 0.015*\"start\" + 0.015*\"chickasaw\"\n", - "2019-01-31 00:53:29,923 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.024*\"new\" + 0.022*\"palmer\" + 0.014*\"strategist\" + 0.012*\"open\" + 0.012*\"center\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 00:53:29,924 : INFO : topic #21 (0.020): 0.033*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.017*\"mexico\" + 0.014*\"soviet\" + 0.012*\"italian\" + 0.012*\"juan\" + 0.012*\"carlo\" + 0.011*\"santa\" + 0.011*\"lizard\"\n", - "2019-01-31 00:53:29,930 : INFO : topic diff=0.004867, rho=0.030303\n", - "2019-01-31 00:53:32,656 : INFO : -11.674 per-word bound, 3268.0 perplexity estimate based on a held-out corpus of 2000 documents with 584163 words\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:53:32,657 : INFO : PROGRESS: pass 0, at document #2180000/4922894\n", - "2019-01-31 00:53:34,051 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:53:34,317 : INFO : topic #46 (0.020): 0.017*\"damag\" + 0.017*\"stop\" + 0.016*\"sweden\" + 0.016*\"swedish\" + 0.016*\"norwai\" + 0.014*\"wind\" + 0.013*\"norwegian\" + 0.012*\"turkish\" + 0.011*\"turkei\" + 0.011*\"farid\"\n", - "2019-01-31 00:53:34,319 : INFO : topic #24 (0.020): 0.040*\"book\" + 0.035*\"publicis\" + 0.025*\"word\" + 0.017*\"new\" + 0.015*\"edit\" + 0.013*\"presid\" + 0.012*\"nicola\" + 0.012*\"storag\" + 0.012*\"collect\" + 0.011*\"author\"\n", - "2019-01-31 00:53:34,320 : INFO : topic #40 (0.020): 0.089*\"unit\" + 0.023*\"schuster\" + 0.022*\"collector\" + 0.021*\"institut\" + 0.021*\"requir\" + 0.019*\"student\" + 0.015*\"professor\" + 0.012*\"word\" + 0.011*\"governor\" + 0.011*\"degre\"\n", - "2019-01-31 00:53:34,321 : INFO : topic #42 (0.020): 0.045*\"german\" + 0.031*\"germani\" + 0.014*\"jewish\" + 0.014*\"vol\" + 0.014*\"berlin\" + 0.013*\"der\" + 0.013*\"israel\" + 0.011*\"european\" + 0.010*\"europ\" + 0.009*\"itali\"\n", - "2019-01-31 00:53:34,323 : INFO : topic #31 (0.020): 0.052*\"fusiform\" + 0.026*\"scientist\" + 0.025*\"taxpay\" + 0.024*\"player\" + 0.020*\"place\" + 0.013*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 00:53:34,329 : INFO : topic diff=0.004981, rho=0.030289\n", - "2019-01-31 00:53:34,488 : INFO : PROGRESS: pass 0, at document #2182000/4922894\n", - "2019-01-31 00:53:35,888 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:53:36,155 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.024*\"new\" + 0.022*\"palmer\" + 0.014*\"strategist\" + 0.012*\"open\" + 0.012*\"center\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 00:53:36,156 : INFO : topic #27 (0.020): 0.070*\"questionnair\" + 0.019*\"candid\" + 0.018*\"taxpay\" + 0.014*\"tornado\" + 0.012*\"ret\" + 0.012*\"driver\" + 0.012*\"find\" + 0.012*\"squatter\" + 0.011*\"fool\" + 0.011*\"champion\"\n", - "2019-01-31 00:53:36,158 : INFO : topic #28 (0.020): 0.030*\"build\" + 0.026*\"hous\" + 0.021*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.012*\"briarwood\" + 0.011*\"strategist\" + 0.010*\"constitut\" + 0.010*\"linear\" + 0.010*\"depress\"\n", - "2019-01-31 00:53:36,159 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.024*\"epiru\" + 0.023*\"septemb\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.013*\"proclaim\" + 0.013*\"rodríguez\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.011*\"acrimoni\"\n", - "2019-01-31 00:53:36,160 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.009*\"mode\" + 0.008*\"veget\" + 0.008*\"elabor\" + 0.007*\"uruguayan\" + 0.007*\"encyclopedia\" + 0.006*\"spectacl\" + 0.006*\"develop\"\n", - "2019-01-31 00:53:36,166 : INFO : topic diff=0.004280, rho=0.030275\n", - "2019-01-31 00:53:36,325 : INFO : PROGRESS: pass 0, at document #2184000/4922894\n", - "2019-01-31 00:53:37,742 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:53:38,008 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.035*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.024*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:53:38,009 : INFO : topic #48 (0.020): 0.079*\"march\" + 0.077*\"sens\" + 0.077*\"octob\" + 0.069*\"juli\" + 0.069*\"januari\" + 0.068*\"notion\" + 0.068*\"august\" + 0.066*\"judici\" + 0.066*\"april\" + 0.064*\"decatur\"\n", - "2019-01-31 00:53:38,010 : INFO : topic #17 (0.020): 0.076*\"church\" + 0.023*\"christian\" + 0.022*\"cathol\" + 0.020*\"bishop\" + 0.016*\"sail\" + 0.016*\"retroflex\" + 0.009*\"cathedr\" + 0.009*\"centuri\" + 0.009*\"relationship\" + 0.009*\"poll\"\n", - "2019-01-31 00:53:38,011 : INFO : topic #33 (0.020): 0.063*\"french\" + 0.047*\"franc\" + 0.029*\"pari\" + 0.023*\"sail\" + 0.023*\"jean\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 00:53:38,012 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.005*\"like\" + 0.004*\"help\" + 0.004*\"call\"\n", - "2019-01-31 00:53:38,018 : INFO : topic diff=0.004740, rho=0.030261\n", - "2019-01-31 00:53:38,179 : INFO : PROGRESS: pass 0, at document #2186000/4922894\n", - "2019-01-31 00:53:39,604 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:53:39,870 : INFO : topic #46 (0.020): 0.018*\"stop\" + 0.017*\"damag\" + 0.017*\"sweden\" + 0.016*\"norwai\" + 0.016*\"swedish\" + 0.014*\"wind\" + 0.013*\"norwegian\" + 0.012*\"turkish\" + 0.011*\"turkei\" + 0.011*\"treeless\"\n", - "2019-01-31 00:53:39,871 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.012*\"pope\" + 0.011*\"blur\" + 0.011*\"coalit\" + 0.011*\"nativist\" + 0.009*\"class\" + 0.009*\"fleet\"\n", - "2019-01-31 00:53:39,872 : INFO : topic #13 (0.020): 0.027*\"new\" + 0.026*\"sourc\" + 0.026*\"australia\" + 0.024*\"london\" + 0.023*\"australian\" + 0.023*\"england\" + 0.020*\"ireland\" + 0.020*\"british\" + 0.015*\"wale\" + 0.015*\"youth\"\n", - "2019-01-31 00:53:39,873 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.027*\"offic\" + 0.024*\"minist\" + 0.022*\"nation\" + 0.021*\"govern\" + 0.020*\"member\" + 0.019*\"serv\" + 0.016*\"gener\" + 0.016*\"start\" + 0.015*\"seri\"\n", - "2019-01-31 00:53:39,874 : INFO : topic #21 (0.020): 0.034*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.018*\"mexico\" + 0.014*\"soviet\" + 0.012*\"italian\" + 0.012*\"carlo\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"francisco\"\n", - "2019-01-31 00:53:39,880 : INFO : topic diff=0.004062, rho=0.030248\n", - "2019-01-31 00:53:40,036 : INFO : PROGRESS: pass 0, at document #2188000/4922894\n", - "2019-01-31 00:53:41,423 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:53:41,689 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.065*\"best\" + 0.031*\"yawn\" + 0.030*\"jacksonvil\" + 0.024*\"japanes\" + 0.022*\"noll\" + 0.020*\"festiv\" + 0.020*\"women\" + 0.016*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 00:53:41,690 : INFO : topic #42 (0.020): 0.046*\"german\" + 0.031*\"germani\" + 0.016*\"berlin\" + 0.014*\"jewish\" + 0.014*\"vol\" + 0.013*\"israel\" + 0.013*\"der\" + 0.011*\"european\" + 0.010*\"europ\" + 0.009*\"itali\"\n", - "2019-01-31 00:53:41,692 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.024*\"epiru\" + 0.023*\"septemb\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.013*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.011*\"acrimoni\"\n", - "2019-01-31 00:53:41,693 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.023*\"factor\" + 0.019*\"adulthood\" + 0.015*\"feel\" + 0.013*\"male\" + 0.011*\"plaisir\" + 0.010*\"hostil\" + 0.010*\"genu\" + 0.008*\"median\" + 0.008*\"western\"\n", - "2019-01-31 00:53:41,694 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.014*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.006*\"uruguayan\"\n", - "2019-01-31 00:53:41,699 : INFO : topic diff=0.004906, rho=0.030234\n", - "2019-01-31 00:53:41,859 : INFO : PROGRESS: pass 0, at document #2190000/4922894\n", - "2019-01-31 00:53:43,275 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:53:43,541 : INFO : topic #14 (0.020): 0.023*\"forc\" + 0.022*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.014*\"oper\" + 0.014*\"unionist\" + 0.014*\"militari\" + 0.012*\"airbu\" + 0.011*\"refut\"\n", - "2019-01-31 00:53:43,543 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.041*\"line\" + 0.035*\"arsen\" + 0.031*\"raid\" + 0.027*\"museo\" + 0.019*\"traceabl\" + 0.018*\"serv\" + 0.013*\"pain\" + 0.013*\"exhaust\" + 0.013*\"rosenwald\"\n", - "2019-01-31 00:53:43,544 : INFO : topic #48 (0.020): 0.080*\"march\" + 0.077*\"sens\" + 0.077*\"octob\" + 0.070*\"juli\" + 0.070*\"judici\" + 0.069*\"januari\" + 0.068*\"notion\" + 0.068*\"august\" + 0.067*\"april\" + 0.065*\"decatur\"\n", - "2019-01-31 00:53:43,545 : INFO : topic #34 (0.020): 0.069*\"start\" + 0.031*\"new\" + 0.030*\"american\" + 0.029*\"unionist\" + 0.027*\"cotton\" + 0.020*\"year\" + 0.014*\"california\" + 0.013*\"warrior\" + 0.013*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 00:53:43,546 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.024*\"epiru\" + 0.023*\"septemb\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.013*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.011*\"acrimoni\"\n", - "2019-01-31 00:53:43,551 : INFO : topic diff=0.004048, rho=0.030220\n", - "2019-01-31 00:53:43,707 : INFO : PROGRESS: pass 0, at document #2192000/4922894\n", - "2019-01-31 00:53:45,099 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:53:45,365 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.025*\"cortic\" + 0.019*\"start\" + 0.017*\"act\" + 0.014*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.010*\"order\" + 0.009*\"polaris\" + 0.009*\"legal\"\n", - "2019-01-31 00:53:45,366 : INFO : topic #43 (0.020): 0.063*\"elect\" + 0.053*\"parti\" + 0.025*\"voluntari\" + 0.022*\"democrat\" + 0.021*\"member\" + 0.017*\"polici\" + 0.015*\"seaport\" + 0.014*\"republ\" + 0.013*\"liber\" + 0.013*\"bypass\"\n", - "2019-01-31 00:53:45,367 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.030*\"incumb\" + 0.013*\"islam\" + 0.012*\"televis\" + 0.012*\"pakistan\" + 0.012*\"anglo\" + 0.010*\"muskoge\" + 0.010*\"khalsa\" + 0.010*\"affection\" + 0.009*\"sri\"\n", - "2019-01-31 00:53:45,368 : INFO : topic #9 (0.020): 0.074*\"bone\" + 0.046*\"american\" + 0.026*\"valour\" + 0.018*\"folei\" + 0.018*\"player\" + 0.017*\"polit\" + 0.017*\"english\" + 0.017*\"dutch\" + 0.013*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 00:53:45,369 : INFO : topic #27 (0.020): 0.071*\"questionnair\" + 0.019*\"candid\" + 0.018*\"taxpay\" + 0.014*\"tornado\" + 0.013*\"ret\" + 0.012*\"driver\" + 0.012*\"find\" + 0.011*\"squatter\" + 0.011*\"fool\" + 0.011*\"champion\"\n", - "2019-01-31 00:53:45,375 : INFO : topic diff=0.004663, rho=0.030206\n", - "2019-01-31 00:53:45,530 : INFO : PROGRESS: pass 0, at document #2194000/4922894\n", - "2019-01-31 00:53:46,904 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:53:47,170 : INFO : topic #20 (0.020): 0.143*\"scholar\" + 0.040*\"struggl\" + 0.033*\"high\" + 0.030*\"educ\" + 0.024*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"class\" + 0.010*\"gothic\" + 0.009*\"district\"\n", - "2019-01-31 00:53:47,171 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.027*\"offic\" + 0.024*\"minist\" + 0.022*\"member\" + 0.022*\"nation\" + 0.021*\"govern\" + 0.019*\"serv\" + 0.016*\"gener\" + 0.016*\"start\" + 0.015*\"seri\"\n", - "2019-01-31 00:53:47,172 : INFO : topic #36 (0.020): 0.012*\"prognosi\" + 0.012*\"pop\" + 0.011*\"network\" + 0.008*\"championship\" + 0.008*\"develop\" + 0.008*\"diggin\" + 0.008*\"cytokin\" + 0.008*\"brio\" + 0.008*\"softwar\" + 0.008*\"user\"\n", - "2019-01-31 00:53:47,173 : INFO : topic #46 (0.020): 0.018*\"stop\" + 0.018*\"damag\" + 0.016*\"sweden\" + 0.016*\"swedish\" + 0.015*\"norwai\" + 0.014*\"wind\" + 0.014*\"norwegian\" + 0.012*\"treeless\" + 0.011*\"turkish\" + 0.011*\"huntsvil\"\n", - "2019-01-31 00:53:47,174 : INFO : topic #29 (0.020): 0.028*\"companhia\" + 0.012*\"busi\" + 0.012*\"million\" + 0.011*\"bank\" + 0.011*\"produc\" + 0.010*\"market\" + 0.009*\"industri\" + 0.009*\"yawn\" + 0.007*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 00:53:47,180 : INFO : topic diff=0.004133, rho=0.030192\n", - "2019-01-31 00:53:47,341 : INFO : PROGRESS: pass 0, at document #2196000/4922894\n", - "2019-01-31 00:53:48,739 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:53:49,005 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.024*\"epiru\" + 0.023*\"septemb\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.013*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.011*\"acrimoni\"\n", - "2019-01-31 00:53:49,006 : INFO : topic #34 (0.020): 0.068*\"start\" + 0.031*\"new\" + 0.030*\"american\" + 0.029*\"unionist\" + 0.026*\"cotton\" + 0.020*\"year\" + 0.014*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 00:53:49,007 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.012*\"will\" + 0.012*\"jame\" + 0.012*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"georg\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:53:49,008 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.011*\"organ\" + 0.010*\"commun\" + 0.010*\"develop\" + 0.009*\"word\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"cultur\" + 0.007*\"human\"\n", - "2019-01-31 00:53:49,009 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.035*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.025*\"scientist\" + 0.024*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:53:49,015 : INFO : topic diff=0.004337, rho=0.030179\n", - "2019-01-31 00:53:49,174 : INFO : PROGRESS: pass 0, at document #2198000/4922894\n", - "2019-01-31 00:53:50,699 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:53:50,965 : INFO : topic #0 (0.020): 0.066*\"statewid\" + 0.041*\"line\" + 0.035*\"arsen\" + 0.032*\"raid\" + 0.027*\"museo\" + 0.019*\"traceabl\" + 0.018*\"serv\" + 0.013*\"exhaust\" + 0.013*\"pain\" + 0.013*\"rosenwald\"\n", - "2019-01-31 00:53:50,966 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.023*\"factor\" + 0.018*\"adulthood\" + 0.015*\"feel\" + 0.013*\"male\" + 0.011*\"plaisir\" + 0.011*\"genu\" + 0.010*\"hostil\" + 0.008*\"western\" + 0.008*\"median\"\n", - "2019-01-31 00:53:50,967 : INFO : topic #48 (0.020): 0.083*\"sens\" + 0.080*\"march\" + 0.078*\"octob\" + 0.069*\"januari\" + 0.069*\"juli\" + 0.069*\"judici\" + 0.067*\"notion\" + 0.067*\"august\" + 0.066*\"april\" + 0.065*\"decatur\"\n", - "2019-01-31 00:53:50,968 : INFO : topic #16 (0.020): 0.054*\"king\" + 0.033*\"priest\" + 0.022*\"duke\" + 0.020*\"rotterdam\" + 0.019*\"grammat\" + 0.018*\"quarterli\" + 0.017*\"idiosyncrat\" + 0.015*\"kingdom\" + 0.014*\"portugues\" + 0.013*\"count\"\n", - "2019-01-31 00:53:50,970 : INFO : topic #20 (0.020): 0.143*\"scholar\" + 0.040*\"struggl\" + 0.033*\"high\" + 0.030*\"educ\" + 0.024*\"collector\" + 0.018*\"yawn\" + 0.012*\"prognosi\" + 0.010*\"class\" + 0.010*\"gothic\" + 0.009*\"task\"\n", - "2019-01-31 00:53:50,976 : INFO : topic diff=0.004598, rho=0.030165\n", - "2019-01-31 00:53:53,754 : INFO : -11.540 per-word bound, 2978.0 perplexity estimate based on a held-out corpus of 2000 documents with 588492 words\n", - "2019-01-31 00:53:53,755 : INFO : PROGRESS: pass 0, at document #2200000/4922894\n", - "2019-01-31 00:53:55,174 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:53:55,440 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.064*\"best\" + 0.031*\"yawn\" + 0.029*\"jacksonvil\" + 0.024*\"japanes\" + 0.021*\"noll\" + 0.020*\"festiv\" + 0.019*\"women\" + 0.016*\"intern\" + 0.015*\"prison\"\n", - "2019-01-31 00:53:55,441 : INFO : topic #46 (0.020): 0.018*\"stop\" + 0.017*\"damag\" + 0.016*\"sweden\" + 0.016*\"norwai\" + 0.015*\"swedish\" + 0.014*\"wind\" + 0.014*\"norwegian\" + 0.012*\"treeless\" + 0.012*\"huntsvil\" + 0.012*\"turkish\"\n", - "2019-01-31 00:53:55,442 : INFO : topic #0 (0.020): 0.065*\"statewid\" + 0.041*\"line\" + 0.034*\"arsen\" + 0.032*\"raid\" + 0.026*\"museo\" + 0.019*\"traceabl\" + 0.018*\"serv\" + 0.013*\"exhaust\" + 0.013*\"pain\" + 0.013*\"rosenwald\"\n", - "2019-01-31 00:53:55,444 : INFO : topic #31 (0.020): 0.052*\"fusiform\" + 0.026*\"scientist\" + 0.025*\"taxpay\" + 0.024*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 00:53:55,445 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.026*\"final\" + 0.023*\"wife\" + 0.021*\"tourist\" + 0.020*\"champion\" + 0.016*\"martin\" + 0.016*\"chamber\" + 0.015*\"tiepolo\" + 0.015*\"taxpay\" + 0.013*\"women\"\n", - "2019-01-31 00:53:55,451 : INFO : topic diff=0.005532, rho=0.030151\n", - "2019-01-31 00:53:55,608 : INFO : PROGRESS: pass 0, at document #2202000/4922894\n", - "2019-01-31 00:53:56,996 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:53:57,262 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.008*\"mode\" + 0.008*\"veget\" + 0.008*\"elabor\" + 0.007*\"uruguayan\" + 0.007*\"encyclopedia\" + 0.006*\"produc\" + 0.006*\"develop\"\n", - "2019-01-31 00:53:57,263 : INFO : topic #47 (0.020): 0.062*\"muscl\" + 0.032*\"perceptu\" + 0.020*\"theater\" + 0.018*\"place\" + 0.018*\"compos\" + 0.017*\"damn\" + 0.013*\"orchestr\" + 0.012*\"olympo\" + 0.012*\"physician\" + 0.012*\"jack\"\n", - "2019-01-31 00:53:57,264 : INFO : topic #16 (0.020): 0.054*\"king\" + 0.033*\"priest\" + 0.022*\"duke\" + 0.020*\"rotterdam\" + 0.020*\"grammat\" + 0.018*\"quarterli\" + 0.017*\"idiosyncrat\" + 0.015*\"kingdom\" + 0.014*\"portugues\" + 0.014*\"count\"\n", - "2019-01-31 00:53:57,265 : INFO : topic #49 (0.020): 0.045*\"india\" + 0.029*\"incumb\" + 0.013*\"islam\" + 0.013*\"televis\" + 0.013*\"pakistan\" + 0.011*\"anglo\" + 0.011*\"muskoge\" + 0.010*\"affection\" + 0.010*\"khalsa\" + 0.009*\"sri\"\n", - "2019-01-31 00:53:57,266 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.025*\"cortic\" + 0.019*\"start\" + 0.016*\"act\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.010*\"order\" + 0.009*\"polaris\" + 0.009*\"legal\"\n", - "2019-01-31 00:53:57,272 : INFO : topic diff=0.003702, rho=0.030137\n", - "2019-01-31 00:53:57,429 : INFO : PROGRESS: pass 0, at document #2204000/4922894\n", - "2019-01-31 00:53:58,817 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:53:59,083 : INFO : topic #34 (0.020): 0.070*\"start\" + 0.032*\"new\" + 0.031*\"american\" + 0.029*\"unionist\" + 0.026*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 00:53:59,084 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.026*\"final\" + 0.022*\"wife\" + 0.021*\"tourist\" + 0.020*\"champion\" + 0.016*\"chamber\" + 0.016*\"martin\" + 0.015*\"taxpay\" + 0.015*\"tiepolo\" + 0.013*\"women\"\n", - "2019-01-31 00:53:59,086 : INFO : topic #17 (0.020): 0.076*\"church\" + 0.023*\"christian\" + 0.022*\"cathol\" + 0.020*\"bishop\" + 0.016*\"sail\" + 0.016*\"retroflex\" + 0.010*\"relationship\" + 0.010*\"centuri\" + 0.009*\"cathedr\" + 0.009*\"historiographi\"\n", - "2019-01-31 00:53:59,087 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.026*\"offic\" + 0.023*\"minist\" + 0.022*\"member\" + 0.022*\"nation\" + 0.022*\"govern\" + 0.018*\"serv\" + 0.016*\"gener\" + 0.016*\"start\" + 0.015*\"seri\"\n", - "2019-01-31 00:53:59,088 : INFO : topic #28 (0.020): 0.031*\"build\" + 0.026*\"hous\" + 0.021*\"rivièr\" + 0.017*\"buford\" + 0.014*\"briarwood\" + 0.013*\"histor\" + 0.011*\"strategist\" + 0.011*\"constitut\" + 0.010*\"linear\" + 0.010*\"depress\"\n", - "2019-01-31 00:53:59,093 : INFO : topic diff=0.005275, rho=0.030124\n", - "2019-01-31 00:53:59,306 : INFO : PROGRESS: pass 0, at document #2206000/4922894\n", - "2019-01-31 00:54:00,710 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:54:00,975 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"deal\" + 0.012*\"will\"\n", - "2019-01-31 00:54:00,976 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"proper\" + 0.006*\"have\" + 0.006*\"caus\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 00:54:00,977 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.012*\"pope\" + 0.011*\"blur\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.010*\"fleet\" + 0.009*\"class\"\n", - "2019-01-31 00:54:00,978 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.064*\"best\" + 0.032*\"yawn\" + 0.029*\"jacksonvil\" + 0.024*\"japanes\" + 0.021*\"noll\" + 0.020*\"festiv\" + 0.019*\"women\" + 0.017*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 00:54:00,980 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.013*\"will\" + 0.012*\"jame\" + 0.012*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"georg\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:54:00,985 : INFO : topic diff=0.004937, rho=0.030110\n", - "2019-01-31 00:54:01,145 : INFO : PROGRESS: pass 0, at document #2208000/4922894\n", - "2019-01-31 00:54:02,568 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:54:02,834 : INFO : topic #1 (0.020): 0.056*\"china\" + 0.045*\"chilton\" + 0.023*\"hong\" + 0.023*\"kong\" + 0.020*\"korea\" + 0.017*\"korean\" + 0.017*\"leah\" + 0.016*\"sourc\" + 0.013*\"kim\" + 0.013*\"shirin\"\n", - "2019-01-31 00:54:02,835 : INFO : topic #14 (0.020): 0.023*\"forc\" + 0.023*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.014*\"unionist\" + 0.014*\"oper\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.011*\"refut\"\n", - "2019-01-31 00:54:02,836 : INFO : topic #9 (0.020): 0.074*\"bone\" + 0.045*\"american\" + 0.026*\"valour\" + 0.019*\"folei\" + 0.018*\"player\" + 0.018*\"dutch\" + 0.017*\"polit\" + 0.017*\"english\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 00:54:02,837 : INFO : topic #37 (0.020): 0.010*\"charact\" + 0.010*\"man\" + 0.009*\"septemb\" + 0.007*\"comic\" + 0.007*\"anim\" + 0.007*\"love\" + 0.007*\"appear\" + 0.006*\"gestur\" + 0.005*\"workplac\" + 0.005*\"vision\"\n", - "2019-01-31 00:54:02,838 : INFO : topic #13 (0.020): 0.027*\"new\" + 0.026*\"australia\" + 0.026*\"sourc\" + 0.025*\"london\" + 0.023*\"australian\" + 0.022*\"england\" + 0.020*\"british\" + 0.019*\"ireland\" + 0.015*\"wale\" + 0.015*\"youth\"\n", - "2019-01-31 00:54:02,844 : INFO : topic diff=0.004893, rho=0.030096\n", - "2019-01-31 00:54:02,997 : INFO : PROGRESS: pass 0, at document #2210000/4922894\n", - "2019-01-31 00:54:04,369 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:54:04,636 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"exampl\" + 0.007*\"théori\" + 0.007*\"southern\" + 0.006*\"servitud\" + 0.006*\"gener\" + 0.006*\"utopian\" + 0.006*\"poet\" + 0.006*\"measur\"\n", - "2019-01-31 00:54:04,637 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.023*\"factor\" + 0.019*\"adulthood\" + 0.015*\"feel\" + 0.013*\"male\" + 0.011*\"plaisir\" + 0.010*\"genu\" + 0.010*\"hostil\" + 0.009*\"western\" + 0.008*\"median\"\n", - "2019-01-31 00:54:04,638 : INFO : topic #32 (0.020): 0.053*\"district\" + 0.048*\"vigour\" + 0.044*\"popolo\" + 0.037*\"tortur\" + 0.033*\"cotton\" + 0.026*\"area\" + 0.022*\"multitud\" + 0.022*\"regim\" + 0.020*\"citi\" + 0.020*\"cede\"\n", - "2019-01-31 00:54:04,639 : INFO : topic #27 (0.020): 0.070*\"questionnair\" + 0.020*\"candid\" + 0.019*\"taxpay\" + 0.013*\"tornado\" + 0.012*\"driver\" + 0.012*\"ret\" + 0.012*\"find\" + 0.011*\"squatter\" + 0.011*\"fool\" + 0.011*\"champion\"\n", - "2019-01-31 00:54:04,640 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.012*\"pope\" + 0.011*\"blur\" + 0.010*\"coalit\" + 0.010*\"nativist\" + 0.009*\"fleet\" + 0.009*\"class\"\n", - "2019-01-31 00:54:04,647 : INFO : topic diff=0.004713, rho=0.030083\n", - "2019-01-31 00:54:04,803 : INFO : PROGRESS: pass 0, at document #2212000/4922894\n", - "2019-01-31 00:54:06,190 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:54:06,459 : INFO : topic #39 (0.020): 0.055*\"canada\" + 0.042*\"canadian\" + 0.024*\"toronto\" + 0.022*\"hoar\" + 0.019*\"ontario\" + 0.015*\"quebec\" + 0.015*\"misericordia\" + 0.015*\"new\" + 0.013*\"hydrogen\" + 0.012*\"novotná\"\n", - "2019-01-31 00:54:06,460 : INFO : topic #14 (0.020): 0.023*\"forc\" + 0.022*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.014*\"unionist\" + 0.014*\"oper\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.011*\"refut\"\n", - "2019-01-31 00:54:06,461 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.024*\"new\" + 0.021*\"palmer\" + 0.014*\"strategist\" + 0.012*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 00:54:06,463 : INFO : topic #40 (0.020): 0.089*\"unit\" + 0.023*\"collector\" + 0.023*\"schuster\" + 0.021*\"institut\" + 0.020*\"requir\" + 0.019*\"student\" + 0.015*\"professor\" + 0.012*\"word\" + 0.011*\"governor\" + 0.011*\"degre\"\n", - "2019-01-31 00:54:06,464 : INFO : topic #48 (0.020): 0.082*\"sens\" + 0.081*\"march\" + 0.078*\"octob\" + 0.070*\"juli\" + 0.070*\"januari\" + 0.069*\"judici\" + 0.068*\"august\" + 0.068*\"april\" + 0.068*\"notion\" + 0.065*\"decatur\"\n", - "2019-01-31 00:54:06,469 : INFO : topic diff=0.003931, rho=0.030069\n", - "2019-01-31 00:54:06,628 : INFO : PROGRESS: pass 0, at document #2214000/4922894\n", - "2019-01-31 00:54:08,018 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:54:08,285 : INFO : topic #27 (0.020): 0.068*\"questionnair\" + 0.019*\"candid\" + 0.019*\"taxpay\" + 0.015*\"ret\" + 0.013*\"tornado\" + 0.012*\"driver\" + 0.012*\"find\" + 0.011*\"squatter\" + 0.011*\"fool\" + 0.011*\"champion\"\n", - "2019-01-31 00:54:08,286 : INFO : topic #37 (0.020): 0.010*\"man\" + 0.010*\"charact\" + 0.009*\"septemb\" + 0.008*\"anim\" + 0.007*\"comic\" + 0.007*\"love\" + 0.007*\"appear\" + 0.006*\"gestur\" + 0.005*\"workplac\" + 0.005*\"blue\"\n", - "2019-01-31 00:54:08,287 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.066*\"best\" + 0.032*\"yawn\" + 0.029*\"jacksonvil\" + 0.024*\"japanes\" + 0.021*\"noll\" + 0.020*\"festiv\" + 0.019*\"women\" + 0.017*\"intern\" + 0.015*\"prison\"\n", - "2019-01-31 00:54:08,288 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.023*\"factor\" + 0.019*\"adulthood\" + 0.015*\"feel\" + 0.013*\"male\" + 0.011*\"plaisir\" + 0.011*\"genu\" + 0.010*\"hostil\" + 0.009*\"western\" + 0.008*\"median\"\n", - "2019-01-31 00:54:08,289 : INFO : topic #21 (0.020): 0.034*\"samford\" + 0.023*\"spain\" + 0.019*\"del\" + 0.017*\"mexico\" + 0.013*\"soviet\" + 0.013*\"italian\" + 0.013*\"santa\" + 0.011*\"carlo\" + 0.011*\"lizard\" + 0.011*\"juan\"\n", - "2019-01-31 00:54:08,295 : INFO : topic diff=0.004119, rho=0.030056\n", - "2019-01-31 00:54:08,449 : INFO : PROGRESS: pass 0, at document #2216000/4922894\n", - "2019-01-31 00:54:09,827 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:54:10,093 : INFO : topic #20 (0.020): 0.143*\"scholar\" + 0.041*\"struggl\" + 0.032*\"high\" + 0.031*\"educ\" + 0.025*\"collector\" + 0.019*\"yawn\" + 0.012*\"prognosi\" + 0.010*\"class\" + 0.009*\"task\" + 0.009*\"gothic\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:54:10,094 : INFO : topic #26 (0.020): 0.029*\"workplac\" + 0.028*\"woman\" + 0.027*\"champion\" + 0.025*\"men\" + 0.024*\"olymp\" + 0.023*\"alic\" + 0.022*\"medal\" + 0.020*\"event\" + 0.018*\"rainfal\" + 0.018*\"atheist\"\n", - "2019-01-31 00:54:10,095 : INFO : topic #36 (0.020): 0.011*\"pop\" + 0.011*\"prognosi\" + 0.011*\"network\" + 0.008*\"develop\" + 0.008*\"user\" + 0.008*\"brio\" + 0.008*\"championship\" + 0.008*\"diggin\" + 0.008*\"softwar\" + 0.008*\"cytokin\"\n", - "2019-01-31 00:54:10,096 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.026*\"final\" + 0.023*\"wife\" + 0.021*\"tourist\" + 0.020*\"champion\" + 0.017*\"martin\" + 0.016*\"tiepolo\" + 0.016*\"chamber\" + 0.015*\"taxpay\" + 0.013*\"women\"\n", - "2019-01-31 00:54:10,097 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"deal\" + 0.012*\"john\"\n", - "2019-01-31 00:54:10,103 : INFO : topic diff=0.004368, rho=0.030042\n", - "2019-01-31 00:54:10,256 : INFO : PROGRESS: pass 0, at document #2218000/4922894\n", - "2019-01-31 00:54:11,616 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:54:11,882 : INFO : topic #9 (0.020): 0.074*\"bone\" + 0.044*\"american\" + 0.027*\"valour\" + 0.018*\"folei\" + 0.018*\"dutch\" + 0.018*\"player\" + 0.016*\"polit\" + 0.016*\"english\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 00:54:11,883 : INFO : topic #32 (0.020): 0.054*\"district\" + 0.047*\"vigour\" + 0.044*\"popolo\" + 0.037*\"tortur\" + 0.033*\"cotton\" + 0.026*\"area\" + 0.021*\"multitud\" + 0.021*\"regim\" + 0.021*\"citi\" + 0.020*\"cede\"\n", - "2019-01-31 00:54:11,885 : INFO : topic #14 (0.020): 0.023*\"forc\" + 0.022*\"aggress\" + 0.021*\"armi\" + 0.021*\"walter\" + 0.018*\"com\" + 0.014*\"unionist\" + 0.014*\"oper\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.011*\"refut\"\n", - "2019-01-31 00:54:11,886 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"son\" + 0.026*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 00:54:11,887 : INFO : topic #41 (0.020): 0.042*\"citi\" + 0.024*\"new\" + 0.021*\"palmer\" + 0.014*\"strategist\" + 0.012*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 00:54:11,892 : INFO : topic diff=0.004403, rho=0.030029\n", - "2019-01-31 00:54:14,610 : INFO : -11.630 per-word bound, 3169.8 perplexity estimate based on a held-out corpus of 2000 documents with 531243 words\n", - "2019-01-31 00:54:14,610 : INFO : PROGRESS: pass 0, at document #2220000/4922894\n", - "2019-01-31 00:54:16,023 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:54:16,289 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"son\" + 0.026*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 00:54:16,290 : INFO : topic #39 (0.020): 0.056*\"canada\" + 0.042*\"canadian\" + 0.024*\"toronto\" + 0.023*\"hoar\" + 0.019*\"ontario\" + 0.016*\"misericordia\" + 0.015*\"quebec\" + 0.015*\"new\" + 0.014*\"hydrogen\" + 0.012*\"novotná\"\n", - "2019-01-31 00:54:16,291 : INFO : topic #4 (0.020): 0.022*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.008*\"mode\" + 0.008*\"veget\" + 0.008*\"elabor\" + 0.008*\"uruguayan\" + 0.007*\"encyclopedia\" + 0.006*\"produc\" + 0.006*\"develop\"\n", - "2019-01-31 00:54:16,292 : INFO : topic #26 (0.020): 0.029*\"workplac\" + 0.028*\"champion\" + 0.028*\"woman\" + 0.025*\"men\" + 0.024*\"olymp\" + 0.022*\"medal\" + 0.022*\"alic\" + 0.020*\"event\" + 0.018*\"rainfal\" + 0.018*\"atheist\"\n", - "2019-01-31 00:54:16,293 : INFO : topic #14 (0.020): 0.023*\"forc\" + 0.022*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.014*\"unionist\" + 0.014*\"oper\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.011*\"refut\"\n", - "2019-01-31 00:54:16,299 : INFO : topic diff=0.003956, rho=0.030015\n", - "2019-01-31 00:54:16,462 : INFO : PROGRESS: pass 0, at document #2222000/4922894\n", - "2019-01-31 00:54:17,905 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:54:18,172 : INFO : topic #28 (0.020): 0.031*\"build\" + 0.026*\"hous\" + 0.020*\"rivièr\" + 0.017*\"buford\" + 0.014*\"briarwood\" + 0.013*\"histor\" + 0.011*\"strategist\" + 0.010*\"constitut\" + 0.010*\"linear\" + 0.010*\"depress\"\n", - "2019-01-31 00:54:18,173 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.026*\"final\" + 0.022*\"wife\" + 0.022*\"tourist\" + 0.020*\"champion\" + 0.016*\"martin\" + 0.016*\"tiepolo\" + 0.015*\"taxpay\" + 0.015*\"chamber\" + 0.013*\"women\"\n", - "2019-01-31 00:54:18,174 : INFO : topic #32 (0.020): 0.054*\"district\" + 0.046*\"vigour\" + 0.044*\"popolo\" + 0.038*\"tortur\" + 0.034*\"cotton\" + 0.026*\"area\" + 0.022*\"multitud\" + 0.021*\"regim\" + 0.021*\"citi\" + 0.020*\"cede\"\n", - "2019-01-31 00:54:18,175 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.009*\"aza\" + 0.008*\"forc\" + 0.008*\"battalion\" + 0.007*\"empath\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.007*\"pour\" + 0.006*\"govern\" + 0.006*\"militari\"\n", - "2019-01-31 00:54:18,176 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.065*\"best\" + 0.032*\"yawn\" + 0.028*\"jacksonvil\" + 0.023*\"japanes\" + 0.021*\"noll\" + 0.020*\"festiv\" + 0.020*\"women\" + 0.017*\"intern\" + 0.015*\"prison\"\n", - "2019-01-31 00:54:18,181 : INFO : topic diff=0.005332, rho=0.030002\n", - "2019-01-31 00:54:18,342 : INFO : PROGRESS: pass 0, at document #2224000/4922894\n", - "2019-01-31 00:54:19,750 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:54:20,020 : INFO : topic #31 (0.020): 0.053*\"fusiform\" + 0.026*\"scientist\" + 0.026*\"taxpay\" + 0.025*\"player\" + 0.021*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 00:54:20,021 : INFO : topic #16 (0.020): 0.054*\"king\" + 0.033*\"priest\" + 0.021*\"duke\" + 0.019*\"grammat\" + 0.019*\"rotterdam\" + 0.017*\"idiosyncrat\" + 0.017*\"quarterli\" + 0.015*\"kingdom\" + 0.014*\"portugues\" + 0.014*\"count\"\n", - "2019-01-31 00:54:20,022 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.005*\"like\" + 0.004*\"help\" + 0.004*\"call\"\n", - "2019-01-31 00:54:20,023 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"exampl\" + 0.007*\"théori\" + 0.006*\"southern\" + 0.006*\"servitud\" + 0.006*\"gener\" + 0.006*\"measur\" + 0.006*\"poet\" + 0.006*\"utopian\"\n", - "2019-01-31 00:54:20,024 : INFO : topic #17 (0.020): 0.076*\"church\" + 0.022*\"cathol\" + 0.022*\"christian\" + 0.020*\"bishop\" + 0.017*\"sail\" + 0.016*\"retroflex\" + 0.012*\"poll\" + 0.010*\"relationship\" + 0.009*\"cathedr\" + 0.009*\"centuri\"\n", - "2019-01-31 00:54:20,030 : INFO : topic diff=0.005297, rho=0.029988\n", - "2019-01-31 00:54:20,192 : INFO : PROGRESS: pass 0, at document #2226000/4922894\n", - "2019-01-31 00:54:21,597 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:54:21,863 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"commun\" + 0.010*\"develop\" + 0.009*\"word\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.007*\"cultur\" + 0.007*\"woman\" + 0.006*\"human\"\n", - "2019-01-31 00:54:21,864 : INFO : topic #27 (0.020): 0.069*\"questionnair\" + 0.020*\"candid\" + 0.019*\"taxpay\" + 0.016*\"ret\" + 0.013*\"tornado\" + 0.013*\"driver\" + 0.012*\"find\" + 0.012*\"squatter\" + 0.011*\"fool\" + 0.011*\"champion\"\n", - "2019-01-31 00:54:21,865 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.009*\"aza\" + 0.008*\"forc\" + 0.008*\"battalion\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.007*\"teufel\" + 0.007*\"pour\" + 0.006*\"militari\" + 0.006*\"govern\"\n", - "2019-01-31 00:54:21,866 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.027*\"final\" + 0.022*\"wife\" + 0.022*\"tourist\" + 0.020*\"champion\" + 0.016*\"martin\" + 0.016*\"chamber\" + 0.016*\"tiepolo\" + 0.015*\"taxpay\" + 0.013*\"women\"\n", - "2019-01-31 00:54:21,867 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.027*\"offic\" + 0.023*\"minist\" + 0.022*\"member\" + 0.022*\"govern\" + 0.022*\"nation\" + 0.019*\"serv\" + 0.016*\"gener\" + 0.015*\"start\" + 0.015*\"seri\"\n", - "2019-01-31 00:54:21,873 : INFO : topic diff=0.005691, rho=0.029975\n", - "2019-01-31 00:54:22,029 : INFO : PROGRESS: pass 0, at document #2228000/4922894\n", - "2019-01-31 00:54:23,417 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:54:23,683 : INFO : topic #14 (0.020): 0.023*\"forc\" + 0.022*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.014*\"oper\" + 0.014*\"unionist\" + 0.013*\"militari\" + 0.011*\"airbu\" + 0.011*\"refut\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:54:23,684 : INFO : topic #9 (0.020): 0.075*\"bone\" + 0.045*\"american\" + 0.026*\"valour\" + 0.019*\"folei\" + 0.018*\"player\" + 0.018*\"dutch\" + 0.017*\"polit\" + 0.016*\"english\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 00:54:23,685 : INFO : topic #37 (0.020): 0.010*\"charact\" + 0.010*\"man\" + 0.009*\"septemb\" + 0.008*\"anim\" + 0.007*\"comic\" + 0.007*\"love\" + 0.007*\"appear\" + 0.006*\"gestur\" + 0.005*\"workplac\" + 0.005*\"blue\"\n", - "2019-01-31 00:54:23,686 : INFO : topic #31 (0.020): 0.054*\"fusiform\" + 0.027*\"scientist\" + 0.026*\"taxpay\" + 0.024*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 00:54:23,687 : INFO : topic #47 (0.020): 0.062*\"muscl\" + 0.033*\"perceptu\" + 0.021*\"theater\" + 0.020*\"place\" + 0.017*\"compos\" + 0.016*\"damn\" + 0.013*\"orchestr\" + 0.013*\"physician\" + 0.012*\"olympo\" + 0.012*\"word\"\n", - "2019-01-31 00:54:23,693 : INFO : topic diff=0.004230, rho=0.029961\n", - "2019-01-31 00:54:23,850 : INFO : PROGRESS: pass 0, at document #2230000/4922894\n", - "2019-01-31 00:54:25,234 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:54:25,500 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"commun\" + 0.010*\"develop\" + 0.009*\"word\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"cultur\" + 0.006*\"human\"\n", - "2019-01-31 00:54:25,501 : INFO : topic #14 (0.020): 0.023*\"forc\" + 0.022*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.014*\"oper\" + 0.014*\"unionist\" + 0.013*\"militari\" + 0.012*\"refut\" + 0.011*\"airbu\"\n", - "2019-01-31 00:54:25,502 : INFO : topic #16 (0.020): 0.055*\"king\" + 0.034*\"priest\" + 0.023*\"duke\" + 0.019*\"rotterdam\" + 0.019*\"grammat\" + 0.017*\"quarterli\" + 0.017*\"idiosyncrat\" + 0.014*\"kingdom\" + 0.014*\"count\" + 0.014*\"portugues\"\n", - "2019-01-31 00:54:25,503 : INFO : topic #46 (0.020): 0.019*\"stop\" + 0.016*\"damag\" + 0.016*\"norwai\" + 0.015*\"sweden\" + 0.015*\"swedish\" + 0.014*\"wind\" + 0.014*\"norwegian\" + 0.013*\"treeless\" + 0.012*\"turkish\" + 0.012*\"denmark\"\n", - "2019-01-31 00:54:25,504 : INFO : topic #25 (0.020): 0.033*\"ring\" + 0.018*\"lagrang\" + 0.017*\"area\" + 0.017*\"warmth\" + 0.014*\"mount\" + 0.009*\"north\" + 0.009*\"palmer\" + 0.008*\"vacant\" + 0.008*\"lobe\" + 0.008*\"land\"\n", - "2019-01-31 00:54:25,510 : INFO : topic diff=0.004679, rho=0.029948\n", - "2019-01-31 00:54:25,669 : INFO : PROGRESS: pass 0, at document #2232000/4922894\n", - "2019-01-31 00:54:27,079 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:54:27,345 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.023*\"factor\" + 0.019*\"adulthood\" + 0.014*\"feel\" + 0.013*\"male\" + 0.011*\"plaisir\" + 0.010*\"genu\" + 0.010*\"hostil\" + 0.008*\"western\" + 0.008*\"median\"\n", - "2019-01-31 00:54:27,346 : INFO : topic #14 (0.020): 0.023*\"forc\" + 0.022*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.014*\"oper\" + 0.014*\"unionist\" + 0.013*\"militari\" + 0.012*\"refut\" + 0.011*\"airbu\"\n", - "2019-01-31 00:54:27,347 : INFO : topic #27 (0.020): 0.069*\"questionnair\" + 0.019*\"candid\" + 0.018*\"taxpay\" + 0.015*\"ret\" + 0.013*\"tornado\" + 0.012*\"driver\" + 0.012*\"find\" + 0.012*\"squatter\" + 0.011*\"fool\" + 0.011*\"champion\"\n", - "2019-01-31 00:54:27,348 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.012*\"will\" + 0.012*\"jame\" + 0.012*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"slur\" + 0.008*\"georg\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:54:27,349 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.027*\"offic\" + 0.023*\"minist\" + 0.022*\"member\" + 0.022*\"nation\" + 0.022*\"govern\" + 0.019*\"serv\" + 0.016*\"gener\" + 0.015*\"start\" + 0.015*\"seri\"\n", - "2019-01-31 00:54:27,355 : INFO : topic diff=0.004707, rho=0.029934\n", - "2019-01-31 00:54:27,516 : INFO : PROGRESS: pass 0, at document #2234000/4922894\n", - "2019-01-31 00:54:28,908 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:54:29,177 : INFO : topic #21 (0.020): 0.034*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.017*\"mexico\" + 0.014*\"soviet\" + 0.013*\"italian\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"carlo\" + 0.010*\"lizard\"\n", - "2019-01-31 00:54:29,178 : INFO : topic #14 (0.020): 0.023*\"forc\" + 0.022*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.014*\"oper\" + 0.014*\"unionist\" + 0.013*\"militari\" + 0.012*\"refut\" + 0.011*\"airbu\"\n", - "2019-01-31 00:54:29,179 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.037*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.013*\"pope\" + 0.011*\"blur\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.009*\"fleet\" + 0.009*\"bahá\"\n", - "2019-01-31 00:54:29,180 : INFO : topic #42 (0.020): 0.046*\"german\" + 0.032*\"germani\" + 0.015*\"berlin\" + 0.015*\"vol\" + 0.014*\"jewish\" + 0.013*\"der\" + 0.013*\"israel\" + 0.012*\"european\" + 0.010*\"europ\" + 0.009*\"itali\"\n", - "2019-01-31 00:54:29,181 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.005*\"like\" + 0.004*\"help\" + 0.004*\"call\"\n", - "2019-01-31 00:54:29,187 : INFO : topic diff=0.005543, rho=0.029921\n", - "2019-01-31 00:54:29,345 : INFO : PROGRESS: pass 0, at document #2236000/4922894\n", - "2019-01-31 00:54:30,744 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:54:31,010 : INFO : topic #26 (0.020): 0.029*\"workplac\" + 0.028*\"woman\" + 0.028*\"champion\" + 0.025*\"men\" + 0.024*\"olymp\" + 0.022*\"medal\" + 0.021*\"alic\" + 0.020*\"event\" + 0.018*\"rainfal\" + 0.018*\"taxpay\"\n", - "2019-01-31 00:54:31,012 : INFO : topic #31 (0.020): 0.053*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.024*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.010*\"reconstruct\"\n", - "2019-01-31 00:54:31,012 : INFO : topic #16 (0.020): 0.054*\"king\" + 0.035*\"priest\" + 0.023*\"duke\" + 0.019*\"rotterdam\" + 0.019*\"grammat\" + 0.017*\"quarterli\" + 0.017*\"idiosyncrat\" + 0.014*\"kingdom\" + 0.014*\"count\" + 0.014*\"portugues\"\n", - "2019-01-31 00:54:31,014 : INFO : topic #14 (0.020): 0.023*\"forc\" + 0.022*\"aggress\" + 0.020*\"armi\" + 0.020*\"walter\" + 0.017*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.013*\"militari\" + 0.011*\"airbu\" + 0.011*\"refut\"\n", - "2019-01-31 00:54:31,015 : INFO : topic #34 (0.020): 0.071*\"start\" + 0.032*\"new\" + 0.031*\"american\" + 0.028*\"unionist\" + 0.026*\"cotton\" + 0.020*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.013*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 00:54:31,020 : INFO : topic diff=0.004682, rho=0.029907\n", - "2019-01-31 00:54:31,173 : INFO : PROGRESS: pass 0, at document #2238000/4922894\n", - "2019-01-31 00:54:32,603 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:54:32,871 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.033*\"perceptu\" + 0.021*\"theater\" + 0.020*\"place\" + 0.018*\"compos\" + 0.015*\"damn\" + 0.013*\"orchestr\" + 0.013*\"olympo\" + 0.013*\"physician\" + 0.012*\"word\"\n", - "2019-01-31 00:54:32,872 : INFO : topic #21 (0.020): 0.033*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.017*\"mexico\" + 0.014*\"soviet\" + 0.013*\"italian\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"carlo\" + 0.010*\"josé\"\n", - "2019-01-31 00:54:32,873 : INFO : topic #29 (0.020): 0.029*\"companhia\" + 0.012*\"million\" + 0.012*\"busi\" + 0.011*\"bank\" + 0.011*\"produc\" + 0.011*\"market\" + 0.009*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 00:54:32,874 : INFO : topic #34 (0.020): 0.070*\"start\" + 0.032*\"new\" + 0.031*\"american\" + 0.028*\"unionist\" + 0.026*\"cotton\" + 0.020*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 00:54:32,875 : INFO : topic #43 (0.020): 0.063*\"elect\" + 0.052*\"parti\" + 0.025*\"voluntari\" + 0.022*\"democrat\" + 0.020*\"member\" + 0.017*\"polici\" + 0.014*\"republ\" + 0.014*\"report\" + 0.014*\"seaport\" + 0.013*\"liber\"\n", - "2019-01-31 00:54:32,882 : INFO : topic diff=0.005081, rho=0.029894\n", - "2019-01-31 00:54:35,627 : INFO : -11.822 per-word bound, 3619.9 perplexity estimate based on a held-out corpus of 2000 documents with 544971 words\n", - "2019-01-31 00:54:35,628 : INFO : PROGRESS: pass 0, at document #2240000/4922894\n", - "2019-01-31 00:54:37,007 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:54:37,273 : INFO : topic #28 (0.020): 0.031*\"build\" + 0.026*\"hous\" + 0.021*\"rivièr\" + 0.017*\"buford\" + 0.013*\"briarwood\" + 0.013*\"histor\" + 0.011*\"strategist\" + 0.011*\"constitut\" + 0.010*\"depress\" + 0.010*\"linear\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:54:37,274 : INFO : topic #9 (0.020): 0.075*\"bone\" + 0.046*\"american\" + 0.025*\"valour\" + 0.019*\"player\" + 0.019*\"folei\" + 0.018*\"dutch\" + 0.017*\"polit\" + 0.016*\"english\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 00:54:37,275 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"disco\" + 0.008*\"media\" + 0.007*\"have\" + 0.007*\"caus\" + 0.007*\"hormon\" + 0.007*\"pathwai\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 00:54:37,276 : INFO : topic #8 (0.020): 0.025*\"law\" + 0.023*\"cortic\" + 0.018*\"act\" + 0.018*\"start\" + 0.014*\"ricardo\" + 0.012*\"case\" + 0.010*\"order\" + 0.010*\"replac\" + 0.010*\"polaris\" + 0.009*\"legal\"\n", - "2019-01-31 00:54:37,277 : INFO : topic #29 (0.020): 0.029*\"companhia\" + 0.012*\"million\" + 0.012*\"busi\" + 0.011*\"bank\" + 0.011*\"produc\" + 0.011*\"market\" + 0.009*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 00:54:37,283 : INFO : topic diff=0.004726, rho=0.029881\n", - "2019-01-31 00:54:37,439 : INFO : PROGRESS: pass 0, at document #2242000/4922894\n", - "2019-01-31 00:54:38,818 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:54:39,084 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.025*\"epiru\" + 0.023*\"septemb\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"acrimoni\" + 0.011*\"movi\"\n", - "2019-01-31 00:54:39,085 : INFO : topic #9 (0.020): 0.075*\"bone\" + 0.047*\"american\" + 0.025*\"valour\" + 0.019*\"player\" + 0.019*\"folei\" + 0.018*\"dutch\" + 0.018*\"polit\" + 0.016*\"english\" + 0.012*\"simpler\" + 0.012*\"acrimoni\"\n", - "2019-01-31 00:54:39,087 : INFO : topic #42 (0.020): 0.046*\"german\" + 0.031*\"germani\" + 0.015*\"berlin\" + 0.015*\"vol\" + 0.014*\"jewish\" + 0.013*\"der\" + 0.013*\"israel\" + 0.011*\"european\" + 0.010*\"europ\" + 0.009*\"itali\"\n", - "2019-01-31 00:54:39,088 : INFO : topic #16 (0.020): 0.054*\"king\" + 0.035*\"priest\" + 0.022*\"duke\" + 0.019*\"rotterdam\" + 0.018*\"grammat\" + 0.017*\"idiosyncrat\" + 0.017*\"quarterli\" + 0.014*\"kingdom\" + 0.014*\"count\" + 0.013*\"portugues\"\n", - "2019-01-31 00:54:39,089 : INFO : topic #25 (0.020): 0.033*\"ring\" + 0.018*\"lagrang\" + 0.017*\"area\" + 0.016*\"warmth\" + 0.015*\"mount\" + 0.009*\"north\" + 0.009*\"palmer\" + 0.008*\"vacant\" + 0.008*\"sourc\" + 0.008*\"lobe\"\n", - "2019-01-31 00:54:39,095 : INFO : topic diff=0.004676, rho=0.029867\n", - "2019-01-31 00:54:39,249 : INFO : PROGRESS: pass 0, at document #2244000/4922894\n", - "2019-01-31 00:54:40,619 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:54:40,885 : INFO : topic #27 (0.020): 0.069*\"questionnair\" + 0.019*\"candid\" + 0.018*\"taxpay\" + 0.014*\"ret\" + 0.014*\"tornado\" + 0.012*\"driver\" + 0.012*\"squatter\" + 0.011*\"find\" + 0.011*\"fool\" + 0.010*\"théori\"\n", - "2019-01-31 00:54:40,887 : INFO : topic #16 (0.020): 0.054*\"king\" + 0.036*\"priest\" + 0.022*\"duke\" + 0.019*\"rotterdam\" + 0.018*\"grammat\" + 0.017*\"idiosyncrat\" + 0.017*\"quarterli\" + 0.014*\"kingdom\" + 0.014*\"count\" + 0.013*\"portugues\"\n", - "2019-01-31 00:54:40,888 : INFO : topic #30 (0.020): 0.035*\"leagu\" + 0.034*\"cleveland\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.025*\"scientist\" + 0.024*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"diversifi\"\n", - "2019-01-31 00:54:40,889 : INFO : topic #2 (0.020): 0.050*\"isl\" + 0.037*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.009*\"fleet\" + 0.008*\"vernon\"\n", - "2019-01-31 00:54:40,890 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.025*\"epiru\" + 0.023*\"septemb\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"acrimoni\" + 0.011*\"movi\"\n", - "2019-01-31 00:54:40,896 : INFO : topic diff=0.004133, rho=0.029854\n", - "2019-01-31 00:54:41,051 : INFO : PROGRESS: pass 0, at document #2246000/4922894\n", - "2019-01-31 00:54:42,424 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:54:42,691 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.037*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.010*\"coalit\" + 0.010*\"nativist\" + 0.009*\"fleet\" + 0.009*\"class\"\n", - "2019-01-31 00:54:42,692 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.022*\"christian\" + 0.022*\"cathol\" + 0.020*\"bishop\" + 0.017*\"sail\" + 0.016*\"retroflex\" + 0.011*\"poll\" + 0.010*\"cathedr\" + 0.010*\"relationship\" + 0.010*\"centuri\"\n", - "2019-01-31 00:54:42,693 : INFO : topic #32 (0.020): 0.052*\"district\" + 0.046*\"vigour\" + 0.044*\"popolo\" + 0.040*\"tortur\" + 0.034*\"cotton\" + 0.026*\"area\" + 0.022*\"multitud\" + 0.021*\"citi\" + 0.021*\"regim\" + 0.020*\"cede\"\n", - "2019-01-31 00:54:42,694 : INFO : topic #28 (0.020): 0.031*\"build\" + 0.026*\"hous\" + 0.021*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.013*\"briarwood\" + 0.011*\"constitut\" + 0.011*\"strategist\" + 0.010*\"depress\" + 0.010*\"linear\"\n", - "2019-01-31 00:54:42,695 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.041*\"line\" + 0.034*\"raid\" + 0.033*\"arsen\" + 0.026*\"museo\" + 0.020*\"traceabl\" + 0.019*\"serv\" + 0.013*\"rosenwald\" + 0.013*\"exhaust\" + 0.013*\"pain\"\n", - "2019-01-31 00:54:42,701 : INFO : topic diff=0.004573, rho=0.029841\n", - "2019-01-31 00:54:42,855 : INFO : PROGRESS: pass 0, at document #2248000/4922894\n", - "2019-01-31 00:54:44,222 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:54:44,488 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.041*\"line\" + 0.034*\"arsen\" + 0.034*\"raid\" + 0.026*\"museo\" + 0.020*\"traceabl\" + 0.018*\"serv\" + 0.013*\"rosenwald\" + 0.013*\"exhaust\" + 0.013*\"pain\"\n", - "2019-01-31 00:54:44,489 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:54:44,490 : INFO : topic #35 (0.020): 0.059*\"russia\" + 0.037*\"sovereignti\" + 0.035*\"rural\" + 0.026*\"poison\" + 0.026*\"personifi\" + 0.024*\"reprint\" + 0.019*\"moscow\" + 0.018*\"poland\" + 0.017*\"alexand\" + 0.015*\"unfortun\"\n", - "2019-01-31 00:54:44,491 : INFO : topic #33 (0.020): 0.064*\"french\" + 0.046*\"franc\" + 0.030*\"pari\" + 0.024*\"jean\" + 0.023*\"sail\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.008*\"wine\"\n", - "2019-01-31 00:54:44,492 : INFO : topic #43 (0.020): 0.062*\"elect\" + 0.052*\"parti\" + 0.025*\"voluntari\" + 0.022*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.014*\"conserv\" + 0.014*\"republ\" + 0.014*\"liber\" + 0.013*\"labour\"\n", - "2019-01-31 00:54:44,498 : INFO : topic diff=0.004308, rho=0.029827\n", - "2019-01-31 00:54:44,649 : INFO : PROGRESS: pass 0, at document #2250000/4922894\n", - "2019-01-31 00:54:46,002 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:54:46,268 : INFO : topic #43 (0.020): 0.062*\"elect\" + 0.052*\"parti\" + 0.025*\"voluntari\" + 0.022*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.014*\"conserv\" + 0.014*\"liber\" + 0.014*\"republ\" + 0.013*\"seaport\"\n", - "2019-01-31 00:54:46,269 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.022*\"schuster\" + 0.022*\"collector\" + 0.021*\"institut\" + 0.020*\"requir\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"governor\" + 0.011*\"degre\"\n", - "2019-01-31 00:54:46,270 : INFO : topic #33 (0.020): 0.065*\"french\" + 0.046*\"franc\" + 0.030*\"pari\" + 0.024*\"jean\" + 0.023*\"sail\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.008*\"wine\"\n", - "2019-01-31 00:54:46,272 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:54:46,273 : INFO : topic #48 (0.020): 0.083*\"sens\" + 0.080*\"march\" + 0.079*\"octob\" + 0.071*\"januari\" + 0.070*\"juli\" + 0.068*\"judici\" + 0.068*\"notion\" + 0.067*\"april\" + 0.067*\"august\" + 0.065*\"decatur\"\n", - "2019-01-31 00:54:46,279 : INFO : topic diff=0.004911, rho=0.029814\n", - "2019-01-31 00:54:46,434 : INFO : PROGRESS: pass 0, at document #2252000/4922894\n", - "2019-01-31 00:54:47,810 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:54:48,077 : INFO : topic #27 (0.020): 0.069*\"questionnair\" + 0.019*\"candid\" + 0.018*\"taxpay\" + 0.014*\"ret\" + 0.013*\"tornado\" + 0.012*\"driver\" + 0.012*\"find\" + 0.011*\"squatter\" + 0.011*\"fool\" + 0.010*\"théori\"\n", - "2019-01-31 00:54:48,078 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.025*\"epiru\" + 0.023*\"septemb\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"acrimoni\" + 0.011*\"movi\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:54:48,079 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.023*\"cortic\" + 0.018*\"start\" + 0.018*\"act\" + 0.014*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.010*\"polaris\" + 0.009*\"order\" + 0.009*\"legal\"\n", - "2019-01-31 00:54:48,080 : INFO : topic #23 (0.020): 0.137*\"audit\" + 0.065*\"best\" + 0.032*\"yawn\" + 0.029*\"jacksonvil\" + 0.023*\"japanes\" + 0.021*\"noll\" + 0.020*\"festiv\" + 0.019*\"women\" + 0.016*\"intern\" + 0.015*\"winner\"\n", - "2019-01-31 00:54:48,081 : INFO : topic #48 (0.020): 0.083*\"sens\" + 0.080*\"march\" + 0.079*\"octob\" + 0.071*\"januari\" + 0.070*\"juli\" + 0.068*\"judici\" + 0.068*\"notion\" + 0.067*\"april\" + 0.067*\"august\" + 0.066*\"decatur\"\n", - "2019-01-31 00:54:48,087 : INFO : topic diff=0.005261, rho=0.029801\n", - "2019-01-31 00:54:48,242 : INFO : PROGRESS: pass 0, at document #2254000/4922894\n", - "2019-01-31 00:54:49,607 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:54:49,873 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.022*\"factor\" + 0.018*\"adulthood\" + 0.014*\"feel\" + 0.012*\"male\" + 0.011*\"plaisir\" + 0.010*\"genu\" + 0.009*\"hostil\" + 0.008*\"western\" + 0.008*\"median\"\n", - "2019-01-31 00:54:49,874 : INFO : topic #23 (0.020): 0.137*\"audit\" + 0.066*\"best\" + 0.032*\"yawn\" + 0.029*\"jacksonvil\" + 0.023*\"japanes\" + 0.021*\"noll\" + 0.020*\"festiv\" + 0.019*\"women\" + 0.016*\"intern\" + 0.015*\"winner\"\n", - "2019-01-31 00:54:49,875 : INFO : topic #27 (0.020): 0.070*\"questionnair\" + 0.019*\"candid\" + 0.018*\"taxpay\" + 0.014*\"ret\" + 0.014*\"tornado\" + 0.012*\"driver\" + 0.012*\"find\" + 0.011*\"fool\" + 0.011*\"squatter\" + 0.010*\"théori\"\n", - "2019-01-31 00:54:49,876 : INFO : topic #1 (0.020): 0.059*\"china\" + 0.044*\"chilton\" + 0.023*\"hong\" + 0.023*\"kong\" + 0.020*\"korea\" + 0.020*\"korean\" + 0.016*\"sourc\" + 0.016*\"leah\" + 0.012*\"shirin\" + 0.012*\"ashvil\"\n", - "2019-01-31 00:54:49,877 : INFO : topic #26 (0.020): 0.029*\"woman\" + 0.028*\"workplac\" + 0.027*\"champion\" + 0.027*\"men\" + 0.025*\"olymp\" + 0.023*\"alic\" + 0.021*\"medal\" + 0.020*\"event\" + 0.019*\"rainfal\" + 0.018*\"atheist\"\n", - "2019-01-31 00:54:49,883 : INFO : topic diff=0.004541, rho=0.029788\n", - "2019-01-31 00:54:50,044 : INFO : PROGRESS: pass 0, at document #2256000/4922894\n", - "2019-01-31 00:54:51,446 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:54:51,713 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.007*\"exampl\" + 0.006*\"southern\" + 0.006*\"théori\" + 0.006*\"measur\" + 0.006*\"servitud\" + 0.006*\"utopian\" + 0.006*\"gener\" + 0.006*\"poet\"\n", - "2019-01-31 00:54:51,714 : INFO : topic #2 (0.020): 0.050*\"isl\" + 0.037*\"shield\" + 0.017*\"narrat\" + 0.015*\"scot\" + 0.013*\"pope\" + 0.011*\"blur\" + 0.010*\"coalit\" + 0.010*\"nativist\" + 0.009*\"fleet\" + 0.009*\"vernon\"\n", - "2019-01-31 00:54:51,715 : INFO : topic #16 (0.020): 0.054*\"king\" + 0.034*\"priest\" + 0.021*\"duke\" + 0.019*\"rotterdam\" + 0.019*\"grammat\" + 0.017*\"quarterli\" + 0.017*\"idiosyncrat\" + 0.014*\"kingdom\" + 0.014*\"count\" + 0.013*\"portugues\"\n", - "2019-01-31 00:54:51,716 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.032*\"perceptu\" + 0.021*\"theater\" + 0.019*\"place\" + 0.018*\"compos\" + 0.015*\"damn\" + 0.013*\"orchestr\" + 0.013*\"olympo\" + 0.012*\"physician\" + 0.012*\"word\"\n", - "2019-01-31 00:54:51,717 : INFO : topic #29 (0.020): 0.028*\"companhia\" + 0.012*\"busi\" + 0.012*\"million\" + 0.012*\"market\" + 0.011*\"bank\" + 0.010*\"produc\" + 0.009*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 00:54:51,723 : INFO : topic diff=0.005600, rho=0.029775\n", - "2019-01-31 00:54:51,880 : INFO : PROGRESS: pass 0, at document #2258000/4922894\n", - "2019-01-31 00:54:53,252 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:54:53,519 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.026*\"offic\" + 0.023*\"minist\" + 0.022*\"serv\" + 0.022*\"member\" + 0.022*\"nation\" + 0.021*\"govern\" + 0.016*\"gener\" + 0.016*\"start\" + 0.015*\"seri\"\n", - "2019-01-31 00:54:53,520 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.016*\"depress\" + 0.014*\"pour\" + 0.008*\"mode\" + 0.008*\"veget\" + 0.008*\"elabor\" + 0.008*\"uruguayan\" + 0.007*\"encyclopedia\" + 0.006*\"develop\" + 0.006*\"produc\"\n", - "2019-01-31 00:54:53,521 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"word\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"human\" + 0.006*\"cultur\"\n", - "2019-01-31 00:54:53,522 : INFO : topic #43 (0.020): 0.062*\"elect\" + 0.052*\"parti\" + 0.025*\"voluntari\" + 0.022*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.014*\"liber\" + 0.014*\"conserv\" + 0.014*\"republ\" + 0.013*\"seaport\"\n", - "2019-01-31 00:54:53,523 : INFO : topic #28 (0.020): 0.032*\"build\" + 0.026*\"hous\" + 0.021*\"rivièr\" + 0.017*\"buford\" + 0.014*\"histor\" + 0.013*\"briarwood\" + 0.011*\"constitut\" + 0.011*\"strategist\" + 0.010*\"depress\" + 0.010*\"linear\"\n", - "2019-01-31 00:54:53,529 : INFO : topic diff=0.004321, rho=0.029761\n", - "2019-01-31 00:54:56,215 : INFO : -11.817 per-word bound, 3609.1 perplexity estimate based on a held-out corpus of 2000 documents with 550496 words\n", - "2019-01-31 00:54:56,215 : INFO : PROGRESS: pass 0, at document #2260000/4922894\n", - "2019-01-31 00:54:57,600 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:54:57,866 : INFO : topic #44 (0.020): 0.032*\"rooftop\" + 0.026*\"final\" + 0.023*\"wife\" + 0.021*\"tourist\" + 0.019*\"champion\" + 0.016*\"chamber\" + 0.015*\"taxpay\" + 0.015*\"martin\" + 0.015*\"tiepolo\" + 0.012*\"women\"\n", - "2019-01-31 00:54:57,867 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.013*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"slur\" + 0.008*\"georg\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:54:57,868 : INFO : topic #25 (0.020): 0.033*\"ring\" + 0.018*\"lagrang\" + 0.017*\"warmth\" + 0.017*\"area\" + 0.015*\"mount\" + 0.009*\"north\" + 0.009*\"palmer\" + 0.008*\"lobe\" + 0.008*\"foam\" + 0.008*\"land\"\n", - "2019-01-31 00:54:57,869 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.005*\"like\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 00:54:57,870 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.046*\"vigour\" + 0.044*\"popolo\" + 0.040*\"tortur\" + 0.034*\"cotton\" + 0.026*\"area\" + 0.021*\"multitud\" + 0.021*\"citi\" + 0.021*\"regim\" + 0.019*\"cede\"\n", - "2019-01-31 00:54:57,876 : INFO : topic diff=0.004881, rho=0.029748\n", - "2019-01-31 00:54:58,032 : INFO : PROGRESS: pass 0, at document #2262000/4922894\n", - "2019-01-31 00:54:59,412 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:54:59,678 : INFO : topic #45 (0.020): 0.027*\"jpg\" + 0.027*\"fifteenth\" + 0.017*\"illicit\" + 0.017*\"colder\" + 0.015*\"black\" + 0.014*\"western\" + 0.012*\"record\" + 0.010*\"blind\" + 0.008*\"depress\" + 0.008*\"arm\"\n", - "2019-01-31 00:54:59,679 : INFO : topic #44 (0.020): 0.033*\"rooftop\" + 0.026*\"final\" + 0.023*\"wife\" + 0.021*\"tourist\" + 0.019*\"champion\" + 0.016*\"chamber\" + 0.015*\"taxpay\" + 0.015*\"martin\" + 0.015*\"tiepolo\" + 0.012*\"women\"\n", - "2019-01-31 00:54:59,680 : INFO : topic #33 (0.020): 0.064*\"french\" + 0.046*\"franc\" + 0.031*\"pari\" + 0.023*\"jean\" + 0.023*\"sail\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.008*\"wine\"\n", - "2019-01-31 00:54:59,681 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.013*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"slur\" + 0.008*\"georg\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:54:59,683 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.005*\"like\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 00:54:59,688 : INFO : topic diff=0.004998, rho=0.029735\n", - "2019-01-31 00:54:59,843 : INFO : PROGRESS: pass 0, at document #2264000/4922894\n", - "2019-01-31 00:55:01,195 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:55:01,462 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.034*\"publicis\" + 0.025*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"collect\" + 0.012*\"nicola\" + 0.011*\"storag\" + 0.011*\"worldwid\"\n", - "2019-01-31 00:55:01,463 : INFO : topic #36 (0.020): 0.012*\"pop\" + 0.011*\"network\" + 0.011*\"prognosi\" + 0.008*\"develop\" + 0.008*\"user\" + 0.008*\"brio\" + 0.008*\"diggin\" + 0.008*\"cytokin\" + 0.008*\"softwar\" + 0.007*\"championship\"\n", - "2019-01-31 00:55:01,464 : INFO : topic #21 (0.020): 0.035*\"samford\" + 0.023*\"spain\" + 0.019*\"del\" + 0.017*\"mexico\" + 0.013*\"soviet\" + 0.013*\"italian\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"francisco\" + 0.011*\"carlo\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:55:01,465 : INFO : topic #44 (0.020): 0.033*\"rooftop\" + 0.026*\"final\" + 0.023*\"wife\" + 0.021*\"tourist\" + 0.019*\"champion\" + 0.016*\"chamber\" + 0.016*\"taxpay\" + 0.015*\"tiepolo\" + 0.015*\"martin\" + 0.012*\"women\"\n", - "2019-01-31 00:55:01,466 : INFO : topic #28 (0.020): 0.032*\"build\" + 0.026*\"hous\" + 0.021*\"rivièr\" + 0.017*\"buford\" + 0.014*\"histor\" + 0.012*\"briarwood\" + 0.011*\"strategist\" + 0.011*\"constitut\" + 0.010*\"depress\" + 0.010*\"linear\"\n", - "2019-01-31 00:55:01,472 : INFO : topic diff=0.004950, rho=0.029722\n", - "2019-01-31 00:55:01,627 : INFO : PROGRESS: pass 0, at document #2266000/4922894\n", - "2019-01-31 00:55:03,004 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:55:03,270 : INFO : topic #43 (0.020): 0.063*\"elect\" + 0.053*\"parti\" + 0.025*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.014*\"republ\" + 0.014*\"liber\" + 0.014*\"seaport\" + 0.013*\"bypass\"\n", - "2019-01-31 00:55:03,271 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.018*\"lagrang\" + 0.017*\"warmth\" + 0.017*\"area\" + 0.015*\"mount\" + 0.009*\"north\" + 0.009*\"palmer\" + 0.008*\"foam\" + 0.008*\"vacant\" + 0.008*\"lobe\"\n", - "2019-01-31 00:55:03,272 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.023*\"cortic\" + 0.018*\"start\" + 0.018*\"act\" + 0.014*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.010*\"polaris\" + 0.009*\"order\" + 0.009*\"legal\"\n", - "2019-01-31 00:55:03,273 : INFO : topic #35 (0.020): 0.058*\"russia\" + 0.037*\"sovereignti\" + 0.034*\"rural\" + 0.027*\"poison\" + 0.026*\"personifi\" + 0.024*\"reprint\" + 0.019*\"moscow\" + 0.018*\"poland\" + 0.016*\"alexand\" + 0.015*\"unfortun\"\n", - "2019-01-31 00:55:03,274 : INFO : topic #26 (0.020): 0.029*\"woman\" + 0.028*\"workplac\" + 0.026*\"champion\" + 0.026*\"men\" + 0.024*\"olymp\" + 0.022*\"alic\" + 0.021*\"event\" + 0.021*\"medal\" + 0.019*\"rainfal\" + 0.018*\"atheist\"\n", - "2019-01-31 00:55:03,280 : INFO : topic diff=0.004497, rho=0.029709\n", - "2019-01-31 00:55:03,431 : INFO : PROGRESS: pass 0, at document #2268000/4922894\n", - "2019-01-31 00:55:04,780 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:55:05,047 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.023*\"new\" + 0.023*\"palmer\" + 0.013*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.010*\"lobe\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 00:55:05,048 : INFO : topic #1 (0.020): 0.057*\"china\" + 0.044*\"chilton\" + 0.023*\"hong\" + 0.023*\"kong\" + 0.021*\"korea\" + 0.019*\"korean\" + 0.016*\"leah\" + 0.016*\"sourc\" + 0.013*\"kim\" + 0.012*\"shirin\"\n", - "2019-01-31 00:55:05,049 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.007*\"exampl\" + 0.006*\"théori\" + 0.006*\"southern\" + 0.006*\"utopian\" + 0.006*\"measur\" + 0.006*\"gener\" + 0.006*\"servitud\" + 0.006*\"poet\"\n", - "2019-01-31 00:55:05,050 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.022*\"factor\" + 0.018*\"adulthood\" + 0.015*\"feel\" + 0.013*\"male\" + 0.012*\"plaisir\" + 0.010*\"genu\" + 0.009*\"hostil\" + 0.008*\"live\" + 0.008*\"western\"\n", - "2019-01-31 00:55:05,051 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.023*\"cortic\" + 0.018*\"start\" + 0.018*\"act\" + 0.014*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.010*\"polaris\" + 0.009*\"legal\" + 0.009*\"order\"\n", - "2019-01-31 00:55:05,057 : INFO : topic diff=0.004598, rho=0.029696\n", - "2019-01-31 00:55:05,271 : INFO : PROGRESS: pass 0, at document #2270000/4922894\n", - "2019-01-31 00:55:06,671 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:55:06,938 : INFO : topic #37 (0.020): 0.010*\"charact\" + 0.010*\"man\" + 0.009*\"septemb\" + 0.007*\"anim\" + 0.007*\"love\" + 0.007*\"comic\" + 0.007*\"appear\" + 0.006*\"gestur\" + 0.005*\"workplac\" + 0.005*\"blue\"\n", - "2019-01-31 00:55:06,939 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.013*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"slur\" + 0.008*\"georg\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:55:06,940 : INFO : topic #48 (0.020): 0.082*\"sens\" + 0.080*\"march\" + 0.080*\"octob\" + 0.072*\"januari\" + 0.069*\"notion\" + 0.069*\"juli\" + 0.067*\"april\" + 0.067*\"judici\" + 0.066*\"decatur\" + 0.066*\"august\"\n", - "2019-01-31 00:55:06,941 : INFO : topic #16 (0.020): 0.055*\"king\" + 0.034*\"priest\" + 0.021*\"duke\" + 0.019*\"rotterdam\" + 0.019*\"grammat\" + 0.018*\"idiosyncrat\" + 0.016*\"quarterli\" + 0.014*\"count\" + 0.014*\"kingdom\" + 0.013*\"maria\"\n", - "2019-01-31 00:55:06,942 : INFO : topic #27 (0.020): 0.070*\"questionnair\" + 0.019*\"taxpay\" + 0.019*\"candid\" + 0.014*\"ret\" + 0.013*\"tornado\" + 0.013*\"driver\" + 0.012*\"find\" + 0.011*\"squatter\" + 0.011*\"fool\" + 0.010*\"théori\"\n", - "2019-01-31 00:55:06,949 : INFO : topic diff=0.004482, rho=0.029683\n", - "2019-01-31 00:55:07,107 : INFO : PROGRESS: pass 0, at document #2272000/4922894\n", - "2019-01-31 00:55:08,506 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:55:08,773 : INFO : topic #31 (0.020): 0.052*\"fusiform\" + 0.027*\"scientist\" + 0.026*\"taxpay\" + 0.024*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.012*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 00:55:08,774 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.022*\"christian\" + 0.022*\"cathol\" + 0.020*\"bishop\" + 0.017*\"sail\" + 0.016*\"retroflex\" + 0.010*\"centuri\" + 0.010*\"relationship\" + 0.010*\"cathedr\" + 0.009*\"poll\"\n", - "2019-01-31 00:55:08,775 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.040*\"line\" + 0.034*\"raid\" + 0.033*\"arsen\" + 0.027*\"museo\" + 0.019*\"traceabl\" + 0.019*\"serv\" + 0.013*\"rosenwald\" + 0.013*\"exhaust\" + 0.012*\"pain\"\n", - "2019-01-31 00:55:08,776 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.014*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.007*\"ancestor\"\n", - "2019-01-31 00:55:08,777 : INFO : topic #26 (0.020): 0.029*\"woman\" + 0.027*\"workplac\" + 0.026*\"champion\" + 0.026*\"men\" + 0.024*\"olymp\" + 0.022*\"alic\" + 0.021*\"medal\" + 0.021*\"event\" + 0.020*\"rainfal\" + 0.018*\"atheist\"\n", - "2019-01-31 00:55:08,783 : INFO : topic diff=0.005570, rho=0.029670\n", - "2019-01-31 00:55:08,942 : INFO : PROGRESS: pass 0, at document #2274000/4922894\n", - "2019-01-31 00:55:10,338 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:55:10,605 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.008*\"frontal\" + 0.007*\"exampl\" + 0.006*\"théori\" + 0.006*\"southern\" + 0.006*\"utopian\" + 0.006*\"measur\" + 0.006*\"gener\" + 0.006*\"servitud\" + 0.006*\"poet\"\n", - "2019-01-31 00:55:10,606 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.026*\"offic\" + 0.024*\"minist\" + 0.022*\"member\" + 0.022*\"nation\" + 0.021*\"govern\" + 0.021*\"serv\" + 0.016*\"gener\" + 0.015*\"start\" + 0.015*\"seri\"\n", - "2019-01-31 00:55:10,607 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.005*\"like\" + 0.004*\"call\" + 0.004*\"kenworthi\"\n", - "2019-01-31 00:55:10,608 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.023*\"cortic\" + 0.018*\"start\" + 0.017*\"act\" + 0.014*\"ricardo\" + 0.012*\"case\" + 0.011*\"replac\" + 0.010*\"polaris\" + 0.009*\"legal\" + 0.009*\"order\"\n", - "2019-01-31 00:55:10,609 : INFO : topic #30 (0.020): 0.035*\"cleveland\" + 0.035*\"leagu\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.025*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.014*\"martin\" + 0.012*\"diversifi\"\n", - "2019-01-31 00:55:10,615 : INFO : topic diff=0.004688, rho=0.029656\n", - "2019-01-31 00:55:10,773 : INFO : PROGRESS: pass 0, at document #2276000/4922894\n", - "2019-01-31 00:55:12,144 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:55:12,410 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.026*\"offic\" + 0.024*\"minist\" + 0.022*\"member\" + 0.022*\"nation\" + 0.021*\"govern\" + 0.020*\"serv\" + 0.016*\"gener\" + 0.015*\"start\" + 0.015*\"seri\"\n", - "2019-01-31 00:55:12,411 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.023*\"cathol\" + 0.022*\"christian\" + 0.021*\"bishop\" + 0.017*\"sail\" + 0.015*\"retroflex\" + 0.010*\"centuri\" + 0.010*\"relationship\" + 0.009*\"cathedr\" + 0.009*\"poll\"\n", - "2019-01-31 00:55:12,412 : INFO : topic #14 (0.020): 0.023*\"forc\" + 0.021*\"armi\" + 0.021*\"aggress\" + 0.020*\"walter\" + 0.017*\"com\" + 0.014*\"oper\" + 0.014*\"unionist\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.011*\"refut\"\n", - "2019-01-31 00:55:12,413 : INFO : topic #31 (0.020): 0.051*\"fusiform\" + 0.026*\"scientist\" + 0.026*\"taxpay\" + 0.024*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.012*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:55:12,414 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:55:12,420 : INFO : topic diff=0.005100, rho=0.029643\n", - "2019-01-31 00:55:12,579 : INFO : PROGRESS: pass 0, at document #2278000/4922894\n", - "2019-01-31 00:55:13,974 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:55:14,240 : INFO : topic #46 (0.020): 0.018*\"sweden\" + 0.018*\"stop\" + 0.017*\"swedish\" + 0.016*\"norwai\" + 0.015*\"damag\" + 0.015*\"wind\" + 0.015*\"norwegian\" + 0.013*\"farid\" + 0.012*\"treeless\" + 0.011*\"huntsvil\"\n", - "2019-01-31 00:55:14,241 : INFO : topic #37 (0.020): 0.010*\"charact\" + 0.010*\"man\" + 0.009*\"septemb\" + 0.007*\"love\" + 0.007*\"anim\" + 0.007*\"comic\" + 0.007*\"appear\" + 0.006*\"gestur\" + 0.005*\"workplac\" + 0.005*\"blue\"\n", - "2019-01-31 00:55:14,243 : INFO : topic #30 (0.020): 0.035*\"cleveland\" + 0.035*\"leagu\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.025*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.014*\"martin\" + 0.012*\"diversifi\"\n", - "2019-01-31 00:55:14,244 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.023*\"cortic\" + 0.018*\"start\" + 0.017*\"act\" + 0.014*\"ricardo\" + 0.012*\"case\" + 0.011*\"replac\" + 0.010*\"polaris\" + 0.009*\"legal\" + 0.008*\"order\"\n", - "2019-01-31 00:55:14,245 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"deal\" + 0.012*\"daughter\"\n", - "2019-01-31 00:55:14,251 : INFO : topic diff=0.004832, rho=0.029630\n", - "2019-01-31 00:55:16,914 : INFO : -11.637 per-word bound, 3185.9 perplexity estimate based on a held-out corpus of 2000 documents with 541085 words\n", - "2019-01-31 00:55:16,915 : INFO : PROGRESS: pass 0, at document #2280000/4922894\n", - "2019-01-31 00:55:18,287 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:55:18,553 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.005*\"like\" + 0.004*\"call\" + 0.004*\"kenworthi\"\n", - "2019-01-31 00:55:18,554 : INFO : topic #2 (0.020): 0.051*\"isl\" + 0.037*\"shield\" + 0.017*\"narrat\" + 0.015*\"scot\" + 0.013*\"pope\" + 0.011*\"blur\" + 0.010*\"coalit\" + 0.010*\"nativist\" + 0.009*\"fleet\" + 0.009*\"vernon\"\n", - "2019-01-31 00:55:18,555 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.031*\"germani\" + 0.015*\"vol\" + 0.015*\"berlin\" + 0.014*\"jewish\" + 0.014*\"israel\" + 0.013*\"der\" + 0.012*\"european\" + 0.009*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 00:55:18,557 : INFO : topic #35 (0.020): 0.057*\"russia\" + 0.036*\"sovereignti\" + 0.034*\"rural\" + 0.026*\"poison\" + 0.026*\"personifi\" + 0.024*\"reprint\" + 0.019*\"moscow\" + 0.018*\"poland\" + 0.017*\"alexand\" + 0.014*\"unfortun\"\n", - "2019-01-31 00:55:18,558 : INFO : topic #36 (0.020): 0.012*\"pop\" + 0.011*\"network\" + 0.011*\"prognosi\" + 0.008*\"develop\" + 0.008*\"cytokin\" + 0.008*\"brio\" + 0.008*\"user\" + 0.008*\"diggin\" + 0.007*\"softwar\" + 0.007*\"includ\"\n", - "2019-01-31 00:55:18,564 : INFO : topic diff=0.004752, rho=0.029617\n", - "2019-01-31 00:55:18,725 : INFO : PROGRESS: pass 0, at document #2282000/4922894\n", - "2019-01-31 00:55:20,138 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:55:20,404 : INFO : topic #13 (0.020): 0.027*\"new\" + 0.026*\"sourc\" + 0.025*\"australia\" + 0.024*\"london\" + 0.022*\"england\" + 0.021*\"australian\" + 0.020*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.014*\"weekli\"\n", - "2019-01-31 00:55:20,405 : INFO : topic #40 (0.020): 0.090*\"unit\" + 0.023*\"schuster\" + 0.023*\"collector\" + 0.021*\"institut\" + 0.020*\"requir\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"governor\" + 0.011*\"degre\"\n", - "2019-01-31 00:55:20,406 : INFO : topic #27 (0.020): 0.070*\"questionnair\" + 0.019*\"taxpay\" + 0.018*\"candid\" + 0.014*\"ret\" + 0.013*\"tornado\" + 0.012*\"driver\" + 0.012*\"find\" + 0.011*\"fool\" + 0.010*\"landslid\" + 0.010*\"squatter\"\n", - "2019-01-31 00:55:20,407 : INFO : topic #49 (0.020): 0.042*\"india\" + 0.031*\"incumb\" + 0.012*\"islam\" + 0.012*\"pakistan\" + 0.012*\"televis\" + 0.012*\"anglo\" + 0.011*\"tajikistan\" + 0.010*\"affection\" + 0.009*\"khalsa\" + 0.009*\"alam\"\n", - "2019-01-31 00:55:20,408 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.009*\"aza\" + 0.009*\"forc\" + 0.008*\"battalion\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.006*\"militari\" + 0.006*\"till\" + 0.006*\"pour\"\n", - "2019-01-31 00:55:20,414 : INFO : topic diff=0.004398, rho=0.029604\n", - "2019-01-31 00:55:20,575 : INFO : PROGRESS: pass 0, at document #2284000/4922894\n", - "2019-01-31 00:55:21,957 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:55:22,224 : INFO : topic #28 (0.020): 0.033*\"build\" + 0.026*\"hous\" + 0.021*\"rivièr\" + 0.017*\"buford\" + 0.014*\"histor\" + 0.012*\"briarwood\" + 0.011*\"strategist\" + 0.011*\"constitut\" + 0.010*\"depress\" + 0.010*\"linear\"\n", - "2019-01-31 00:55:22,225 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.016*\"depress\" + 0.014*\"pour\" + 0.008*\"elabor\" + 0.008*\"mode\" + 0.008*\"veget\" + 0.008*\"uruguayan\" + 0.006*\"encyclopedia\" + 0.006*\"develop\" + 0.006*\"produc\"\n", - "2019-01-31 00:55:22,226 : INFO : topic #13 (0.020): 0.027*\"new\" + 0.026*\"sourc\" + 0.025*\"australia\" + 0.024*\"london\" + 0.022*\"england\" + 0.021*\"australian\" + 0.020*\"british\" + 0.018*\"ireland\" + 0.016*\"youth\" + 0.014*\"weekli\"\n", - "2019-01-31 00:55:22,227 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.031*\"incumb\" + 0.012*\"islam\" + 0.012*\"pakistan\" + 0.012*\"televis\" + 0.011*\"anglo\" + 0.011*\"tajikistan\" + 0.010*\"affection\" + 0.009*\"sri\" + 0.009*\"khalsa\"\n", - "2019-01-31 00:55:22,228 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"deal\" + 0.012*\"daughter\"\n", - "2019-01-31 00:55:22,234 : INFO : topic diff=0.004101, rho=0.029591\n", - "2019-01-31 00:55:22,392 : INFO : PROGRESS: pass 0, at document #2286000/4922894\n", - "2019-01-31 00:55:23,792 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:55:24,059 : INFO : topic #45 (0.020): 0.027*\"jpg\" + 0.027*\"fifteenth\" + 0.017*\"illicit\" + 0.016*\"colder\" + 0.016*\"black\" + 0.014*\"western\" + 0.012*\"record\" + 0.010*\"blind\" + 0.009*\"arm\" + 0.009*\"depress\"\n", - "2019-01-31 00:55:24,060 : INFO : topic #2 (0.020): 0.051*\"isl\" + 0.037*\"shield\" + 0.017*\"narrat\" + 0.015*\"scot\" + 0.013*\"pope\" + 0.011*\"coalit\" + 0.011*\"blur\" + 0.011*\"nativist\" + 0.009*\"fleet\" + 0.009*\"vernon\"\n", - "2019-01-31 00:55:24,061 : INFO : topic #35 (0.020): 0.057*\"russia\" + 0.036*\"sovereignti\" + 0.033*\"rural\" + 0.027*\"poison\" + 0.026*\"personifi\" + 0.023*\"reprint\" + 0.019*\"moscow\" + 0.018*\"poland\" + 0.017*\"alexand\" + 0.014*\"unfortun\"\n", - "2019-01-31 00:55:24,062 : INFO : topic #20 (0.020): 0.144*\"scholar\" + 0.041*\"struggl\" + 0.034*\"high\" + 0.031*\"educ\" + 0.025*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.009*\"task\" + 0.009*\"class\"\n", - "2019-01-31 00:55:24,063 : INFO : topic #25 (0.020): 0.031*\"ring\" + 0.018*\"lagrang\" + 0.017*\"area\" + 0.017*\"warmth\" + 0.015*\"mount\" + 0.009*\"north\" + 0.009*\"palmer\" + 0.008*\"sourc\" + 0.008*\"lobe\" + 0.008*\"land\"\n", - "2019-01-31 00:55:24,069 : INFO : topic diff=0.004848, rho=0.029579\n", - "2019-01-31 00:55:24,224 : INFO : PROGRESS: pass 0, at document #2288000/4922894\n", - "2019-01-31 00:55:25,591 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:55:25,857 : INFO : topic #43 (0.020): 0.063*\"elect\" + 0.053*\"parti\" + 0.024*\"voluntari\" + 0.022*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.014*\"liber\" + 0.014*\"republ\" + 0.014*\"report\" + 0.013*\"bypass\"\n", - "2019-01-31 00:55:25,859 : INFO : topic #34 (0.020): 0.069*\"start\" + 0.032*\"new\" + 0.031*\"american\" + 0.029*\"unionist\" + 0.025*\"cotton\" + 0.019*\"year\" + 0.014*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 00:55:25,860 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:55:25,861 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.005*\"like\" + 0.004*\"call\" + 0.004*\"kenworthi\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:55:25,862 : INFO : topic #30 (0.020): 0.035*\"leagu\" + 0.035*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.025*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"diversifi\"\n", - "2019-01-31 00:55:25,869 : INFO : topic diff=0.004312, rho=0.029566\n", - "2019-01-31 00:55:26,023 : INFO : PROGRESS: pass 0, at document #2290000/4922894\n", - "2019-01-31 00:55:27,407 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:55:27,674 : INFO : topic #28 (0.020): 0.033*\"build\" + 0.025*\"hous\" + 0.022*\"rivièr\" + 0.018*\"buford\" + 0.014*\"histor\" + 0.012*\"briarwood\" + 0.011*\"strategist\" + 0.011*\"constitut\" + 0.010*\"depress\" + 0.010*\"linear\"\n", - "2019-01-31 00:55:27,675 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.035*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.025*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.014*\"martin\" + 0.012*\"diversifi\"\n", - "2019-01-31 00:55:27,676 : INFO : topic #11 (0.020): 0.025*\"john\" + 0.012*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"slur\" + 0.008*\"georg\" + 0.008*\"paul\" + 0.007*\"rhyme\"\n", - "2019-01-31 00:55:27,677 : INFO : topic #33 (0.020): 0.064*\"french\" + 0.046*\"franc\" + 0.031*\"pari\" + 0.023*\"jean\" + 0.023*\"sail\" + 0.016*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.012*\"piec\" + 0.011*\"wreath\"\n", - "2019-01-31 00:55:27,679 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.005*\"like\" + 0.004*\"call\" + 0.004*\"kenworthi\"\n", - "2019-01-31 00:55:27,684 : INFO : topic diff=0.004632, rho=0.029553\n", - "2019-01-31 00:55:27,836 : INFO : PROGRESS: pass 0, at document #2292000/4922894\n", - "2019-01-31 00:55:29,187 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:55:29,453 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.033*\"perceptu\" + 0.021*\"theater\" + 0.019*\"place\" + 0.017*\"compos\" + 0.014*\"damn\" + 0.014*\"orchestr\" + 0.012*\"olympo\" + 0.012*\"jack\" + 0.011*\"word\"\n", - "2019-01-31 00:55:29,454 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"deal\" + 0.012*\"daughter\"\n", - "2019-01-31 00:55:29,455 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:55:29,456 : INFO : topic #26 (0.020): 0.030*\"woman\" + 0.027*\"workplac\" + 0.026*\"champion\" + 0.026*\"men\" + 0.024*\"olymp\" + 0.022*\"alic\" + 0.021*\"event\" + 0.020*\"medal\" + 0.019*\"rainfal\" + 0.019*\"atheist\"\n", - "2019-01-31 00:55:29,457 : INFO : topic #17 (0.020): 0.078*\"church\" + 0.023*\"cathol\" + 0.022*\"christian\" + 0.021*\"bishop\" + 0.017*\"sail\" + 0.015*\"retroflex\" + 0.010*\"centuri\" + 0.009*\"relationship\" + 0.009*\"cathedr\" + 0.009*\"poll\"\n", - "2019-01-31 00:55:29,463 : INFO : topic diff=0.004792, rho=0.029540\n", - "2019-01-31 00:55:29,621 : INFO : PROGRESS: pass 0, at document #2294000/4922894\n", - "2019-01-31 00:55:30,982 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:55:31,252 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.009*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.007*\"armi\" + 0.007*\"teufel\" + 0.007*\"empath\" + 0.006*\"pour\" + 0.006*\"militari\" + 0.006*\"govern\"\n", - "2019-01-31 00:55:31,253 : INFO : topic #42 (0.020): 0.046*\"german\" + 0.030*\"germani\" + 0.015*\"vol\" + 0.015*\"berlin\" + 0.014*\"israel\" + 0.014*\"jewish\" + 0.013*\"der\" + 0.011*\"european\" + 0.009*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 00:55:31,254 : INFO : topic #32 (0.020): 0.052*\"district\" + 0.044*\"vigour\" + 0.044*\"popolo\" + 0.040*\"tortur\" + 0.035*\"cotton\" + 0.025*\"area\" + 0.022*\"multitud\" + 0.020*\"citi\" + 0.020*\"regim\" + 0.019*\"cede\"\n", - "2019-01-31 00:55:31,255 : INFO : topic #45 (0.020): 0.028*\"fifteenth\" + 0.027*\"jpg\" + 0.019*\"illicit\" + 0.017*\"colder\" + 0.016*\"black\" + 0.014*\"western\" + 0.012*\"record\" + 0.010*\"blind\" + 0.009*\"arm\" + 0.009*\"depress\"\n", - "2019-01-31 00:55:31,256 : INFO : topic #0 (0.020): 0.066*\"statewid\" + 0.042*\"line\" + 0.035*\"raid\" + 0.032*\"arsen\" + 0.026*\"museo\" + 0.020*\"traceabl\" + 0.018*\"serv\" + 0.013*\"rosenwald\" + 0.013*\"exhaust\" + 0.012*\"oper\"\n", - "2019-01-31 00:55:31,262 : INFO : topic diff=0.004291, rho=0.029527\n", - "2019-01-31 00:55:31,418 : INFO : PROGRESS: pass 0, at document #2296000/4922894\n", - "2019-01-31 00:55:32,818 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:55:33,084 : INFO : topic #29 (0.020): 0.029*\"companhia\" + 0.012*\"million\" + 0.012*\"market\" + 0.012*\"busi\" + 0.011*\"produc\" + 0.011*\"bank\" + 0.009*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 00:55:33,086 : INFO : topic #45 (0.020): 0.027*\"fifteenth\" + 0.027*\"jpg\" + 0.019*\"illicit\" + 0.017*\"colder\" + 0.016*\"black\" + 0.014*\"western\" + 0.012*\"record\" + 0.010*\"blind\" + 0.009*\"depress\" + 0.008*\"arm\"\n", - "2019-01-31 00:55:33,087 : INFO : topic #39 (0.020): 0.055*\"canada\" + 0.043*\"canadian\" + 0.023*\"toronto\" + 0.023*\"hoar\" + 0.020*\"ontario\" + 0.018*\"hydrogen\" + 0.015*\"new\" + 0.015*\"misericordia\" + 0.014*\"quebec\" + 0.013*\"novotná\"\n", - "2019-01-31 00:55:33,088 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.024*\"new\" + 0.023*\"palmer\" + 0.013*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 00:55:33,089 : INFO : topic #33 (0.020): 0.064*\"french\" + 0.046*\"franc\" + 0.031*\"pari\" + 0.023*\"jean\" + 0.023*\"sail\" + 0.016*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.012*\"piec\" + 0.010*\"wreath\"\n", - "2019-01-31 00:55:33,095 : INFO : topic diff=0.004131, rho=0.029514\n", - "2019-01-31 00:55:33,252 : INFO : PROGRESS: pass 0, at document #2298000/4922894\n", - "2019-01-31 00:55:34,647 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:55:34,913 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.035*\"cleveland\" + 0.029*\"place\" + 0.028*\"taxpay\" + 0.025*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:55:34,914 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.031*\"germani\" + 0.015*\"vol\" + 0.015*\"jewish\" + 0.014*\"israel\" + 0.014*\"berlin\" + 0.013*\"der\" + 0.011*\"european\" + 0.009*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 00:55:34,915 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.033*\"perceptu\" + 0.021*\"theater\" + 0.019*\"place\" + 0.018*\"compos\" + 0.014*\"damn\" + 0.014*\"orchestr\" + 0.012*\"olympo\" + 0.012*\"jack\" + 0.011*\"word\"\n", - "2019-01-31 00:55:34,916 : INFO : topic #13 (0.020): 0.026*\"new\" + 0.025*\"australia\" + 0.025*\"sourc\" + 0.025*\"england\" + 0.024*\"london\" + 0.021*\"australian\" + 0.019*\"british\" + 0.019*\"ireland\" + 0.015*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 00:55:34,918 : INFO : topic #46 (0.020): 0.019*\"sweden\" + 0.017*\"swedish\" + 0.017*\"stop\" + 0.016*\"norwai\" + 0.016*\"damag\" + 0.015*\"farid\" + 0.015*\"norwegian\" + 0.014*\"wind\" + 0.012*\"financ\" + 0.011*\"denmark\"\n", - "2019-01-31 00:55:34,924 : INFO : topic diff=0.005038, rho=0.029501\n", - "2019-01-31 00:55:37,592 : INFO : -11.743 per-word bound, 3428.2 perplexity estimate based on a held-out corpus of 2000 documents with 530380 words\n", - "2019-01-31 00:55:37,593 : INFO : PROGRESS: pass 0, at document #2300000/4922894\n", - "2019-01-31 00:55:38,972 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:55:39,239 : INFO : topic #24 (0.020): 0.040*\"book\" + 0.035*\"publicis\" + 0.024*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"nicola\" + 0.011*\"storag\" + 0.011*\"collect\" + 0.011*\"worldwid\"\n", - "2019-01-31 00:55:39,239 : INFO : topic #33 (0.020): 0.063*\"french\" + 0.045*\"franc\" + 0.030*\"pari\" + 0.023*\"sail\" + 0.023*\"jean\" + 0.016*\"daphn\" + 0.014*\"lazi\" + 0.012*\"loui\" + 0.012*\"piec\" + 0.010*\"wreath\"\n", - "2019-01-31 00:55:39,241 : INFO : topic #43 (0.020): 0.063*\"elect\" + 0.054*\"parti\" + 0.024*\"voluntari\" + 0.024*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.016*\"republ\" + 0.014*\"liber\" + 0.014*\"report\" + 0.013*\"bypass\"\n", - "2019-01-31 00:55:39,241 : INFO : topic #42 (0.020): 0.046*\"german\" + 0.030*\"germani\" + 0.016*\"vol\" + 0.015*\"jewish\" + 0.015*\"israel\" + 0.014*\"berlin\" + 0.013*\"der\" + 0.011*\"european\" + 0.009*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 00:55:39,242 : INFO : topic #7 (0.020): 0.022*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"deal\" + 0.012*\"daughter\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:55:39,248 : INFO : topic diff=0.004683, rho=0.029488\n", - "2019-01-31 00:55:39,461 : INFO : PROGRESS: pass 0, at document #2302000/4922894\n", - "2019-01-31 00:55:40,866 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:55:41,133 : INFO : topic #14 (0.020): 0.023*\"forc\" + 0.021*\"aggress\" + 0.020*\"armi\" + 0.020*\"walter\" + 0.017*\"com\" + 0.014*\"oper\" + 0.014*\"unionist\" + 0.013*\"militari\" + 0.011*\"airbu\" + 0.010*\"refut\"\n", - "2019-01-31 00:55:41,134 : INFO : topic #27 (0.020): 0.069*\"questionnair\" + 0.019*\"taxpay\" + 0.018*\"candid\" + 0.015*\"ret\" + 0.013*\"driver\" + 0.012*\"tornado\" + 0.012*\"find\" + 0.010*\"fool\" + 0.010*\"landslid\" + 0.010*\"théori\"\n", - "2019-01-31 00:55:41,135 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.035*\"publicis\" + 0.025*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"nicola\" + 0.011*\"storag\" + 0.011*\"collect\" + 0.011*\"worldwid\"\n", - "2019-01-31 00:55:41,136 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.024*\"cathol\" + 0.022*\"christian\" + 0.021*\"bishop\" + 0.018*\"sail\" + 0.015*\"retroflex\" + 0.010*\"centuri\" + 0.010*\"poll\" + 0.009*\"relationship\" + 0.009*\"cathedr\"\n", - "2019-01-31 00:55:41,137 : INFO : topic #31 (0.020): 0.050*\"fusiform\" + 0.026*\"scientist\" + 0.026*\"taxpay\" + 0.023*\"player\" + 0.019*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.012*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 00:55:41,142 : INFO : topic diff=0.004773, rho=0.029476\n", - "2019-01-31 00:55:41,299 : INFO : PROGRESS: pass 0, at document #2304000/4922894\n", - "2019-01-31 00:55:42,695 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:55:42,961 : INFO : topic #20 (0.020): 0.142*\"scholar\" + 0.041*\"struggl\" + 0.033*\"high\" + 0.030*\"educ\" + 0.025*\"collector\" + 0.019*\"yawn\" + 0.013*\"prognosi\" + 0.009*\"district\" + 0.009*\"task\" + 0.009*\"class\"\n", - "2019-01-31 00:55:42,962 : INFO : topic #42 (0.020): 0.045*\"german\" + 0.030*\"germani\" + 0.016*\"jewish\" + 0.015*\"vol\" + 0.015*\"israel\" + 0.014*\"berlin\" + 0.013*\"der\" + 0.011*\"european\" + 0.009*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 00:55:42,963 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.035*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.025*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"diversifi\"\n", - "2019-01-31 00:55:42,964 : INFO : topic #1 (0.020): 0.056*\"china\" + 0.043*\"chilton\" + 0.023*\"hong\" + 0.022*\"kong\" + 0.021*\"korea\" + 0.019*\"korean\" + 0.016*\"leah\" + 0.016*\"sourc\" + 0.014*\"shirin\" + 0.014*\"kim\"\n", - "2019-01-31 00:55:42,965 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.023*\"cortic\" + 0.018*\"start\" + 0.018*\"act\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.010*\"polaris\" + 0.009*\"legal\" + 0.008*\"order\"\n", - "2019-01-31 00:55:42,971 : INFO : topic diff=0.005092, rho=0.029463\n", - "2019-01-31 00:55:43,131 : INFO : PROGRESS: pass 0, at document #2306000/4922894\n", - "2019-01-31 00:55:44,506 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:55:44,776 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.024*\"cathol\" + 0.022*\"christian\" + 0.021*\"bishop\" + 0.018*\"sail\" + 0.015*\"retroflex\" + 0.010*\"centuri\" + 0.010*\"poll\" + 0.009*\"relationship\" + 0.009*\"cathedr\"\n", - "2019-01-31 00:55:44,777 : INFO : topic #35 (0.020): 0.055*\"russia\" + 0.035*\"sovereignti\" + 0.031*\"rural\" + 0.028*\"poison\" + 0.024*\"personifi\" + 0.022*\"reprint\" + 0.018*\"poland\" + 0.018*\"moscow\" + 0.016*\"alexand\" + 0.014*\"unfortun\"\n", - "2019-01-31 00:55:44,778 : INFO : topic #13 (0.020): 0.027*\"new\" + 0.025*\"australia\" + 0.025*\"sourc\" + 0.024*\"england\" + 0.024*\"london\" + 0.021*\"australian\" + 0.019*\"british\" + 0.019*\"ireland\" + 0.015*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 00:55:44,779 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.009*\"media\" + 0.008*\"disco\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.007*\"have\" + 0.007*\"hormon\" + 0.006*\"cancer\" + 0.006*\"effect\" + 0.006*\"proper\"\n", - "2019-01-31 00:55:44,780 : INFO : topic #21 (0.020): 0.033*\"samford\" + 0.023*\"spain\" + 0.018*\"del\" + 0.016*\"mexico\" + 0.013*\"soviet\" + 0.013*\"italian\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"francisco\" + 0.011*\"carlo\"\n", - "2019-01-31 00:55:44,786 : INFO : topic diff=0.004721, rho=0.029450\n", - "2019-01-31 00:55:44,946 : INFO : PROGRESS: pass 0, at document #2308000/4922894\n", - "2019-01-31 00:55:46,344 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:55:46,610 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"help\" + 0.004*\"call\"\n", - "2019-01-31 00:55:46,611 : INFO : topic #39 (0.020): 0.055*\"canada\" + 0.044*\"canadian\" + 0.023*\"toronto\" + 0.023*\"hoar\" + 0.020*\"ontario\" + 0.017*\"hydrogen\" + 0.015*\"new\" + 0.015*\"misericordia\" + 0.014*\"quebec\" + 0.013*\"novotná\"\n", - "2019-01-31 00:55:46,613 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"word\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"human\" + 0.006*\"workplac\"\n", - "2019-01-31 00:55:46,614 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.026*\"offic\" + 0.023*\"nation\" + 0.023*\"minist\" + 0.022*\"member\" + 0.021*\"serv\" + 0.021*\"govern\" + 0.016*\"gener\" + 0.015*\"start\" + 0.015*\"chickasaw\"\n", - "2019-01-31 00:55:46,615 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.035*\"cleveland\" + 0.029*\"place\" + 0.028*\"taxpay\" + 0.025*\"scientist\" + 0.023*\"crete\" + 0.022*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"diversifi\"\n", - "2019-01-31 00:55:46,620 : INFO : topic diff=0.004912, rho=0.029437\n", - "2019-01-31 00:55:46,773 : INFO : PROGRESS: pass 0, at document #2310000/4922894\n", - "2019-01-31 00:55:48,113 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:55:48,379 : INFO : topic #35 (0.020): 0.055*\"russia\" + 0.035*\"sovereignti\" + 0.031*\"rural\" + 0.028*\"poison\" + 0.024*\"personifi\" + 0.023*\"reprint\" + 0.019*\"poland\" + 0.018*\"moscow\" + 0.016*\"alexand\" + 0.014*\"czech\"\n", - "2019-01-31 00:55:48,380 : INFO : topic #31 (0.020): 0.050*\"fusiform\" + 0.026*\"scientist\" + 0.026*\"taxpay\" + 0.022*\"player\" + 0.020*\"place\" + 0.015*\"clot\" + 0.013*\"leagu\" + 0.012*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 00:55:48,381 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.026*\"offic\" + 0.023*\"nation\" + 0.023*\"minist\" + 0.022*\"member\" + 0.021*\"govern\" + 0.021*\"serv\" + 0.016*\"gener\" + 0.015*\"start\" + 0.015*\"chickasaw\"\n", - "2019-01-31 00:55:48,382 : INFO : topic #29 (0.020): 0.029*\"companhia\" + 0.012*\"busi\" + 0.012*\"million\" + 0.011*\"market\" + 0.011*\"produc\" + 0.010*\"bank\" + 0.009*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 00:55:48,383 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.019*\"lagrang\" + 0.017*\"area\" + 0.016*\"warmth\" + 0.015*\"mount\" + 0.009*\"north\" + 0.009*\"foam\" + 0.009*\"palmer\" + 0.008*\"sourc\" + 0.008*\"lobe\"\n", - "2019-01-31 00:55:48,389 : INFO : topic diff=0.004327, rho=0.029424\n", - "2019-01-31 00:55:48,543 : INFO : PROGRESS: pass 0, at document #2312000/4922894\n", - "2019-01-31 00:55:49,903 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:55:50,169 : INFO : topic #28 (0.020): 0.032*\"build\" + 0.025*\"hous\" + 0.021*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.012*\"briarwood\" + 0.011*\"strategist\" + 0.011*\"constitut\" + 0.010*\"depress\" + 0.010*\"linear\"\n", - "2019-01-31 00:55:50,170 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.007*\"have\" + 0.007*\"hormon\" + 0.006*\"effect\" + 0.006*\"cancer\" + 0.006*\"proper\"\n", - "2019-01-31 00:55:50,172 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.035*\"publicis\" + 0.024*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"nicola\" + 0.011*\"storag\" + 0.011*\"collect\" + 0.011*\"worldwid\"\n", - "2019-01-31 00:55:50,173 : INFO : topic #26 (0.020): 0.029*\"woman\" + 0.027*\"workplac\" + 0.027*\"men\" + 0.025*\"champion\" + 0.024*\"olymp\" + 0.022*\"event\" + 0.021*\"rainfal\" + 0.020*\"alic\" + 0.020*\"medal\" + 0.020*\"atheist\"\n", - "2019-01-31 00:55:50,174 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.026*\"offic\" + 0.023*\"nation\" + 0.023*\"minist\" + 0.022*\"member\" + 0.021*\"govern\" + 0.021*\"serv\" + 0.016*\"gener\" + 0.016*\"start\" + 0.015*\"chickasaw\"\n", - "2019-01-31 00:55:50,179 : INFO : topic diff=0.004184, rho=0.029412\n", - "2019-01-31 00:55:50,342 : INFO : PROGRESS: pass 0, at document #2314000/4922894\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:55:51,753 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:55:52,019 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.007*\"have\" + 0.007*\"hormon\" + 0.007*\"effect\" + 0.006*\"cancer\" + 0.006*\"proper\"\n", - "2019-01-31 00:55:52,021 : INFO : topic #29 (0.020): 0.029*\"companhia\" + 0.012*\"busi\" + 0.012*\"million\" + 0.012*\"market\" + 0.011*\"produc\" + 0.010*\"bank\" + 0.009*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 00:55:52,022 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.046*\"franc\" + 0.029*\"pari\" + 0.023*\"jean\" + 0.022*\"sail\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.009*\"wreath\"\n", - "2019-01-31 00:55:52,023 : INFO : topic #25 (0.020): 0.031*\"ring\" + 0.019*\"lagrang\" + 0.017*\"area\" + 0.016*\"warmth\" + 0.015*\"mount\" + 0.009*\"north\" + 0.009*\"foam\" + 0.009*\"palmer\" + 0.008*\"sourc\" + 0.008*\"lobe\"\n", - "2019-01-31 00:55:52,024 : INFO : topic #47 (0.020): 0.066*\"muscl\" + 0.033*\"perceptu\" + 0.020*\"theater\" + 0.019*\"place\" + 0.018*\"compos\" + 0.015*\"damn\" + 0.013*\"orchestr\" + 0.012*\"olympo\" + 0.012*\"jack\" + 0.011*\"word\"\n", - "2019-01-31 00:55:52,030 : INFO : topic diff=0.004895, rho=0.029399\n", - "2019-01-31 00:55:52,184 : INFO : PROGRESS: pass 0, at document #2316000/4922894\n", - "2019-01-31 00:55:53,543 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:55:53,809 : INFO : topic #35 (0.020): 0.056*\"russia\" + 0.037*\"sovereignti\" + 0.031*\"rural\" + 0.027*\"poison\" + 0.024*\"personifi\" + 0.023*\"reprint\" + 0.019*\"moscow\" + 0.018*\"poland\" + 0.015*\"alexand\" + 0.014*\"unfortun\"\n", - "2019-01-31 00:55:53,810 : INFO : topic #48 (0.020): 0.079*\"sens\" + 0.077*\"octob\" + 0.077*\"march\" + 0.071*\"januari\" + 0.069*\"notion\" + 0.068*\"juli\" + 0.066*\"april\" + 0.065*\"decatur\" + 0.065*\"judici\" + 0.064*\"august\"\n", - "2019-01-31 00:55:53,811 : INFO : topic #17 (0.020): 0.078*\"church\" + 0.024*\"cathol\" + 0.022*\"christian\" + 0.020*\"bishop\" + 0.017*\"sail\" + 0.014*\"retroflex\" + 0.010*\"poll\" + 0.010*\"centuri\" + 0.009*\"relationship\" + 0.009*\"historiographi\"\n", - "2019-01-31 00:55:53,812 : INFO : topic #37 (0.020): 0.010*\"charact\" + 0.009*\"man\" + 0.008*\"septemb\" + 0.007*\"love\" + 0.007*\"anim\" + 0.007*\"appear\" + 0.006*\"comic\" + 0.006*\"gestur\" + 0.005*\"blue\" + 0.005*\"vision\"\n", - "2019-01-31 00:55:53,813 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.044*\"popolo\" + 0.044*\"vigour\" + 0.039*\"tortur\" + 0.035*\"cotton\" + 0.025*\"area\" + 0.023*\"multitud\" + 0.021*\"citi\" + 0.020*\"regim\" + 0.019*\"cede\"\n", - "2019-01-31 00:55:53,819 : INFO : topic diff=0.004881, rho=0.029386\n", - "2019-01-31 00:55:53,978 : INFO : PROGRESS: pass 0, at document #2318000/4922894\n", - "2019-01-31 00:55:55,375 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:55:55,641 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.013*\"will\" + 0.012*\"david\" + 0.011*\"jame\" + 0.010*\"rival\" + 0.009*\"slur\" + 0.009*\"mexican–american\" + 0.009*\"georg\" + 0.008*\"paul\" + 0.007*\"rhyme\"\n", - "2019-01-31 00:55:55,642 : INFO : topic #25 (0.020): 0.033*\"ring\" + 0.019*\"lagrang\" + 0.017*\"area\" + 0.016*\"warmth\" + 0.015*\"mount\" + 0.009*\"north\" + 0.009*\"foam\" + 0.009*\"palmer\" + 0.008*\"sourc\" + 0.008*\"vacant\"\n", - "2019-01-31 00:55:55,643 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.023*\"palmer\" + 0.023*\"new\" + 0.014*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.009*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 00:55:55,644 : INFO : topic #6 (0.020): 0.072*\"fewer\" + 0.025*\"epiru\" + 0.022*\"septemb\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.011*\"acrimoni\"\n", - "2019-01-31 00:55:55,645 : INFO : topic #14 (0.020): 0.023*\"forc\" + 0.020*\"aggress\" + 0.020*\"armi\" + 0.020*\"walter\" + 0.017*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.012*\"refut\"\n", - "2019-01-31 00:55:55,651 : INFO : topic diff=0.005084, rho=0.029374\n", - "2019-01-31 00:55:58,351 : INFO : -12.302 per-word bound, 5049.5 perplexity estimate based on a held-out corpus of 2000 documents with 552979 words\n", - "2019-01-31 00:55:58,351 : INFO : PROGRESS: pass 0, at document #2320000/4922894\n", - "2019-01-31 00:55:59,752 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:56:00,020 : INFO : topic #20 (0.020): 0.144*\"scholar\" + 0.041*\"struggl\" + 0.034*\"high\" + 0.030*\"educ\" + 0.026*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.009*\"class\" + 0.009*\"district\" + 0.009*\"task\"\n", - "2019-01-31 00:56:00,022 : INFO : topic #45 (0.020): 0.026*\"jpg\" + 0.026*\"fifteenth\" + 0.018*\"illicit\" + 0.017*\"colder\" + 0.016*\"black\" + 0.015*\"western\" + 0.013*\"record\" + 0.010*\"blind\" + 0.008*\"depress\" + 0.008*\"arm\"\n", - "2019-01-31 00:56:00,023 : INFO : topic #1 (0.020): 0.053*\"china\" + 0.042*\"chilton\" + 0.022*\"hong\" + 0.021*\"kong\" + 0.020*\"korea\" + 0.018*\"korean\" + 0.016*\"leah\" + 0.015*\"sourc\" + 0.014*\"kim\" + 0.013*\"shirin\"\n", - "2019-01-31 00:56:00,024 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.009*\"aza\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.007*\"teufel\" + 0.006*\"pour\" + 0.006*\"militari\" + 0.006*\"govern\"\n", - "2019-01-31 00:56:00,025 : INFO : topic #26 (0.020): 0.030*\"woman\" + 0.028*\"workplac\" + 0.027*\"men\" + 0.025*\"champion\" + 0.023*\"olymp\" + 0.021*\"event\" + 0.021*\"rainfal\" + 0.020*\"atheist\" + 0.020*\"alic\" + 0.020*\"medal\"\n", - "2019-01-31 00:56:00,030 : INFO : topic diff=0.004282, rho=0.029361\n", - "2019-01-31 00:56:00,191 : INFO : PROGRESS: pass 0, at document #2322000/4922894\n", - "2019-01-31 00:56:01,567 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:56:01,837 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.024*\"palmer\" + 0.023*\"new\" + 0.014*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.009*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 00:56:01,838 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.012*\"will\" + 0.012*\"david\" + 0.011*\"jame\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"slur\" + 0.009*\"georg\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:56:01,839 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"deal\" + 0.012*\"daughter\"\n", - "2019-01-31 00:56:01,840 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.025*\"cathol\" + 0.022*\"christian\" + 0.021*\"bishop\" + 0.017*\"sail\" + 0.015*\"retroflex\" + 0.010*\"centuri\" + 0.010*\"poll\" + 0.009*\"relationship\" + 0.009*\"historiographi\"\n", - "2019-01-31 00:56:01,841 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.045*\"franc\" + 0.029*\"pari\" + 0.023*\"jean\" + 0.022*\"sail\" + 0.017*\"daphn\" + 0.015*\"lazi\" + 0.012*\"loui\" + 0.012*\"piec\" + 0.009*\"wreath\"\n", - "2019-01-31 00:56:01,846 : INFO : topic diff=0.004100, rho=0.029348\n", - "2019-01-31 00:56:02,006 : INFO : PROGRESS: pass 0, at document #2324000/4922894\n", - "2019-01-31 00:56:03,424 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:56:03,690 : INFO : topic #20 (0.020): 0.144*\"scholar\" + 0.040*\"struggl\" + 0.034*\"high\" + 0.030*\"educ\" + 0.026*\"collector\" + 0.019*\"yawn\" + 0.013*\"prognosi\" + 0.009*\"class\" + 0.009*\"district\" + 0.009*\"task\"\n", - "2019-01-31 00:56:03,691 : INFO : topic #31 (0.020): 0.051*\"fusiform\" + 0.026*\"scientist\" + 0.026*\"taxpay\" + 0.022*\"player\" + 0.020*\"place\" + 0.015*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 00:56:03,692 : INFO : topic #16 (0.020): 0.051*\"king\" + 0.031*\"priest\" + 0.020*\"duke\" + 0.018*\"rotterdam\" + 0.018*\"grammat\" + 0.018*\"idiosyncrat\" + 0.016*\"quarterli\" + 0.014*\"kingdom\" + 0.014*\"portugues\" + 0.014*\"paisiello\"\n", - "2019-01-31 00:56:03,693 : INFO : topic #36 (0.020): 0.011*\"pop\" + 0.011*\"network\" + 0.011*\"prognosi\" + 0.008*\"develop\" + 0.008*\"cytokin\" + 0.008*\"user\" + 0.008*\"softwar\" + 0.008*\"diggin\" + 0.007*\"brio\" + 0.007*\"uruguayan\"\n", - "2019-01-31 00:56:03,694 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"kenworthi\"\n", - "2019-01-31 00:56:03,700 : INFO : topic diff=0.005903, rho=0.029336\n", - "2019-01-31 00:56:03,858 : INFO : PROGRESS: pass 0, at document #2326000/4922894\n", - "2019-01-31 00:56:05,249 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:56:05,515 : INFO : topic #46 (0.020): 0.018*\"swedish\" + 0.018*\"sweden\" + 0.017*\"wind\" + 0.016*\"stop\" + 0.016*\"norwai\" + 0.016*\"damag\" + 0.015*\"norwegian\" + 0.014*\"farid\" + 0.013*\"financ\" + 0.013*\"turkish\"\n", - "2019-01-31 00:56:05,516 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"depress\" + 0.015*\"pour\" + 0.008*\"elabor\" + 0.008*\"mode\" + 0.008*\"veget\" + 0.008*\"uruguayan\" + 0.007*\"encyclopedia\" + 0.007*\"develop\" + 0.006*\"produc\"\n", - "2019-01-31 00:56:05,517 : INFO : topic #3 (0.020): 0.032*\"present\" + 0.026*\"offic\" + 0.023*\"nation\" + 0.023*\"minist\" + 0.022*\"member\" + 0.021*\"govern\" + 0.021*\"serv\" + 0.016*\"gener\" + 0.016*\"start\" + 0.015*\"chickasaw\"\n", - "2019-01-31 00:56:05,518 : INFO : topic #49 (0.020): 0.042*\"india\" + 0.031*\"incumb\" + 0.013*\"anglo\" + 0.012*\"islam\" + 0.012*\"pakistan\" + 0.010*\"televis\" + 0.010*\"khalsa\" + 0.010*\"alam\" + 0.009*\"sri\" + 0.009*\"affection\"\n", - "2019-01-31 00:56:05,519 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.014*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.007*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.006*\"uruguayan\"\n", - "2019-01-31 00:56:05,525 : INFO : topic diff=0.004088, rho=0.029323\n", - "2019-01-31 00:56:05,681 : INFO : PROGRESS: pass 0, at document #2328000/4922894\n", - "2019-01-31 00:56:07,076 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:56:07,342 : INFO : topic #16 (0.020): 0.051*\"king\" + 0.031*\"priest\" + 0.020*\"duke\" + 0.018*\"grammat\" + 0.018*\"rotterdam\" + 0.018*\"idiosyncrat\" + 0.016*\"quarterli\" + 0.014*\"kingdom\" + 0.014*\"portugues\" + 0.014*\"paisiello\"\n", - "2019-01-31 00:56:07,344 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.025*\"cathol\" + 0.022*\"christian\" + 0.021*\"bishop\" + 0.017*\"sail\" + 0.015*\"retroflex\" + 0.010*\"centuri\" + 0.010*\"poll\" + 0.009*\"relationship\" + 0.009*\"cathedr\"\n", - "2019-01-31 00:56:07,345 : INFO : topic #6 (0.020): 0.072*\"fewer\" + 0.025*\"epiru\" + 0.022*\"septemb\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.011*\"acrimoni\"\n", - "2019-01-31 00:56:07,346 : INFO : topic #35 (0.020): 0.056*\"russia\" + 0.036*\"sovereignti\" + 0.031*\"rural\" + 0.028*\"poison\" + 0.024*\"personifi\" + 0.023*\"reprint\" + 0.019*\"moscow\" + 0.018*\"poland\" + 0.015*\"unfortun\" + 0.015*\"czech\"\n", - "2019-01-31 00:56:07,347 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"word\" + 0.008*\"group\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"human\" + 0.006*\"cultur\"\n", - "2019-01-31 00:56:07,353 : INFO : topic diff=0.004243, rho=0.029311\n", - "2019-01-31 00:56:07,518 : INFO : PROGRESS: pass 0, at document #2330000/4922894\n", - "2019-01-31 00:56:08,940 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:56:09,210 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.031*\"germani\" + 0.015*\"vol\" + 0.015*\"jewish\" + 0.015*\"israel\" + 0.014*\"berlin\" + 0.014*\"der\" + 0.011*\"european\" + 0.009*\"itali\" + 0.009*\"europ\"\n", - "2019-01-31 00:56:09,211 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"kenworthi\" + 0.004*\"call\"\n", - "2019-01-31 00:56:09,212 : INFO : topic #21 (0.020): 0.035*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.016*\"mexico\" + 0.013*\"italian\" + 0.013*\"soviet\" + 0.011*\"santa\" + 0.011*\"francisco\" + 0.011*\"juan\" + 0.010*\"carlo\"\n", - "2019-01-31 00:56:09,213 : INFO : topic #7 (0.020): 0.022*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.015*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"deal\" + 0.012*\"daughter\"\n", - "2019-01-31 00:56:09,214 : INFO : topic #37 (0.020): 0.010*\"charact\" + 0.009*\"man\" + 0.009*\"septemb\" + 0.007*\"anim\" + 0.007*\"love\" + 0.007*\"comic\" + 0.007*\"appear\" + 0.006*\"gestur\" + 0.006*\"blue\" + 0.005*\"workplac\"\n", - "2019-01-31 00:56:09,220 : INFO : topic diff=0.005387, rho=0.029298\n", - "2019-01-31 00:56:09,377 : INFO : PROGRESS: pass 0, at document #2332000/4922894\n", - "2019-01-31 00:56:10,753 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:56:11,019 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.022*\"cortic\" + 0.018*\"start\" + 0.017*\"act\" + 0.013*\"ricardo\" + 0.011*\"case\" + 0.010*\"replac\" + 0.010*\"order\" + 0.009*\"polaris\" + 0.009*\"legal\"\n", - "2019-01-31 00:56:11,020 : INFO : topic #46 (0.020): 0.018*\"swedish\" + 0.018*\"sweden\" + 0.017*\"stop\" + 0.016*\"wind\" + 0.016*\"norwai\" + 0.015*\"norwegian\" + 0.015*\"damag\" + 0.014*\"farid\" + 0.013*\"turkish\" + 0.012*\"financ\"\n", - "2019-01-31 00:56:11,021 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.033*\"perceptu\" + 0.021*\"theater\" + 0.019*\"place\" + 0.017*\"compos\" + 0.014*\"damn\" + 0.013*\"orchestr\" + 0.013*\"olympo\" + 0.012*\"word\" + 0.012*\"physician\"\n", - "2019-01-31 00:56:11,022 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.019*\"di\" + 0.018*\"factor\" + 0.015*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"deal\" + 0.012*\"daughter\"\n", - "2019-01-31 00:56:11,023 : INFO : topic #13 (0.020): 0.026*\"new\" + 0.025*\"sourc\" + 0.025*\"london\" + 0.025*\"australia\" + 0.024*\"england\" + 0.021*\"australian\" + 0.020*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 00:56:11,029 : INFO : topic diff=0.004230, rho=0.029285\n", - "2019-01-31 00:56:11,237 : INFO : PROGRESS: pass 0, at document #2334000/4922894\n", - "2019-01-31 00:56:12,618 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:56:12,884 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.018*\"lagrang\" + 0.017*\"area\" + 0.016*\"warmth\" + 0.015*\"mount\" + 0.010*\"north\" + 0.009*\"foam\" + 0.009*\"vacant\" + 0.009*\"sourc\" + 0.009*\"palmer\"\n", - "2019-01-31 00:56:12,885 : INFO : topic #48 (0.020): 0.081*\"sens\" + 0.079*\"march\" + 0.078*\"octob\" + 0.072*\"januari\" + 0.070*\"notion\" + 0.070*\"juli\" + 0.068*\"april\" + 0.067*\"judici\" + 0.067*\"august\" + 0.066*\"decatur\"\n", - "2019-01-31 00:56:12,887 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.009*\"myspac\"\n", - "2019-01-31 00:56:12,888 : INFO : topic #43 (0.020): 0.062*\"elect\" + 0.054*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.014*\"bypass\" + 0.014*\"report\" + 0.013*\"liber\"\n", - "2019-01-31 00:56:12,889 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.022*\"cortic\" + 0.018*\"start\" + 0.017*\"act\" + 0.013*\"ricardo\" + 0.011*\"case\" + 0.010*\"replac\" + 0.010*\"order\" + 0.009*\"polaris\" + 0.009*\"legal\"\n", - "2019-01-31 00:56:12,895 : INFO : topic diff=0.004540, rho=0.029273\n", - "2019-01-31 00:56:13,049 : INFO : PROGRESS: pass 0, at document #2336000/4922894\n", - "2019-01-31 00:56:14,433 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:56:14,700 : INFO : topic #20 (0.020): 0.143*\"scholar\" + 0.041*\"struggl\" + 0.035*\"high\" + 0.030*\"educ\" + 0.026*\"collector\" + 0.019*\"yawn\" + 0.013*\"prognosi\" + 0.009*\"task\" + 0.009*\"class\" + 0.008*\"district\"\n", - "2019-01-31 00:56:14,701 : INFO : topic #0 (0.020): 0.066*\"statewid\" + 0.042*\"line\" + 0.037*\"raid\" + 0.031*\"arsen\" + 0.025*\"museo\" + 0.019*\"traceabl\" + 0.019*\"serv\" + 0.013*\"rosenwald\" + 0.013*\"exhaust\" + 0.012*\"oper\"\n", - "2019-01-31 00:56:14,702 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.021*\"aggress\" + 0.020*\"armi\" + 0.019*\"walter\" + 0.017*\"com\" + 0.013*\"oper\" + 0.013*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 00:56:14,703 : INFO : topic #40 (0.020): 0.090*\"unit\" + 0.023*\"schuster\" + 0.023*\"collector\" + 0.021*\"institut\" + 0.020*\"requir\" + 0.019*\"student\" + 0.015*\"professor\" + 0.011*\"word\" + 0.011*\"degre\" + 0.011*\"http\"\n", - "2019-01-31 00:56:14,704 : INFO : topic #37 (0.020): 0.010*\"charact\" + 0.009*\"man\" + 0.009*\"septemb\" + 0.007*\"anim\" + 0.007*\"comic\" + 0.007*\"love\" + 0.007*\"appear\" + 0.007*\"gestur\" + 0.006*\"blue\" + 0.005*\"workplac\"\n", - "2019-01-31 00:56:14,710 : INFO : topic diff=0.004470, rho=0.029260\n", - "2019-01-31 00:56:14,869 : INFO : PROGRESS: pass 0, at document #2338000/4922894\n", - "2019-01-31 00:56:16,253 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:56:16,520 : INFO : topic #31 (0.020): 0.051*\"fusiform\" + 0.026*\"taxpay\" + 0.025*\"scientist\" + 0.022*\"player\" + 0.020*\"place\" + 0.015*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:56:16,521 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.014*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.007*\"english\" + 0.007*\"trade\" + 0.007*\"known\" + 0.006*\"uruguayan\"\n", - "2019-01-31 00:56:16,522 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.019*\"di\" + 0.018*\"factor\" + 0.015*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"deal\" + 0.012*\"daughter\"\n", - "2019-01-31 00:56:16,523 : INFO : topic #9 (0.020): 0.075*\"bone\" + 0.044*\"american\" + 0.025*\"valour\" + 0.018*\"dutch\" + 0.018*\"folei\" + 0.017*\"player\" + 0.016*\"polit\" + 0.016*\"english\" + 0.015*\"simpler\" + 0.012*\"acrimoni\"\n", - "2019-01-31 00:56:16,525 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.009*\"vocabulari\"\n", - "2019-01-31 00:56:16,530 : INFO : topic diff=0.004893, rho=0.029248\n", - "2019-01-31 00:56:19,310 : INFO : -11.571 per-word bound, 3041.6 perplexity estimate based on a held-out corpus of 2000 documents with 538395 words\n", - "2019-01-31 00:56:19,311 : INFO : PROGRESS: pass 0, at document #2340000/4922894\n", - "2019-01-31 00:56:20,683 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:56:20,949 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.008*\"elabor\" + 0.008*\"mode\" + 0.008*\"veget\" + 0.008*\"uruguayan\" + 0.007*\"encyclopedia\" + 0.007*\"develop\" + 0.006*\"spectacl\"\n", - "2019-01-31 00:56:20,950 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.025*\"final\" + 0.022*\"wife\" + 0.021*\"tourist\" + 0.018*\"champion\" + 0.016*\"taxpay\" + 0.015*\"martin\" + 0.015*\"chamber\" + 0.015*\"tiepolo\" + 0.014*\"open\"\n", - "2019-01-31 00:56:20,951 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.031*\"incumb\" + 0.012*\"anglo\" + 0.012*\"islam\" + 0.012*\"pakistan\" + 0.011*\"khalsa\" + 0.010*\"televis\" + 0.010*\"alam\" + 0.010*\"sri\" + 0.010*\"muskoge\"\n", - "2019-01-31 00:56:20,952 : INFO : topic #45 (0.020): 0.026*\"jpg\" + 0.026*\"fifteenth\" + 0.018*\"illicit\" + 0.018*\"colder\" + 0.016*\"black\" + 0.015*\"western\" + 0.012*\"record\" + 0.010*\"blind\" + 0.008*\"depress\" + 0.008*\"arm\"\n", - "2019-01-31 00:56:20,953 : INFO : topic #42 (0.020): 0.048*\"german\" + 0.031*\"germani\" + 0.015*\"vol\" + 0.015*\"jewish\" + 0.014*\"berlin\" + 0.014*\"der\" + 0.014*\"israel\" + 0.011*\"european\" + 0.009*\"europ\" + 0.009*\"itali\"\n", - "2019-01-31 00:56:20,960 : INFO : topic diff=0.003730, rho=0.029235\n", - "2019-01-31 00:56:21,119 : INFO : PROGRESS: pass 0, at document #2342000/4922894\n", - "2019-01-31 00:56:22,515 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:56:22,782 : INFO : topic #7 (0.020): 0.022*\"snatch\" + 0.019*\"di\" + 0.018*\"factor\" + 0.015*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"deal\" + 0.012*\"will\"\n", - "2019-01-31 00:56:22,783 : INFO : topic #11 (0.020): 0.025*\"john\" + 0.013*\"will\" + 0.012*\"jame\" + 0.012*\"david\" + 0.010*\"rival\" + 0.009*\"georg\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:56:22,784 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.044*\"popolo\" + 0.042*\"vigour\" + 0.040*\"tortur\" + 0.034*\"cotton\" + 0.025*\"area\" + 0.023*\"multitud\" + 0.021*\"citi\" + 0.020*\"regim\" + 0.020*\"cede\"\n", - "2019-01-31 00:56:22,785 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.045*\"chilton\" + 0.022*\"hong\" + 0.022*\"kong\" + 0.020*\"korea\" + 0.018*\"korean\" + 0.015*\"leah\" + 0.015*\"sourc\" + 0.014*\"shirin\" + 0.013*\"kim\"\n", - "2019-01-31 00:56:22,786 : INFO : topic #16 (0.020): 0.051*\"king\" + 0.031*\"priest\" + 0.019*\"duke\" + 0.018*\"rotterdam\" + 0.018*\"grammat\" + 0.017*\"idiosyncrat\" + 0.017*\"quarterli\" + 0.014*\"kingdom\" + 0.014*\"portugues\" + 0.013*\"count\"\n", - "2019-01-31 00:56:22,792 : INFO : topic diff=0.006449, rho=0.029223\n", - "2019-01-31 00:56:22,946 : INFO : PROGRESS: pass 0, at document #2344000/4922894\n", - "2019-01-31 00:56:24,301 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:56:24,568 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.007*\"théori\" + 0.007*\"exampl\" + 0.006*\"gener\" + 0.006*\"southern\" + 0.006*\"poet\" + 0.006*\"servitud\" + 0.006*\"measur\" + 0.006*\"utopian\"\n", - "2019-01-31 00:56:24,569 : INFO : topic #21 (0.020): 0.034*\"samford\" + 0.023*\"spain\" + 0.019*\"del\" + 0.017*\"mexico\" + 0.013*\"italian\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"francisco\" + 0.010*\"carlo\"\n", - "2019-01-31 00:56:24,569 : INFO : topic #23 (0.020): 0.137*\"audit\" + 0.067*\"best\" + 0.033*\"yawn\" + 0.027*\"jacksonvil\" + 0.022*\"noll\" + 0.021*\"japanes\" + 0.020*\"festiv\" + 0.019*\"women\" + 0.017*\"intern\" + 0.015*\"prison\"\n", - "2019-01-31 00:56:24,570 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.022*\"cortic\" + 0.018*\"start\" + 0.017*\"act\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"order\" + 0.009*\"polaris\" + 0.009*\"legal\"\n", - "2019-01-31 00:56:24,571 : INFO : topic #46 (0.020): 0.018*\"swedish\" + 0.018*\"sweden\" + 0.016*\"norwai\" + 0.016*\"stop\" + 0.016*\"wind\" + 0.015*\"norwegian\" + 0.015*\"damag\" + 0.014*\"farid\" + 0.012*\"financ\" + 0.012*\"turkish\"\n", - "2019-01-31 00:56:24,577 : INFO : topic diff=0.004345, rho=0.029210\n", - "2019-01-31 00:56:24,732 : INFO : PROGRESS: pass 0, at document #2346000/4922894\n", - "2019-01-31 00:56:26,097 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:56:26,363 : INFO : topic #16 (0.020): 0.051*\"king\" + 0.031*\"priest\" + 0.020*\"duke\" + 0.018*\"rotterdam\" + 0.018*\"grammat\" + 0.017*\"idiosyncrat\" + 0.017*\"quarterli\" + 0.014*\"kingdom\" + 0.014*\"portugues\" + 0.014*\"brazil\"\n", - "2019-01-31 00:56:26,364 : INFO : topic #13 (0.020): 0.025*\"new\" + 0.025*\"london\" + 0.025*\"sourc\" + 0.025*\"australia\" + 0.023*\"england\" + 0.021*\"australian\" + 0.020*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 00:56:26,365 : INFO : topic #37 (0.020): 0.010*\"charact\" + 0.009*\"man\" + 0.009*\"septemb\" + 0.007*\"anim\" + 0.007*\"love\" + 0.007*\"comic\" + 0.007*\"appear\" + 0.006*\"gestur\" + 0.006*\"vision\" + 0.005*\"blue\"\n", - "2019-01-31 00:56:26,366 : INFO : topic #3 (0.020): 0.031*\"present\" + 0.026*\"offic\" + 0.023*\"nation\" + 0.023*\"minist\" + 0.021*\"member\" + 0.021*\"govern\" + 0.021*\"serv\" + 0.016*\"gener\" + 0.015*\"start\" + 0.015*\"chickasaw\"\n", - "2019-01-31 00:56:26,367 : INFO : topic #48 (0.020): 0.081*\"sens\" + 0.079*\"march\" + 0.078*\"octob\" + 0.073*\"januari\" + 0.071*\"notion\" + 0.071*\"juli\" + 0.069*\"april\" + 0.068*\"august\" + 0.068*\"judici\" + 0.067*\"decatur\"\n", - "2019-01-31 00:56:26,373 : INFO : topic diff=0.004569, rho=0.029198\n", - "2019-01-31 00:56:26,530 : INFO : PROGRESS: pass 0, at document #2348000/4922894\n", - "2019-01-31 00:56:27,915 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:56:28,181 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.045*\"chilton\" + 0.022*\"hong\" + 0.021*\"kong\" + 0.020*\"korea\" + 0.018*\"korean\" + 0.015*\"sourc\" + 0.015*\"leah\" + 0.014*\"shirin\" + 0.013*\"kim\"\n", - "2019-01-31 00:56:28,182 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.025*\"final\" + 0.022*\"wife\" + 0.021*\"tourist\" + 0.018*\"champion\" + 0.016*\"taxpay\" + 0.015*\"chamber\" + 0.015*\"tiepolo\" + 0.015*\"martin\" + 0.014*\"open\"\n", - "2019-01-31 00:56:28,183 : INFO : topic #13 (0.020): 0.026*\"new\" + 0.025*\"sourc\" + 0.025*\"london\" + 0.025*\"australia\" + 0.023*\"england\" + 0.021*\"australian\" + 0.020*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 00:56:28,184 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.045*\"franc\" + 0.029*\"pari\" + 0.021*\"jean\" + 0.021*\"sail\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 00:56:28,185 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.023*\"factor\" + 0.017*\"adulthood\" + 0.014*\"feel\" + 0.012*\"male\" + 0.011*\"plaisir\" + 0.010*\"genu\" + 0.008*\"hostil\" + 0.008*\"biom\" + 0.008*\"western\"\n", - "2019-01-31 00:56:28,191 : INFO : topic diff=0.004108, rho=0.029185\n", - "2019-01-31 00:56:28,350 : INFO : PROGRESS: pass 0, at document #2350000/4922894\n", - "2019-01-31 00:56:29,735 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:56:30,001 : INFO : topic #37 (0.020): 0.010*\"charact\" + 0.009*\"man\" + 0.009*\"septemb\" + 0.007*\"anim\" + 0.007*\"love\" + 0.007*\"comic\" + 0.007*\"appear\" + 0.006*\"gestur\" + 0.006*\"vision\" + 0.005*\"blue\"\n", - "2019-01-31 00:56:30,002 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.008*\"elabor\" + 0.008*\"veget\" + 0.008*\"mode\" + 0.007*\"uruguayan\" + 0.007*\"encyclopedia\" + 0.007*\"develop\" + 0.006*\"spectacl\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:56:30,004 : INFO : topic #39 (0.020): 0.056*\"canada\" + 0.044*\"canadian\" + 0.023*\"toronto\" + 0.022*\"hoar\" + 0.020*\"ontario\" + 0.017*\"hydrogen\" + 0.015*\"new\" + 0.014*\"misericordia\" + 0.013*\"novotná\" + 0.013*\"quebec\"\n", - "2019-01-31 00:56:30,005 : INFO : topic #40 (0.020): 0.090*\"unit\" + 0.023*\"collector\" + 0.023*\"schuster\" + 0.021*\"institut\" + 0.020*\"requir\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"degre\" + 0.011*\"http\"\n", - "2019-01-31 00:56:30,005 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.045*\"franc\" + 0.029*\"pari\" + 0.021*\"jean\" + 0.021*\"sail\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 00:56:30,011 : INFO : topic diff=0.004374, rho=0.029173\n", - "2019-01-31 00:56:30,168 : INFO : PROGRESS: pass 0, at document #2352000/4922894\n", - "2019-01-31 00:56:31,556 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:56:31,824 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.032*\"incumb\" + 0.013*\"islam\" + 0.012*\"anglo\" + 0.012*\"pakistan\" + 0.010*\"khalsa\" + 0.010*\"muskoge\" + 0.010*\"televis\" + 0.010*\"sri\" + 0.010*\"alam\"\n", - "2019-01-31 00:56:31,825 : INFO : topic #26 (0.020): 0.029*\"woman\" + 0.028*\"workplac\" + 0.027*\"men\" + 0.026*\"champion\" + 0.024*\"olymp\" + 0.021*\"event\" + 0.021*\"medal\" + 0.020*\"rainfal\" + 0.020*\"atheist\" + 0.018*\"taxpay\"\n", - "2019-01-31 00:56:31,827 : INFO : topic #28 (0.020): 0.030*\"build\" + 0.026*\"hous\" + 0.021*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.011*\"strategist\" + 0.011*\"briarwood\" + 0.010*\"constitut\" + 0.010*\"depress\" + 0.010*\"linear\"\n", - "2019-01-31 00:56:31,828 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.067*\"best\" + 0.033*\"yawn\" + 0.028*\"jacksonvil\" + 0.022*\"noll\" + 0.021*\"japanes\" + 0.020*\"festiv\" + 0.019*\"women\" + 0.016*\"intern\" + 0.015*\"prison\"\n", - "2019-01-31 00:56:31,829 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.035*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.025*\"scientist\" + 0.024*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.014*\"martin\" + 0.013*\"schmitz\"\n", - "2019-01-31 00:56:31,835 : INFO : topic diff=0.004075, rho=0.029161\n", - "2019-01-31 00:56:31,988 : INFO : PROGRESS: pass 0, at document #2354000/4922894\n", - "2019-01-31 00:56:33,340 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:56:33,607 : INFO : topic #30 (0.020): 0.035*\"leagu\" + 0.035*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.025*\"scientist\" + 0.024*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.013*\"schmitz\"\n", - "2019-01-31 00:56:33,608 : INFO : topic #39 (0.020): 0.056*\"canada\" + 0.044*\"canadian\" + 0.023*\"toronto\" + 0.022*\"hoar\" + 0.020*\"ontario\" + 0.017*\"hydrogen\" + 0.015*\"new\" + 0.014*\"misericordia\" + 0.013*\"novotná\" + 0.013*\"quebec\"\n", - "2019-01-31 00:56:33,609 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.021*\"armi\" + 0.021*\"aggress\" + 0.019*\"walter\" + 0.018*\"com\" + 0.013*\"oper\" + 0.012*\"unionist\" + 0.012*\"militari\" + 0.012*\"refut\" + 0.012*\"airbu\"\n", - "2019-01-31 00:56:33,610 : INFO : topic #2 (0.020): 0.058*\"isl\" + 0.037*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.013*\"pope\" + 0.011*\"coalit\" + 0.011*\"blur\" + 0.011*\"nativist\" + 0.009*\"fleet\" + 0.008*\"vernon\"\n", - "2019-01-31 00:56:33,611 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.018*\"lagrang\" + 0.017*\"area\" + 0.016*\"warmth\" + 0.015*\"mount\" + 0.010*\"north\" + 0.009*\"foam\" + 0.009*\"sourc\" + 0.009*\"vacant\" + 0.009*\"palmer\"\n", - "2019-01-31 00:56:33,617 : INFO : topic diff=0.005187, rho=0.029148\n", - "2019-01-31 00:56:33,771 : INFO : PROGRESS: pass 0, at document #2356000/4922894\n", - "2019-01-31 00:56:35,138 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:56:35,404 : INFO : topic #31 (0.020): 0.052*\"fusiform\" + 0.025*\"taxpay\" + 0.025*\"scientist\" + 0.022*\"player\" + 0.020*\"place\" + 0.015*\"clot\" + 0.013*\"leagu\" + 0.012*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 00:56:35,405 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.022*\"cortic\" + 0.018*\"start\" + 0.017*\"act\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.009*\"order\" + 0.009*\"legal\"\n", - "2019-01-31 00:56:35,406 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.024*\"palmer\" + 0.023*\"new\" + 0.014*\"strategist\" + 0.012*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.009*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 00:56:35,407 : INFO : topic #34 (0.020): 0.067*\"start\" + 0.032*\"new\" + 0.031*\"american\" + 0.028*\"unionist\" + 0.024*\"cotton\" + 0.020*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.013*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 00:56:35,408 : INFO : topic #11 (0.020): 0.025*\"john\" + 0.013*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"georg\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"rhyme\" + 0.008*\"paul\"\n", - "2019-01-31 00:56:35,414 : INFO : topic diff=0.004280, rho=0.029136\n", - "2019-01-31 00:56:35,567 : INFO : PROGRESS: pass 0, at document #2358000/4922894\n", - "2019-01-31 00:56:36,945 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:56:37,212 : INFO : topic #42 (0.020): 0.048*\"german\" + 0.031*\"germani\" + 0.015*\"vol\" + 0.015*\"jewish\" + 0.014*\"israel\" + 0.014*\"der\" + 0.014*\"berlin\" + 0.011*\"european\" + 0.009*\"hungarian\" + 0.009*\"itali\"\n", - "2019-01-31 00:56:37,213 : INFO : topic #19 (0.020): 0.018*\"languag\" + 0.014*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.007*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.006*\"uruguayan\"\n", - "2019-01-31 00:56:37,214 : INFO : topic #20 (0.020): 0.143*\"scholar\" + 0.041*\"struggl\" + 0.034*\"high\" + 0.030*\"educ\" + 0.027*\"collector\" + 0.019*\"yawn\" + 0.013*\"prognosi\" + 0.009*\"class\" + 0.009*\"task\" + 0.008*\"district\"\n", - "2019-01-31 00:56:37,215 : INFO : topic #0 (0.020): 0.065*\"statewid\" + 0.043*\"line\" + 0.037*\"raid\" + 0.030*\"arsen\" + 0.024*\"museo\" + 0.019*\"traceabl\" + 0.019*\"serv\" + 0.014*\"rosenwald\" + 0.013*\"exhaust\" + 0.012*\"oper\"\n", - "2019-01-31 00:56:37,216 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.022*\"cortic\" + 0.018*\"start\" + 0.017*\"act\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.009*\"order\" + 0.009*\"legal\"\n", - "2019-01-31 00:56:37,222 : INFO : topic diff=0.004180, rho=0.029123\n", - "2019-01-31 00:56:39,918 : INFO : -11.707 per-word bound, 3342.2 perplexity estimate based on a held-out corpus of 2000 documents with 549535 words\n", - "2019-01-31 00:56:39,918 : INFO : PROGRESS: pass 0, at document #2360000/4922894\n", - "2019-01-31 00:56:41,303 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:56:41,569 : INFO : topic #26 (0.020): 0.029*\"woman\" + 0.028*\"workplac\" + 0.027*\"men\" + 0.026*\"champion\" + 0.024*\"olymp\" + 0.021*\"event\" + 0.021*\"medal\" + 0.020*\"rainfal\" + 0.019*\"atheist\" + 0.018*\"taxpay\"\n", - "2019-01-31 00:56:41,571 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"disco\" + 0.008*\"media\" + 0.007*\"hormon\" + 0.007*\"caus\" + 0.007*\"have\" + 0.007*\"pathwai\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"cancer\"\n", - "2019-01-31 00:56:41,571 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.044*\"popolo\" + 0.042*\"vigour\" + 0.040*\"tortur\" + 0.034*\"cotton\" + 0.025*\"area\" + 0.023*\"multitud\" + 0.020*\"citi\" + 0.020*\"regim\" + 0.019*\"cede\"\n", - "2019-01-31 00:56:41,573 : INFO : topic #37 (0.020): 0.010*\"charact\" + 0.009*\"man\" + 0.009*\"septemb\" + 0.007*\"anim\" + 0.007*\"love\" + 0.007*\"comic\" + 0.007*\"appear\" + 0.006*\"gestur\" + 0.006*\"vision\" + 0.005*\"blue\"\n", - "2019-01-31 00:56:41,574 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.020*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 00:56:41,579 : INFO : topic diff=0.005537, rho=0.029111\n", - "2019-01-31 00:56:41,737 : INFO : PROGRESS: pass 0, at document #2362000/4922894\n", - "2019-01-31 00:56:43,116 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:56:43,382 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"word\" + 0.008*\"group\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"human\" + 0.006*\"cultur\"\n", - "2019-01-31 00:56:43,383 : INFO : topic #2 (0.020): 0.059*\"isl\" + 0.037*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.012*\"pope\" + 0.011*\"coalit\" + 0.011*\"nativist\" + 0.011*\"blur\" + 0.009*\"fleet\" + 0.009*\"bahá\"\n", - "2019-01-31 00:56:43,384 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"kenworthi\" + 0.004*\"call\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:56:43,385 : INFO : topic #13 (0.020): 0.026*\"new\" + 0.025*\"sourc\" + 0.025*\"australia\" + 0.025*\"london\" + 0.023*\"england\" + 0.022*\"australian\" + 0.020*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 00:56:43,386 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.020*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:56:43,392 : INFO : topic diff=0.004907, rho=0.029099\n", - "2019-01-31 00:56:43,549 : INFO : PROGRESS: pass 0, at document #2364000/4922894\n", - "2019-01-31 00:56:44,961 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:56:45,228 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.020*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:56:45,229 : INFO : topic #16 (0.020): 0.051*\"king\" + 0.032*\"priest\" + 0.019*\"rotterdam\" + 0.019*\"grammat\" + 0.018*\"duke\" + 0.017*\"quarterli\" + 0.016*\"idiosyncrat\" + 0.014*\"kingdom\" + 0.014*\"portugues\" + 0.013*\"brazil\"\n", - "2019-01-31 00:56:45,230 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.035*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.025*\"scientist\" + 0.024*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.013*\"schmitz\"\n", - "2019-01-31 00:56:45,231 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"word\" + 0.008*\"peopl\" + 0.008*\"group\" + 0.007*\"woman\" + 0.007*\"human\" + 0.006*\"cultur\"\n", - "2019-01-31 00:56:45,232 : INFO : topic #29 (0.020): 0.029*\"companhia\" + 0.012*\"busi\" + 0.012*\"million\" + 0.011*\"market\" + 0.011*\"produc\" + 0.010*\"bank\" + 0.009*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"serv\"\n", - "2019-01-31 00:56:45,238 : INFO : topic diff=0.003853, rho=0.029086\n", - "2019-01-31 00:56:45,397 : INFO : PROGRESS: pass 0, at document #2366000/4922894\n", - "2019-01-31 00:56:46,812 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:56:47,081 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.035*\"publicis\" + 0.025*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"nicola\" + 0.012*\"collect\" + 0.011*\"storag\" + 0.011*\"magazin\"\n", - "2019-01-31 00:56:47,082 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.026*\"final\" + 0.022*\"wife\" + 0.021*\"tourist\" + 0.018*\"champion\" + 0.017*\"taxpay\" + 0.015*\"martin\" + 0.015*\"tiepolo\" + 0.015*\"chamber\" + 0.014*\"open\"\n", - "2019-01-31 00:56:47,083 : INFO : topic #19 (0.020): 0.018*\"languag\" + 0.014*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.006*\"ancestor\"\n", - "2019-01-31 00:56:47,084 : INFO : topic #9 (0.020): 0.076*\"bone\" + 0.043*\"american\" + 0.025*\"valour\" + 0.019*\"dutch\" + 0.017*\"folei\" + 0.017*\"player\" + 0.016*\"polit\" + 0.016*\"english\" + 0.014*\"simpler\" + 0.012*\"acrimoni\"\n", - "2019-01-31 00:56:47,085 : INFO : topic #40 (0.020): 0.089*\"unit\" + 0.024*\"schuster\" + 0.023*\"collector\" + 0.021*\"institut\" + 0.020*\"requir\" + 0.019*\"student\" + 0.015*\"professor\" + 0.012*\"word\" + 0.012*\"degre\" + 0.011*\"http\"\n", - "2019-01-31 00:56:47,091 : INFO : topic diff=0.004191, rho=0.029074\n", - "2019-01-31 00:56:47,312 : INFO : PROGRESS: pass 0, at document #2368000/4922894\n", - "2019-01-31 00:56:48,738 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:56:49,004 : INFO : topic #36 (0.020): 0.011*\"prognosi\" + 0.011*\"pop\" + 0.010*\"network\" + 0.009*\"develop\" + 0.008*\"user\" + 0.008*\"cytokin\" + 0.008*\"diggin\" + 0.008*\"softwar\" + 0.007*\"uruguayan\" + 0.007*\"includ\"\n", - "2019-01-31 00:56:49,005 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"kenworthi\" + 0.004*\"call\"\n", - "2019-01-31 00:56:49,006 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"disco\" + 0.007*\"media\" + 0.007*\"hormon\" + 0.007*\"have\" + 0.007*\"caus\" + 0.006*\"pathwai\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"cancer\"\n", - "2019-01-31 00:56:49,007 : INFO : topic #20 (0.020): 0.142*\"scholar\" + 0.041*\"struggl\" + 0.034*\"high\" + 0.030*\"educ\" + 0.026*\"collector\" + 0.019*\"yawn\" + 0.013*\"prognosi\" + 0.009*\"class\" + 0.009*\"task\" + 0.009*\"district\"\n", - "2019-01-31 00:56:49,008 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.012*\"will\" + 0.012*\"jame\" + 0.012*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"georg\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:56:49,014 : INFO : topic diff=0.004161, rho=0.029062\n", - "2019-01-31 00:56:49,171 : INFO : PROGRESS: pass 0, at document #2370000/4922894\n", - "2019-01-31 00:56:50,563 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:56:50,830 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"word\" + 0.008*\"peopl\" + 0.008*\"group\" + 0.007*\"woman\" + 0.007*\"human\" + 0.007*\"cultur\"\n", - "2019-01-31 00:56:50,831 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.031*\"incumb\" + 0.012*\"islam\" + 0.012*\"pakistan\" + 0.012*\"anglo\" + 0.011*\"alam\" + 0.010*\"khalsa\" + 0.010*\"televis\" + 0.010*\"muskoge\" + 0.010*\"tajikistan\"\n", - "2019-01-31 00:56:50,832 : INFO : topic #25 (0.020): 0.031*\"ring\" + 0.018*\"lagrang\" + 0.017*\"area\" + 0.016*\"warmth\" + 0.015*\"mount\" + 0.010*\"north\" + 0.009*\"foam\" + 0.009*\"sourc\" + 0.009*\"palmer\" + 0.008*\"vacant\"\n", - "2019-01-31 00:56:50,833 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.033*\"perceptu\" + 0.021*\"theater\" + 0.019*\"place\" + 0.017*\"compos\" + 0.015*\"damn\" + 0.013*\"orchestr\" + 0.013*\"olympo\" + 0.012*\"word\" + 0.012*\"physician\"\n", - "2019-01-31 00:56:50,834 : INFO : topic #9 (0.020): 0.074*\"bone\" + 0.044*\"american\" + 0.025*\"valour\" + 0.019*\"dutch\" + 0.017*\"folei\" + 0.017*\"player\" + 0.016*\"polit\" + 0.016*\"english\" + 0.013*\"simpler\" + 0.012*\"acrimoni\"\n", - "2019-01-31 00:56:50,839 : INFO : topic diff=0.004432, rho=0.029050\n", - "2019-01-31 00:56:51,000 : INFO : PROGRESS: pass 0, at document #2372000/4922894\n", - "2019-01-31 00:56:52,416 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:56:52,683 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.009*\"aza\" + 0.009*\"forc\" + 0.008*\"battalion\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.007*\"teufel\" + 0.006*\"militari\" + 0.006*\"pour\" + 0.006*\"govern\"\n", - "2019-01-31 00:56:52,684 : INFO : topic #23 (0.020): 0.135*\"audit\" + 0.065*\"best\" + 0.033*\"yawn\" + 0.028*\"jacksonvil\" + 0.022*\"noll\" + 0.021*\"japanes\" + 0.020*\"festiv\" + 0.019*\"women\" + 0.017*\"intern\" + 0.015*\"prison\"\n", - "2019-01-31 00:56:52,685 : INFO : topic #0 (0.020): 0.066*\"statewid\" + 0.044*\"line\" + 0.038*\"raid\" + 0.030*\"arsen\" + 0.024*\"museo\" + 0.019*\"traceabl\" + 0.019*\"serv\" + 0.014*\"rosenwald\" + 0.012*\"exhaust\" + 0.012*\"oper\"\n", - "2019-01-31 00:56:52,686 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.035*\"publicis\" + 0.025*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"nicola\" + 0.012*\"storag\" + 0.012*\"collect\" + 0.011*\"worldwid\"\n", - "2019-01-31 00:56:52,687 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.054*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.014*\"bypass\" + 0.014*\"report\" + 0.013*\"liber\"\n", - "2019-01-31 00:56:52,693 : INFO : topic diff=0.004759, rho=0.029037\n", - "2019-01-31 00:56:52,847 : INFO : PROGRESS: pass 0, at document #2374000/4922894\n", - "2019-01-31 00:56:54,205 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:56:54,472 : INFO : topic #40 (0.020): 0.089*\"unit\" + 0.024*\"schuster\" + 0.022*\"collector\" + 0.021*\"institut\" + 0.020*\"requir\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"degre\" + 0.011*\"http\"\n", - "2019-01-31 00:56:54,473 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.026*\"final\" + 0.022*\"wife\" + 0.020*\"tourist\" + 0.018*\"champion\" + 0.016*\"taxpay\" + 0.015*\"martin\" + 0.015*\"tiepolo\" + 0.014*\"chamber\" + 0.014*\"open\"\n", - "2019-01-31 00:56:54,474 : INFO : topic #46 (0.020): 0.018*\"stop\" + 0.017*\"swedish\" + 0.017*\"norwai\" + 0.016*\"sweden\" + 0.016*\"wind\" + 0.014*\"norwegian\" + 0.014*\"damag\" + 0.012*\"treeless\" + 0.012*\"huntsvil\" + 0.011*\"farid\"\n", - "2019-01-31 00:56:54,475 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.022*\"cortic\" + 0.018*\"start\" + 0.017*\"act\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.010*\"polaris\" + 0.009*\"legal\" + 0.008*\"order\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:56:54,476 : INFO : topic #21 (0.020): 0.035*\"samford\" + 0.021*\"spain\" + 0.018*\"del\" + 0.017*\"mexico\" + 0.013*\"italian\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"francisco\" + 0.011*\"carlo\"\n", - "2019-01-31 00:56:54,482 : INFO : topic diff=0.003722, rho=0.029025\n", - "2019-01-31 00:56:54,646 : INFO : PROGRESS: pass 0, at document #2376000/4922894\n", - "2019-01-31 00:56:56,036 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:56:56,303 : INFO : topic #21 (0.020): 0.035*\"samford\" + 0.021*\"spain\" + 0.018*\"del\" + 0.017*\"mexico\" + 0.013*\"italian\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"francisco\" + 0.011*\"carlo\"\n", - "2019-01-31 00:56:56,304 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"kenworthi\" + 0.004*\"call\"\n", - "2019-01-31 00:56:56,305 : INFO : topic #16 (0.020): 0.050*\"king\" + 0.032*\"priest\" + 0.020*\"rotterdam\" + 0.019*\"duke\" + 0.018*\"grammat\" + 0.017*\"quarterli\" + 0.017*\"idiosyncrat\" + 0.014*\"portugues\" + 0.014*\"count\" + 0.014*\"kingdom\"\n", - "2019-01-31 00:56:56,306 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.034*\"publicis\" + 0.025*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"nicola\" + 0.012*\"storag\" + 0.012*\"collect\" + 0.011*\"worldwid\"\n", - "2019-01-31 00:56:56,307 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"word\" + 0.008*\"peopl\" + 0.008*\"group\" + 0.007*\"woman\" + 0.007*\"cultur\" + 0.007*\"human\"\n", - "2019-01-31 00:56:56,313 : INFO : topic diff=0.004264, rho=0.029013\n", - "2019-01-31 00:56:56,473 : INFO : PROGRESS: pass 0, at document #2378000/4922894\n", - "2019-01-31 00:56:57,862 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:56:58,128 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"disco\" + 0.008*\"media\" + 0.007*\"have\" + 0.007*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 00:56:58,129 : INFO : topic #48 (0.020): 0.080*\"march\" + 0.078*\"sens\" + 0.078*\"octob\" + 0.072*\"januari\" + 0.071*\"notion\" + 0.070*\"juli\" + 0.069*\"decatur\" + 0.068*\"april\" + 0.067*\"judici\" + 0.067*\"august\"\n", - "2019-01-31 00:56:58,130 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.034*\"perceptu\" + 0.021*\"theater\" + 0.019*\"place\" + 0.017*\"compos\" + 0.016*\"damn\" + 0.014*\"orchestr\" + 0.012*\"olympo\" + 0.012*\"physician\" + 0.012*\"word\"\n", - "2019-01-31 00:56:58,131 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.047*\"franc\" + 0.029*\"pari\" + 0.021*\"jean\" + 0.020*\"sail\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 00:56:58,132 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.047*\"chilton\" + 0.022*\"kong\" + 0.022*\"hong\" + 0.021*\"korea\" + 0.018*\"korean\" + 0.016*\"sourc\" + 0.015*\"leah\" + 0.014*\"shirin\" + 0.013*\"kim\"\n", - "2019-01-31 00:56:58,138 : INFO : topic diff=0.004136, rho=0.029001\n", - "2019-01-31 00:57:00,859 : INFO : -11.557 per-word bound, 3013.3 perplexity estimate based on a held-out corpus of 2000 documents with 564334 words\n", - "2019-01-31 00:57:00,859 : INFO : PROGRESS: pass 0, at document #2380000/4922894\n", - "2019-01-31 00:57:02,257 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:57:02,523 : INFO : topic #13 (0.020): 0.026*\"new\" + 0.026*\"australia\" + 0.025*\"london\" + 0.025*\"sourc\" + 0.023*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:57:02,524 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"word\" + 0.008*\"group\" + 0.008*\"peopl\" + 0.007*\"cultur\" + 0.007*\"human\" + 0.006*\"woman\"\n", - "2019-01-31 00:57:02,525 : INFO : topic #41 (0.020): 0.042*\"citi\" + 0.024*\"palmer\" + 0.023*\"new\" + 0.014*\"strategist\" + 0.012*\"center\" + 0.011*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.009*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 00:57:02,526 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"disco\" + 0.008*\"media\" + 0.007*\"have\" + 0.007*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 00:57:02,528 : INFO : topic #29 (0.020): 0.029*\"companhia\" + 0.012*\"million\" + 0.012*\"busi\" + 0.011*\"market\" + 0.011*\"produc\" + 0.011*\"bank\" + 0.009*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"serv\"\n", - "2019-01-31 00:57:02,533 : INFO : topic diff=0.004742, rho=0.028989\n", - "2019-01-31 00:57:02,691 : INFO : PROGRESS: pass 0, at document #2382000/4922894\n", - "2019-01-31 00:57:04,079 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:57:04,346 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.022*\"spain\" + 0.018*\"del\" + 0.016*\"mexico\" + 0.013*\"italian\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"francisco\" + 0.011*\"carlo\"\n", - "2019-01-31 00:57:04,347 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.031*\"incumb\" + 0.013*\"islam\" + 0.012*\"pakistan\" + 0.012*\"anglo\" + 0.011*\"televis\" + 0.011*\"khalsa\" + 0.010*\"muskoge\" + 0.010*\"alam\" + 0.010*\"sri\"\n", - "2019-01-31 00:57:04,348 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.009*\"elabor\" + 0.008*\"mode\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.007*\"encyclopedia\" + 0.006*\"develop\" + 0.006*\"produc\"\n", - "2019-01-31 00:57:04,349 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.021*\"armi\" + 0.021*\"aggress\" + 0.020*\"walter\" + 0.017*\"com\" + 0.013*\"oper\" + 0.013*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.011*\"refut\"\n", - "2019-01-31 00:57:04,350 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.026*\"offic\" + 0.025*\"minist\" + 0.024*\"nation\" + 0.022*\"govern\" + 0.021*\"member\" + 0.020*\"serv\" + 0.016*\"gener\" + 0.016*\"start\" + 0.015*\"seri\"\n", - "2019-01-31 00:57:04,356 : INFO : topic diff=0.004098, rho=0.028976\n", - "2019-01-31 00:57:04,509 : INFO : PROGRESS: pass 0, at document #2384000/4922894\n", - "2019-01-31 00:57:05,871 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:57:06,137 : INFO : topic #2 (0.020): 0.055*\"isl\" + 0.037*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.012*\"pope\" + 0.011*\"coalit\" + 0.011*\"blur\" + 0.011*\"nativist\" + 0.010*\"fleet\" + 0.008*\"sai\"\n", - "2019-01-31 00:57:06,139 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.022*\"cortic\" + 0.018*\"start\" + 0.017*\"act\" + 0.012*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.009*\"legal\" + 0.008*\"order\"\n", - "2019-01-31 00:57:06,140 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"word\" + 0.008*\"group\" + 0.008*\"peopl\" + 0.007*\"cultur\" + 0.007*\"human\" + 0.007*\"woman\"\n", - "2019-01-31 00:57:06,141 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.025*\"final\" + 0.022*\"wife\" + 0.021*\"tourist\" + 0.018*\"champion\" + 0.016*\"taxpay\" + 0.015*\"martin\" + 0.015*\"chamber\" + 0.014*\"tiepolo\" + 0.014*\"open\"\n", - "2019-01-31 00:57:06,142 : INFO : topic #13 (0.020): 0.026*\"new\" + 0.026*\"australia\" + 0.025*\"london\" + 0.025*\"sourc\" + 0.023*\"england\" + 0.022*\"australian\" + 0.020*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:57:06,147 : INFO : topic diff=0.003983, rho=0.028964\n", - "2019-01-31 00:57:06,305 : INFO : PROGRESS: pass 0, at document #2386000/4922894\n", - "2019-01-31 00:57:07,700 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:57:07,967 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.034*\"publicis\" + 0.025*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"nicola\" + 0.012*\"storag\" + 0.012*\"collect\" + 0.011*\"worldwid\"\n", - "2019-01-31 00:57:07,968 : INFO : topic #31 (0.020): 0.052*\"fusiform\" + 0.026*\"scientist\" + 0.025*\"taxpay\" + 0.022*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.011*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 00:57:07,969 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.022*\"spain\" + 0.018*\"del\" + 0.016*\"mexico\" + 0.014*\"italian\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"francisco\" + 0.011*\"josé\"\n", - "2019-01-31 00:57:07,970 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.026*\"offic\" + 0.024*\"minist\" + 0.024*\"nation\" + 0.022*\"govern\" + 0.022*\"member\" + 0.020*\"serv\" + 0.016*\"gener\" + 0.016*\"start\" + 0.015*\"seri\"\n", - "2019-01-31 00:57:07,971 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.066*\"best\" + 0.033*\"yawn\" + 0.027*\"jacksonvil\" + 0.022*\"noll\" + 0.021*\"festiv\" + 0.020*\"japanes\" + 0.019*\"women\" + 0.017*\"intern\" + 0.014*\"prison\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:57:07,977 : INFO : topic diff=0.004362, rho=0.028952\n", - "2019-01-31 00:57:08,132 : INFO : PROGRESS: pass 0, at document #2388000/4922894\n", - "2019-01-31 00:57:09,506 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:57:09,772 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.030*\"germani\" + 0.016*\"jewish\" + 0.016*\"vol\" + 0.015*\"berlin\" + 0.014*\"israel\" + 0.014*\"der\" + 0.011*\"european\" + 0.010*\"jeremiah\" + 0.009*\"europ\"\n", - "2019-01-31 00:57:09,773 : INFO : topic #9 (0.020): 0.073*\"bone\" + 0.047*\"american\" + 0.026*\"valour\" + 0.019*\"dutch\" + 0.018*\"english\" + 0.017*\"folei\" + 0.016*\"player\" + 0.016*\"polit\" + 0.012*\"simpler\" + 0.012*\"acrimoni\"\n", - "2019-01-31 00:57:09,774 : INFO : topic #34 (0.020): 0.067*\"start\" + 0.033*\"new\" + 0.032*\"american\" + 0.028*\"unionist\" + 0.025*\"cotton\" + 0.020*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 00:57:09,775 : INFO : topic #20 (0.020): 0.143*\"scholar\" + 0.040*\"struggl\" + 0.034*\"high\" + 0.030*\"educ\" + 0.026*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.009*\"task\" + 0.009*\"class\" + 0.009*\"gothic\"\n", - "2019-01-31 00:57:09,776 : INFO : topic #29 (0.020): 0.029*\"companhia\" + 0.012*\"busi\" + 0.012*\"million\" + 0.011*\"market\" + 0.011*\"produc\" + 0.010*\"bank\" + 0.009*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"serv\"\n", - "2019-01-31 00:57:09,782 : INFO : topic diff=0.004244, rho=0.028940\n", - "2019-01-31 00:57:09,937 : INFO : PROGRESS: pass 0, at document #2390000/4922894\n", - "2019-01-31 00:57:11,313 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:57:11,579 : INFO : topic #40 (0.020): 0.088*\"unit\" + 0.024*\"schuster\" + 0.022*\"collector\" + 0.021*\"institut\" + 0.020*\"requir\" + 0.018*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"degre\" + 0.011*\"http\"\n", - "2019-01-31 00:57:11,580 : INFO : topic #9 (0.020): 0.073*\"bone\" + 0.047*\"american\" + 0.026*\"valour\" + 0.020*\"dutch\" + 0.018*\"english\" + 0.017*\"folei\" + 0.016*\"player\" + 0.016*\"polit\" + 0.013*\"simpler\" + 0.012*\"acrimoni\"\n", - "2019-01-31 00:57:11,582 : INFO : topic #30 (0.020): 0.035*\"leagu\" + 0.035*\"cleveland\" + 0.029*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.024*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:57:11,583 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:57:11,584 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"exampl\" + 0.006*\"théori\" + 0.006*\"gener\" + 0.006*\"poet\" + 0.006*\"southern\" + 0.006*\"servitud\" + 0.006*\"measur\" + 0.006*\"method\"\n", - "2019-01-31 00:57:11,590 : INFO : topic diff=0.004085, rho=0.028928\n", - "2019-01-31 00:57:11,743 : INFO : PROGRESS: pass 0, at document #2392000/4922894\n", - "2019-01-31 00:57:13,117 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:57:13,383 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.022*\"cortic\" + 0.018*\"start\" + 0.017*\"act\" + 0.012*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.009*\"legal\" + 0.008*\"order\"\n", - "2019-01-31 00:57:13,384 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.033*\"perceptu\" + 0.021*\"theater\" + 0.019*\"place\" + 0.017*\"damn\" + 0.016*\"compos\" + 0.014*\"orchestr\" + 0.013*\"olympo\" + 0.012*\"physician\" + 0.012*\"word\"\n", - "2019-01-31 00:57:13,385 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:57:13,386 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.026*\"offic\" + 0.024*\"minist\" + 0.024*\"nation\" + 0.022*\"govern\" + 0.021*\"member\" + 0.020*\"serv\" + 0.016*\"gener\" + 0.016*\"start\" + 0.015*\"seri\"\n", - "2019-01-31 00:57:13,387 : INFO : topic #2 (0.020): 0.055*\"isl\" + 0.037*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.012*\"pope\" + 0.011*\"coalit\" + 0.011*\"blur\" + 0.011*\"nativist\" + 0.009*\"fleet\" + 0.009*\"sai\"\n", - "2019-01-31 00:57:13,393 : INFO : topic diff=0.004585, rho=0.028916\n", - "2019-01-31 00:57:13,549 : INFO : PROGRESS: pass 0, at document #2394000/4922894\n", - "2019-01-31 00:57:14,928 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:57:15,194 : INFO : topic #2 (0.020): 0.055*\"isl\" + 0.037*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.012*\"pope\" + 0.011*\"coalit\" + 0.011*\"nativist\" + 0.011*\"blur\" + 0.010*\"fleet\" + 0.009*\"sai\"\n", - "2019-01-31 00:57:15,195 : INFO : topic #46 (0.020): 0.018*\"stop\" + 0.017*\"swedish\" + 0.016*\"sweden\" + 0.016*\"norwai\" + 0.016*\"wind\" + 0.014*\"damag\" + 0.014*\"norwegian\" + 0.012*\"treeless\" + 0.012*\"turkish\" + 0.011*\"farid\"\n", - "2019-01-31 00:57:15,196 : INFO : topic #40 (0.020): 0.088*\"unit\" + 0.024*\"schuster\" + 0.022*\"collector\" + 0.021*\"institut\" + 0.020*\"requir\" + 0.018*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"degre\" + 0.011*\"governor\"\n", - "2019-01-31 00:57:15,197 : INFO : topic #13 (0.020): 0.026*\"new\" + 0.026*\"australia\" + 0.025*\"london\" + 0.025*\"sourc\" + 0.024*\"england\" + 0.022*\"australian\" + 0.021*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:57:15,198 : INFO : topic #42 (0.020): 0.048*\"german\" + 0.030*\"germani\" + 0.016*\"jewish\" + 0.016*\"vol\" + 0.015*\"berlin\" + 0.014*\"israel\" + 0.014*\"der\" + 0.011*\"european\" + 0.010*\"jeremiah\" + 0.009*\"itali\"\n", - "2019-01-31 00:57:15,204 : INFO : topic diff=0.004292, rho=0.028904\n", - "2019-01-31 00:57:15,360 : INFO : PROGRESS: pass 0, at document #2396000/4922894\n", - "2019-01-31 00:57:16,745 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:57:17,011 : INFO : topic #17 (0.020): 0.079*\"church\" + 0.023*\"cathol\" + 0.021*\"christian\" + 0.021*\"bishop\" + 0.017*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.009*\"centuri\" + 0.009*\"parish\" + 0.008*\"poll\"\n", - "2019-01-31 00:57:17,012 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.043*\"line\" + 0.036*\"raid\" + 0.030*\"arsen\" + 0.025*\"museo\" + 0.020*\"traceabl\" + 0.019*\"serv\" + 0.014*\"rosenwald\" + 0.012*\"exhaust\" + 0.012*\"oper\"\n", - "2019-01-31 00:57:17,013 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.023*\"factor\" + 0.015*\"adulthood\" + 0.013*\"feel\" + 0.012*\"male\" + 0.011*\"plaisir\" + 0.010*\"genu\" + 0.009*\"western\" + 0.009*\"biom\" + 0.008*\"median\"\n", - "2019-01-31 00:57:17,014 : INFO : topic #13 (0.020): 0.026*\"new\" + 0.026*\"australia\" + 0.025*\"london\" + 0.025*\"sourc\" + 0.024*\"england\" + 0.022*\"australian\" + 0.021*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:57:17,015 : INFO : topic #16 (0.020): 0.051*\"king\" + 0.032*\"priest\" + 0.020*\"duke\" + 0.020*\"rotterdam\" + 0.018*\"grammat\" + 0.017*\"idiosyncrat\" + 0.016*\"quarterli\" + 0.015*\"portugues\" + 0.014*\"kingdom\" + 0.014*\"count\"\n", - "2019-01-31 00:57:17,021 : INFO : topic diff=0.004440, rho=0.028892\n", - "2019-01-31 00:57:17,234 : INFO : PROGRESS: pass 0, at document #2398000/4922894\n", - "2019-01-31 00:57:18,618 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:57:18,885 : INFO : topic #42 (0.020): 0.048*\"german\" + 0.030*\"germani\" + 0.016*\"jewish\" + 0.016*\"vol\" + 0.015*\"israel\" + 0.014*\"berlin\" + 0.013*\"der\" + 0.011*\"european\" + 0.010*\"jeremiah\" + 0.009*\"itali\"\n", - "2019-01-31 00:57:18,886 : INFO : topic #20 (0.020): 0.143*\"scholar\" + 0.040*\"struggl\" + 0.034*\"high\" + 0.030*\"educ\" + 0.026*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"class\" + 0.009*\"task\" + 0.009*\"gothic\"\n", - "2019-01-31 00:57:18,887 : INFO : topic #2 (0.020): 0.055*\"isl\" + 0.037*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.012*\"pope\" + 0.011*\"coalit\" + 0.011*\"blur\" + 0.011*\"nativist\" + 0.010*\"fleet\" + 0.009*\"sai\"\n", - "2019-01-31 00:57:18,888 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.033*\"perceptu\" + 0.021*\"theater\" + 0.019*\"place\" + 0.016*\"compos\" + 0.016*\"damn\" + 0.014*\"orchestr\" + 0.013*\"olympo\" + 0.013*\"physician\" + 0.012*\"word\"\n", - "2019-01-31 00:57:18,889 : INFO : topic #34 (0.020): 0.067*\"start\" + 0.033*\"new\" + 0.032*\"american\" + 0.028*\"unionist\" + 0.025*\"cotton\" + 0.020*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 00:57:18,895 : INFO : topic diff=0.004711, rho=0.028880\n", - "2019-01-31 00:57:21,545 : INFO : -11.655 per-word bound, 3224.3 perplexity estimate based on a held-out corpus of 2000 documents with 540892 words\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:57:21,546 : INFO : PROGRESS: pass 0, at document #2400000/4922894\n", - "2019-01-31 00:57:22,912 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:57:23,178 : INFO : topic #41 (0.020): 0.042*\"citi\" + 0.023*\"palmer\" + 0.023*\"new\" + 0.014*\"strategist\" + 0.012*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 00:57:23,179 : INFO : topic #26 (0.020): 0.029*\"woman\" + 0.028*\"workplac\" + 0.027*\"men\" + 0.026*\"champion\" + 0.025*\"olymp\" + 0.022*\"medal\" + 0.020*\"event\" + 0.020*\"alic\" + 0.019*\"rainfal\" + 0.018*\"atheist\"\n", - "2019-01-31 00:57:23,180 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.047*\"franc\" + 0.029*\"pari\" + 0.021*\"jean\" + 0.020*\"sail\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 00:57:23,181 : INFO : topic #43 (0.020): 0.067*\"elect\" + 0.054*\"parti\" + 0.024*\"voluntari\" + 0.024*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.014*\"bypass\" + 0.014*\"report\" + 0.013*\"seaport\"\n", - "2019-01-31 00:57:23,182 : INFO : topic #36 (0.020): 0.011*\"pop\" + 0.011*\"prognosi\" + 0.010*\"network\" + 0.009*\"develop\" + 0.008*\"softwar\" + 0.008*\"user\" + 0.008*\"cytokin\" + 0.007*\"diggin\" + 0.007*\"brio\" + 0.007*\"uruguayan\"\n", - "2019-01-31 00:57:23,188 : INFO : topic diff=0.003905, rho=0.028868\n", - "2019-01-31 00:57:23,350 : INFO : PROGRESS: pass 0, at document #2402000/4922894\n", - "2019-01-31 00:57:24,775 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:57:25,042 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.014*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.007*\"ancestor\"\n", - "2019-01-31 00:57:25,043 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.009*\"forc\" + 0.008*\"battalion\" + 0.007*\"teufel\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.006*\"pour\" + 0.006*\"govern\" + 0.006*\"till\"\n", - "2019-01-31 00:57:25,044 : INFO : topic #46 (0.020): 0.018*\"stop\" + 0.017*\"sweden\" + 0.016*\"norwai\" + 0.016*\"swedish\" + 0.015*\"wind\" + 0.014*\"norwegian\" + 0.013*\"damag\" + 0.013*\"treeless\" + 0.012*\"turkish\" + 0.011*\"farid\"\n", - "2019-01-31 00:57:25,045 : INFO : topic #17 (0.020): 0.078*\"church\" + 0.023*\"cathol\" + 0.022*\"christian\" + 0.021*\"bishop\" + 0.017*\"sail\" + 0.016*\"retroflex\" + 0.010*\"relationship\" + 0.009*\"centuri\" + 0.009*\"parish\" + 0.009*\"poll\"\n", - "2019-01-31 00:57:25,046 : INFO : topic #28 (0.020): 0.031*\"build\" + 0.026*\"hous\" + 0.020*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.012*\"briarwood\" + 0.011*\"strategist\" + 0.011*\"constitut\" + 0.010*\"linear\" + 0.010*\"depress\"\n", - "2019-01-31 00:57:25,051 : INFO : topic diff=0.005205, rho=0.028855\n", - "2019-01-31 00:57:25,209 : INFO : PROGRESS: pass 0, at document #2404000/4922894\n", - "2019-01-31 00:57:26,590 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:57:26,856 : INFO : topic #45 (0.020): 0.026*\"jpg\" + 0.025*\"fifteenth\" + 0.017*\"illicit\" + 0.017*\"colder\" + 0.015*\"black\" + 0.015*\"western\" + 0.012*\"record\" + 0.010*\"blind\" + 0.009*\"depress\" + 0.008*\"arm\"\n", - "2019-01-31 00:57:26,857 : INFO : topic #28 (0.020): 0.031*\"build\" + 0.026*\"hous\" + 0.020*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.012*\"briarwood\" + 0.011*\"strategist\" + 0.011*\"constitut\" + 0.010*\"linear\" + 0.010*\"depress\"\n", - "2019-01-31 00:57:26,859 : INFO : topic #41 (0.020): 0.042*\"citi\" + 0.023*\"palmer\" + 0.022*\"new\" + 0.014*\"strategist\" + 0.012*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 00:57:26,860 : INFO : topic #29 (0.020): 0.030*\"companhia\" + 0.012*\"busi\" + 0.012*\"million\" + 0.011*\"produc\" + 0.011*\"market\" + 0.010*\"bank\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 00:57:26,861 : INFO : topic #7 (0.020): 0.022*\"snatch\" + 0.019*\"di\" + 0.018*\"factor\" + 0.015*\"margin\" + 0.015*\"yawn\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"will\" + 0.012*\"john\"\n", - "2019-01-31 00:57:26,866 : INFO : topic diff=0.003970, rho=0.028843\n", - "2019-01-31 00:57:27,024 : INFO : PROGRESS: pass 0, at document #2406000/4922894\n", - "2019-01-31 00:57:28,418 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:57:28,685 : INFO : topic #34 (0.020): 0.067*\"start\" + 0.034*\"new\" + 0.031*\"american\" + 0.029*\"unionist\" + 0.026*\"cotton\" + 0.020*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 00:57:28,686 : INFO : topic #37 (0.020): 0.010*\"charact\" + 0.009*\"man\" + 0.009*\"septemb\" + 0.008*\"anim\" + 0.008*\"comic\" + 0.007*\"love\" + 0.007*\"appear\" + 0.006*\"gestur\" + 0.006*\"vision\" + 0.005*\"blue\"\n", - "2019-01-31 00:57:28,687 : INFO : topic #45 (0.020): 0.026*\"jpg\" + 0.025*\"fifteenth\" + 0.017*\"illicit\" + 0.017*\"colder\" + 0.016*\"black\" + 0.015*\"western\" + 0.012*\"record\" + 0.010*\"blind\" + 0.009*\"depress\" + 0.008*\"light\"\n", - "2019-01-31 00:57:28,688 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.023*\"factor\" + 0.015*\"adulthood\" + 0.013*\"feel\" + 0.012*\"male\" + 0.011*\"plaisir\" + 0.010*\"genu\" + 0.009*\"biom\" + 0.008*\"western\" + 0.008*\"median\"\n", - "2019-01-31 00:57:28,689 : INFO : topic #43 (0.020): 0.067*\"elect\" + 0.054*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.019*\"member\" + 0.017*\"polici\" + 0.015*\"republ\" + 0.015*\"bypass\" + 0.014*\"report\" + 0.013*\"seaport\"\n", - "2019-01-31 00:57:28,695 : INFO : topic diff=0.004941, rho=0.028831\n", - "2019-01-31 00:57:28,850 : INFO : PROGRESS: pass 0, at document #2408000/4922894\n", - "2019-01-31 00:57:30,216 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:57:30,483 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"exampl\" + 0.007*\"poet\" + 0.006*\"théori\" + 0.006*\"gener\" + 0.006*\"southern\" + 0.006*\"servitud\" + 0.006*\"measur\" + 0.006*\"method\"\n", - "2019-01-31 00:57:30,484 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.021*\"armi\" + 0.021*\"aggress\" + 0.020*\"walter\" + 0.017*\"com\" + 0.013*\"unionist\" + 0.013*\"militari\" + 0.013*\"oper\" + 0.011*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 00:57:30,485 : INFO : topic #48 (0.020): 0.081*\"march\" + 0.077*\"octob\" + 0.077*\"sens\" + 0.072*\"januari\" + 0.070*\"notion\" + 0.070*\"juli\" + 0.069*\"april\" + 0.069*\"judici\" + 0.068*\"decatur\" + 0.067*\"august\"\n", - "2019-01-31 00:57:30,486 : INFO : topic #6 (0.020): 0.072*\"fewer\" + 0.023*\"epiru\" + 0.022*\"septemb\" + 0.018*\"teacher\" + 0.017*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.012*\"direct\" + 0.010*\"acrimoni\" + 0.010*\"movi\"\n", - "2019-01-31 00:57:30,487 : INFO : topic #16 (0.020): 0.050*\"king\" + 0.031*\"priest\" + 0.020*\"rotterdam\" + 0.020*\"duke\" + 0.019*\"grammat\" + 0.018*\"idiosyncrat\" + 0.017*\"quarterli\" + 0.014*\"portugues\" + 0.014*\"kingdom\" + 0.014*\"count\"\n", - "2019-01-31 00:57:30,493 : INFO : topic diff=0.004450, rho=0.028820\n", - "2019-01-31 00:57:30,644 : INFO : PROGRESS: pass 0, at document #2410000/4922894\n", - "2019-01-31 00:57:31,969 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:57:32,235 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.023*\"factor\" + 0.015*\"adulthood\" + 0.013*\"feel\" + 0.011*\"male\" + 0.011*\"plaisir\" + 0.010*\"genu\" + 0.009*\"biom\" + 0.008*\"western\" + 0.008*\"median\"\n", - "2019-01-31 00:57:32,236 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.022*\"spain\" + 0.018*\"del\" + 0.017*\"mexico\" + 0.014*\"italian\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.012*\"juan\" + 0.011*\"lizard\" + 0.010*\"francisco\"\n", - "2019-01-31 00:57:32,237 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.054*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.019*\"member\" + 0.017*\"polici\" + 0.015*\"republ\" + 0.014*\"bypass\" + 0.014*\"report\" + 0.013*\"seaport\"\n", - "2019-01-31 00:57:32,239 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.015*\"margin\" + 0.015*\"yawn\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"john\" + 0.012*\"will\"\n", - "2019-01-31 00:57:32,240 : INFO : topic #16 (0.020): 0.050*\"king\" + 0.031*\"priest\" + 0.020*\"rotterdam\" + 0.020*\"duke\" + 0.019*\"grammat\" + 0.018*\"idiosyncrat\" + 0.017*\"quarterli\" + 0.014*\"kingdom\" + 0.014*\"portugues\" + 0.014*\"count\"\n", - "2019-01-31 00:57:32,245 : INFO : topic diff=0.004224, rho=0.028808\n", - "2019-01-31 00:57:32,398 : INFO : PROGRESS: pass 0, at document #2412000/4922894\n", - "2019-01-31 00:57:33,754 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:57:34,021 : INFO : topic #0 (0.020): 0.068*\"statewid\" + 0.042*\"line\" + 0.036*\"raid\" + 0.029*\"arsen\" + 0.024*\"museo\" + 0.020*\"traceabl\" + 0.019*\"serv\" + 0.014*\"rosenwald\" + 0.012*\"oper\" + 0.012*\"exhaust\"\n", - "2019-01-31 00:57:34,022 : INFO : topic #45 (0.020): 0.028*\"jpg\" + 0.026*\"fifteenth\" + 0.018*\"illicit\" + 0.017*\"colder\" + 0.016*\"western\" + 0.016*\"black\" + 0.013*\"record\" + 0.010*\"blind\" + 0.009*\"depress\" + 0.008*\"light\"\n", - "2019-01-31 00:57:34,023 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.035*\"leagu\" + 0.029*\"place\" + 0.028*\"taxpay\" + 0.025*\"scientist\" + 0.023*\"crete\" + 0.022*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:57:34,024 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.031*\"incumb\" + 0.012*\"islam\" + 0.012*\"pakistan\" + 0.012*\"anglo\" + 0.011*\"khalsa\" + 0.011*\"televis\" + 0.011*\"alam\" + 0.010*\"muskoge\" + 0.010*\"sri\"\n", - "2019-01-31 00:57:34,025 : INFO : topic #3 (0.020): 0.032*\"present\" + 0.026*\"offic\" + 0.024*\"nation\" + 0.024*\"minist\" + 0.022*\"govern\" + 0.021*\"member\" + 0.019*\"serv\" + 0.016*\"gener\" + 0.016*\"start\" + 0.015*\"seri\"\n", - "2019-01-31 00:57:34,031 : INFO : topic diff=0.005137, rho=0.028796\n", - "2019-01-31 00:57:34,189 : INFO : PROGRESS: pass 0, at document #2414000/4922894\n", - "2019-01-31 00:57:35,585 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:57:35,852 : INFO : topic #8 (0.020): 0.028*\"law\" + 0.022*\"cortic\" + 0.019*\"act\" + 0.018*\"start\" + 0.012*\"case\" + 0.012*\"ricardo\" + 0.010*\"polaris\" + 0.009*\"replac\" + 0.009*\"legal\" + 0.008*\"order\"\n", - "2019-01-31 00:57:35,853 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"help\" + 0.004*\"call\"\n", - "2019-01-31 00:57:35,854 : INFO : topic #34 (0.020): 0.067*\"start\" + 0.034*\"new\" + 0.031*\"american\" + 0.029*\"unionist\" + 0.026*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 00:57:35,855 : INFO : topic #9 (0.020): 0.074*\"bone\" + 0.047*\"american\" + 0.026*\"valour\" + 0.019*\"dutch\" + 0.017*\"english\" + 0.016*\"folei\" + 0.016*\"player\" + 0.016*\"polit\" + 0.013*\"simpler\" + 0.012*\"acrimoni\"\n", - "2019-01-31 00:57:35,856 : INFO : topic #44 (0.020): 0.032*\"rooftop\" + 0.026*\"final\" + 0.023*\"wife\" + 0.020*\"tourist\" + 0.018*\"champion\" + 0.016*\"taxpay\" + 0.015*\"martin\" + 0.015*\"chamber\" + 0.014*\"tiepolo\" + 0.014*\"open\"\n", - "2019-01-31 00:57:35,862 : INFO : topic diff=0.004604, rho=0.028784\n", - "2019-01-31 00:57:36,021 : INFO : PROGRESS: pass 0, at document #2416000/4922894\n", - "2019-01-31 00:57:37,422 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:57:37,689 : INFO : topic #39 (0.020): 0.057*\"canada\" + 0.043*\"canadian\" + 0.025*\"toronto\" + 0.021*\"hoar\" + 0.019*\"ontario\" + 0.015*\"hydrogen\" + 0.015*\"new\" + 0.014*\"novotná\" + 0.014*\"misericordia\" + 0.012*\"quebec\"\n", - "2019-01-31 00:57:37,690 : INFO : topic #28 (0.020): 0.031*\"build\" + 0.026*\"hous\" + 0.020*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.012*\"briarwood\" + 0.011*\"strategist\" + 0.011*\"constitut\" + 0.010*\"linear\" + 0.010*\"depress\"\n", - "2019-01-31 00:57:37,691 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.033*\"perceptu\" + 0.021*\"theater\" + 0.019*\"place\" + 0.017*\"compos\" + 0.016*\"damn\" + 0.014*\"orchestr\" + 0.013*\"physician\" + 0.013*\"olympo\" + 0.012*\"word\"\n", - "2019-01-31 00:57:37,692 : INFO : topic #25 (0.020): 0.033*\"ring\" + 0.018*\"lagrang\" + 0.017*\"area\" + 0.016*\"mount\" + 0.016*\"warmth\" + 0.009*\"north\" + 0.009*\"foam\" + 0.009*\"sourc\" + 0.008*\"palmer\" + 0.008*\"vacant\"\n", - "2019-01-31 00:57:37,693 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.021*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.017*\"com\" + 0.013*\"unionist\" + 0.013*\"militari\" + 0.013*\"oper\" + 0.012*\"airmen\" + 0.012*\"airbu\"\n", - "2019-01-31 00:57:37,699 : INFO : topic diff=0.004405, rho=0.028772\n", - "2019-01-31 00:57:37,858 : INFO : PROGRESS: pass 0, at document #2418000/4922894\n", - "2019-01-31 00:57:39,243 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:57:39,509 : INFO : topic #20 (0.020): 0.141*\"scholar\" + 0.040*\"struggl\" + 0.033*\"high\" + 0.030*\"educ\" + 0.026*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"class\" + 0.009*\"task\" + 0.009*\"gothic\"\n", - "2019-01-31 00:57:39,510 : INFO : topic #13 (0.020): 0.026*\"london\" + 0.025*\"australia\" + 0.025*\"sourc\" + 0.025*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.020*\"british\" + 0.017*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:57:39,510 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.054*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.019*\"member\" + 0.017*\"polici\" + 0.015*\"republ\" + 0.015*\"bypass\" + 0.014*\"report\" + 0.013*\"seaport\"\n", - "2019-01-31 00:57:39,511 : INFO : topic #3 (0.020): 0.032*\"present\" + 0.025*\"offic\" + 0.024*\"minist\" + 0.024*\"nation\" + 0.022*\"govern\" + 0.022*\"member\" + 0.019*\"serv\" + 0.016*\"start\" + 0.016*\"gener\" + 0.015*\"seri\"\n", - "2019-01-31 00:57:39,513 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.033*\"perceptu\" + 0.021*\"theater\" + 0.019*\"place\" + 0.017*\"compos\" + 0.016*\"damn\" + 0.014*\"orchestr\" + 0.014*\"physician\" + 0.013*\"olympo\" + 0.012*\"word\"\n", - "2019-01-31 00:57:39,518 : INFO : topic diff=0.004684, rho=0.028760\n", - "2019-01-31 00:57:42,229 : INFO : -11.658 per-word bound, 3232.6 perplexity estimate based on a held-out corpus of 2000 documents with 561226 words\n", - "2019-01-31 00:57:42,229 : INFO : PROGRESS: pass 0, at document #2420000/4922894\n", - "2019-01-31 00:57:43,624 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:57:43,890 : INFO : topic #34 (0.020): 0.068*\"start\" + 0.034*\"new\" + 0.031*\"american\" + 0.029*\"unionist\" + 0.025*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.014*\"warrior\" + 0.012*\"north\" + 0.012*\"terri\"\n", - "2019-01-31 00:57:43,892 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.015*\"margin\" + 0.015*\"yawn\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"john\" + 0.012*\"will\"\n", - "2019-01-31 00:57:43,892 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.021*\"aggress\" + 0.021*\"armi\" + 0.021*\"walter\" + 0.017*\"com\" + 0.013*\"unionist\" + 0.013*\"militari\" + 0.013*\"oper\" + 0.012*\"airmen\" + 0.012*\"airbu\"\n", - "2019-01-31 00:57:43,894 : INFO : topic #27 (0.020): 0.066*\"questionnair\" + 0.021*\"candid\" + 0.020*\"ret\" + 0.018*\"taxpay\" + 0.013*\"driver\" + 0.012*\"tornado\" + 0.012*\"fool\" + 0.011*\"find\" + 0.011*\"champion\" + 0.011*\"squatter\"\n", - "2019-01-31 00:57:43,894 : INFO : topic #35 (0.020): 0.060*\"russia\" + 0.038*\"sovereignti\" + 0.033*\"rural\" + 0.030*\"poison\" + 0.025*\"personifi\" + 0.023*\"reprint\" + 0.020*\"poland\" + 0.020*\"moscow\" + 0.015*\"unfortun\" + 0.014*\"czech\"\n", - "2019-01-31 00:57:43,900 : INFO : topic diff=0.004827, rho=0.028748\n", - "2019-01-31 00:57:44,061 : INFO : PROGRESS: pass 0, at document #2422000/4922894\n", - "2019-01-31 00:57:45,477 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:57:45,744 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.020*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:57:45,745 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.035*\"leagu\" + 0.029*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.022*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.013*\"schmitz\"\n", - "2019-01-31 00:57:45,746 : INFO : topic #6 (0.020): 0.073*\"fewer\" + 0.023*\"epiru\" + 0.022*\"septemb\" + 0.019*\"teacher\" + 0.017*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.012*\"direct\" + 0.010*\"acrimoni\" + 0.010*\"movi\"\n", - "2019-01-31 00:57:45,747 : INFO : topic #29 (0.020): 0.029*\"companhia\" + 0.012*\"busi\" + 0.012*\"million\" + 0.011*\"produc\" + 0.011*\"market\" + 0.010*\"bank\" + 0.009*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"oper\"\n", - "2019-01-31 00:57:45,748 : INFO : topic #37 (0.020): 0.010*\"charact\" + 0.009*\"man\" + 0.009*\"septemb\" + 0.008*\"anim\" + 0.008*\"comic\" + 0.007*\"love\" + 0.007*\"appear\" + 0.006*\"gestur\" + 0.005*\"blue\" + 0.005*\"workplac\"\n", - "2019-01-31 00:57:45,754 : INFO : topic diff=0.005325, rho=0.028736\n", - "2019-01-31 00:57:45,911 : INFO : PROGRESS: pass 0, at document #2424000/4922894\n", - "2019-01-31 00:57:47,289 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:57:47,555 : INFO : topic #24 (0.020): 0.038*\"book\" + 0.035*\"publicis\" + 0.026*\"word\" + 0.018*\"new\" + 0.015*\"edit\" + 0.013*\"presid\" + 0.012*\"nicola\" + 0.012*\"collect\" + 0.011*\"storag\" + 0.011*\"magazin\"\n", - "2019-01-31 00:57:47,556 : INFO : topic #25 (0.020): 0.033*\"ring\" + 0.018*\"lagrang\" + 0.017*\"area\" + 0.016*\"warmth\" + 0.016*\"mount\" + 0.009*\"north\" + 0.009*\"sourc\" + 0.009*\"foam\" + 0.008*\"palmer\" + 0.008*\"vacant\"\n", - "2019-01-31 00:57:47,557 : INFO : topic #44 (0.020): 0.032*\"rooftop\" + 0.026*\"final\" + 0.023*\"wife\" + 0.020*\"tourist\" + 0.018*\"champion\" + 0.016*\"taxpay\" + 0.015*\"open\" + 0.015*\"martin\" + 0.014*\"chamber\" + 0.014*\"tiepolo\"\n", - "2019-01-31 00:57:47,558 : INFO : topic #29 (0.020): 0.029*\"companhia\" + 0.012*\"busi\" + 0.012*\"million\" + 0.011*\"produc\" + 0.011*\"market\" + 0.010*\"bank\" + 0.009*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"oper\"\n", - "2019-01-31 00:57:47,559 : INFO : topic #32 (0.020): 0.052*\"district\" + 0.044*\"popolo\" + 0.042*\"vigour\" + 0.039*\"tortur\" + 0.034*\"cotton\" + 0.025*\"area\" + 0.022*\"multitud\" + 0.022*\"citi\" + 0.020*\"regim\" + 0.019*\"cede\"\n", - "2019-01-31 00:57:47,565 : INFO : topic diff=0.004299, rho=0.028724\n", - "2019-01-31 00:57:47,720 : INFO : PROGRESS: pass 0, at document #2426000/4922894\n", - "2019-01-31 00:57:49,067 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:57:49,334 : INFO : topic #48 (0.020): 0.082*\"march\" + 0.078*\"octob\" + 0.077*\"sens\" + 0.073*\"januari\" + 0.072*\"juli\" + 0.072*\"notion\" + 0.071*\"april\" + 0.070*\"judici\" + 0.069*\"august\" + 0.069*\"decatur\"\n", - "2019-01-31 00:57:49,335 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.012*\"will\" + 0.012*\"jame\" + 0.012*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"georg\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 00:57:49,336 : INFO : topic #9 (0.020): 0.074*\"bone\" + 0.047*\"american\" + 0.025*\"valour\" + 0.018*\"dutch\" + 0.018*\"english\" + 0.017*\"folei\" + 0.016*\"player\" + 0.016*\"polit\" + 0.013*\"simpler\" + 0.011*\"acrimoni\"\n", - "2019-01-31 00:57:49,337 : INFO : topic #37 (0.020): 0.011*\"charact\" + 0.009*\"man\" + 0.009*\"septemb\" + 0.008*\"anim\" + 0.008*\"comic\" + 0.007*\"love\" + 0.007*\"appear\" + 0.006*\"gestur\" + 0.006*\"vision\" + 0.005*\"blue\"\n", - "2019-01-31 00:57:49,338 : INFO : topic #44 (0.020): 0.032*\"rooftop\" + 0.026*\"final\" + 0.023*\"wife\" + 0.020*\"tourist\" + 0.018*\"champion\" + 0.016*\"taxpay\" + 0.015*\"open\" + 0.015*\"martin\" + 0.014*\"chamber\" + 0.014*\"tiepolo\"\n", - "2019-01-31 00:57:49,344 : INFO : topic diff=0.004469, rho=0.028712\n", - "2019-01-31 00:57:49,500 : INFO : PROGRESS: pass 0, at document #2428000/4922894\n", - "2019-01-31 00:57:50,898 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:57:51,164 : INFO : topic #36 (0.020): 0.011*\"prognosi\" + 0.011*\"pop\" + 0.011*\"network\" + 0.008*\"develop\" + 0.008*\"user\" + 0.008*\"cytokin\" + 0.008*\"softwar\" + 0.007*\"brio\" + 0.007*\"diggin\" + 0.007*\"uruguayan\"\n", - "2019-01-31 00:57:51,166 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.024*\"act\" + 0.022*\"cortic\" + 0.018*\"start\" + 0.012*\"ricardo\" + 0.012*\"case\" + 0.010*\"polaris\" + 0.009*\"replac\" + 0.009*\"legal\" + 0.007*\"order\"\n", - "2019-01-31 00:57:51,166 : INFO : topic #43 (0.020): 0.067*\"elect\" + 0.055*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.019*\"member\" + 0.017*\"polici\" + 0.015*\"republ\" + 0.015*\"bypass\" + 0.014*\"report\" + 0.013*\"seaport\"\n", - "2019-01-31 00:57:51,168 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"disco\" + 0.007*\"media\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.007*\"hormon\" + 0.007*\"have\" + 0.007*\"proper\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 00:57:51,169 : INFO : topic #20 (0.020): 0.141*\"scholar\" + 0.039*\"struggl\" + 0.033*\"high\" + 0.030*\"educ\" + 0.026*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"class\" + 0.009*\"gothic\" + 0.009*\"task\"\n", - "2019-01-31 00:57:51,175 : INFO : topic diff=0.004472, rho=0.028701\n", - "2019-01-31 00:57:51,337 : INFO : PROGRESS: pass 0, at document #2430000/4922894\n", - "2019-01-31 00:57:52,754 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:57:53,021 : INFO : topic #20 (0.020): 0.141*\"scholar\" + 0.039*\"struggl\" + 0.033*\"high\" + 0.030*\"educ\" + 0.026*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"class\" + 0.009*\"gothic\" + 0.009*\"task\"\n", - "2019-01-31 00:57:53,022 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.009*\"elabor\" + 0.009*\"mode\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.007*\"encyclopedia\" + 0.007*\"develop\" + 0.006*\"produc\"\n", - "2019-01-31 00:57:53,023 : INFO : topic #40 (0.020): 0.086*\"unit\" + 0.024*\"schuster\" + 0.022*\"institut\" + 0.021*\"collector\" + 0.021*\"requir\" + 0.018*\"student\" + 0.015*\"professor\" + 0.012*\"word\" + 0.011*\"degre\" + 0.011*\"governor\"\n", - "2019-01-31 00:57:53,024 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.014*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.006*\"ancestor\"\n", - "2019-01-31 00:57:53,025 : INFO : topic #46 (0.020): 0.018*\"stop\" + 0.017*\"swedish\" + 0.017*\"sweden\" + 0.016*\"norwai\" + 0.015*\"wind\" + 0.014*\"damag\" + 0.014*\"norwegian\" + 0.012*\"turkish\" + 0.012*\"denmark\" + 0.012*\"farid\"\n", - "2019-01-31 00:57:53,031 : INFO : topic diff=0.004694, rho=0.028689\n", - "2019-01-31 00:57:53,241 : INFO : PROGRESS: pass 0, at document #2432000/4922894\n", - "2019-01-31 00:57:54,603 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:57:54,870 : INFO : topic #17 (0.020): 0.079*\"church\" + 0.024*\"cathol\" + 0.023*\"christian\" + 0.021*\"bishop\" + 0.017*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.009*\"centuri\" + 0.009*\"parish\" + 0.009*\"historiographi\"\n", - "2019-01-31 00:57:54,871 : INFO : topic #9 (0.020): 0.074*\"bone\" + 0.047*\"american\" + 0.025*\"valour\" + 0.018*\"dutch\" + 0.018*\"english\" + 0.017*\"folei\" + 0.016*\"player\" + 0.016*\"polit\" + 0.012*\"simpler\" + 0.011*\"acrimoni\"\n", - "2019-01-31 00:57:54,872 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.031*\"incumb\" + 0.012*\"islam\" + 0.012*\"pakistan\" + 0.012*\"anglo\" + 0.011*\"khalsa\" + 0.011*\"alam\" + 0.011*\"muskoge\" + 0.010*\"televis\" + 0.010*\"affection\"\n", - "2019-01-31 00:57:54,874 : INFO : topic #37 (0.020): 0.011*\"charact\" + 0.009*\"man\" + 0.009*\"septemb\" + 0.008*\"comic\" + 0.008*\"anim\" + 0.007*\"love\" + 0.007*\"appear\" + 0.006*\"gestur\" + 0.005*\"vision\" + 0.005*\"blue\"\n", - "2019-01-31 00:57:54,875 : INFO : topic #40 (0.020): 0.086*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.021*\"collector\" + 0.021*\"requir\" + 0.018*\"student\" + 0.015*\"professor\" + 0.012*\"word\" + 0.011*\"degre\" + 0.011*\"governor\"\n", - "2019-01-31 00:57:54,881 : INFO : topic diff=0.004256, rho=0.028677\n", - "2019-01-31 00:57:55,034 : INFO : PROGRESS: pass 0, at document #2434000/4922894\n", - "2019-01-31 00:57:56,509 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:57:56,777 : INFO : topic #36 (0.020): 0.011*\"pop\" + 0.011*\"prognosi\" + 0.011*\"network\" + 0.008*\"develop\" + 0.008*\"user\" + 0.008*\"cytokin\" + 0.008*\"softwar\" + 0.007*\"brio\" + 0.007*\"diggin\" + 0.007*\"uruguayan\"\n", - "2019-01-31 00:57:56,778 : INFO : topic #26 (0.020): 0.028*\"woman\" + 0.028*\"workplac\" + 0.027*\"champion\" + 0.026*\"men\" + 0.025*\"olymp\" + 0.022*\"medal\" + 0.020*\"event\" + 0.020*\"alic\" + 0.019*\"rainfal\" + 0.018*\"atheist\"\n", - "2019-01-31 00:57:56,779 : INFO : topic #17 (0.020): 0.079*\"church\" + 0.024*\"cathol\" + 0.023*\"christian\" + 0.021*\"bishop\" + 0.017*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.009*\"centuri\" + 0.009*\"parish\" + 0.009*\"historiographi\"\n", - "2019-01-31 00:57:56,781 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:57:56,782 : INFO : topic #46 (0.020): 0.017*\"stop\" + 0.017*\"swedish\" + 0.017*\"sweden\" + 0.017*\"norwai\" + 0.015*\"wind\" + 0.015*\"norwegian\" + 0.014*\"damag\" + 0.012*\"turkish\" + 0.012*\"farid\" + 0.011*\"turkei\"\n", - "2019-01-31 00:57:56,788 : INFO : topic diff=0.004577, rho=0.028665\n", - "2019-01-31 00:57:56,943 : INFO : PROGRESS: pass 0, at document #2436000/4922894\n", - "2019-01-31 00:57:58,331 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:57:58,597 : INFO : topic #28 (0.020): 0.031*\"build\" + 0.027*\"hous\" + 0.020*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.011*\"briarwood\" + 0.011*\"strategist\" + 0.010*\"constitut\" + 0.010*\"linear\" + 0.010*\"depress\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:57:58,598 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.014*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.006*\"uruguayan\"\n", - "2019-01-31 00:57:58,599 : INFO : topic #48 (0.020): 0.081*\"march\" + 0.079*\"octob\" + 0.078*\"sens\" + 0.074*\"juli\" + 0.073*\"januari\" + 0.072*\"notion\" + 0.071*\"april\" + 0.071*\"judici\" + 0.070*\"august\" + 0.069*\"decatur\"\n", - "2019-01-31 00:57:58,601 : INFO : topic #40 (0.020): 0.086*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.021*\"collector\" + 0.021*\"requir\" + 0.018*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"degre\" + 0.011*\"governor\"\n", - "2019-01-31 00:57:58,602 : INFO : topic #45 (0.020): 0.027*\"jpg\" + 0.025*\"fifteenth\" + 0.019*\"illicit\" + 0.016*\"western\" + 0.016*\"black\" + 0.016*\"colder\" + 0.013*\"record\" + 0.010*\"blind\" + 0.009*\"depress\" + 0.008*\"pain\"\n", - "2019-01-31 00:57:58,607 : INFO : topic diff=0.003927, rho=0.028653\n", - "2019-01-31 00:57:58,768 : INFO : PROGRESS: pass 0, at document #2438000/4922894\n", - "2019-01-31 00:58:00,177 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:58:00,443 : INFO : topic #1 (0.020): 0.056*\"china\" + 0.047*\"chilton\" + 0.023*\"hong\" + 0.023*\"kong\" + 0.021*\"korea\" + 0.017*\"korean\" + 0.016*\"leah\" + 0.015*\"sourc\" + 0.014*\"shirin\" + 0.012*\"kim\"\n", - "2019-01-31 00:58:00,444 : INFO : topic #25 (0.020): 0.033*\"ring\" + 0.018*\"area\" + 0.017*\"lagrang\" + 0.016*\"warmth\" + 0.015*\"mount\" + 0.009*\"north\" + 0.009*\"sourc\" + 0.008*\"foam\" + 0.008*\"palmer\" + 0.008*\"vacant\"\n", - "2019-01-31 00:58:00,445 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.014*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.006*\"uruguayan\"\n", - "2019-01-31 00:58:00,446 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.030*\"germani\" + 0.016*\"jewish\" + 0.016*\"vol\" + 0.015*\"israel\" + 0.014*\"berlin\" + 0.013*\"der\" + 0.011*\"european\" + 0.010*\"jeremiah\" + 0.009*\"europ\"\n", - "2019-01-31 00:58:00,447 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"word\" + 0.008*\"peopl\" + 0.008*\"group\" + 0.007*\"human\" + 0.007*\"woman\" + 0.006*\"workplac\"\n", - "2019-01-31 00:58:00,453 : INFO : topic diff=0.004900, rho=0.028642\n", - "2019-01-31 00:58:03,129 : INFO : -11.515 per-word bound, 2927.3 perplexity estimate based on a held-out corpus of 2000 documents with 547284 words\n", - "2019-01-31 00:58:03,130 : INFO : PROGRESS: pass 0, at document #2440000/4922894\n", - "2019-01-31 00:58:04,509 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:58:04,776 : INFO : topic #45 (0.020): 0.027*\"jpg\" + 0.025*\"fifteenth\" + 0.019*\"illicit\" + 0.016*\"western\" + 0.016*\"black\" + 0.016*\"colder\" + 0.013*\"record\" + 0.010*\"blind\" + 0.009*\"depress\" + 0.008*\"pain\"\n", - "2019-01-31 00:58:04,777 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.019*\"di\" + 0.018*\"factor\" + 0.015*\"margin\" + 0.015*\"yawn\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.012*\"life\" + 0.012*\"will\" + 0.012*\"deal\"\n", - "2019-01-31 00:58:04,778 : INFO : topic #47 (0.020): 0.062*\"muscl\" + 0.033*\"perceptu\" + 0.020*\"theater\" + 0.019*\"place\" + 0.017*\"compos\" + 0.015*\"damn\" + 0.015*\"physician\" + 0.015*\"orchestr\" + 0.012*\"olympo\" + 0.012*\"word\"\n", - "2019-01-31 00:58:04,779 : INFO : topic #44 (0.020): 0.032*\"rooftop\" + 0.026*\"final\" + 0.023*\"wife\" + 0.020*\"tourist\" + 0.017*\"champion\" + 0.015*\"open\" + 0.015*\"taxpay\" + 0.014*\"martin\" + 0.014*\"chamber\" + 0.014*\"tiepolo\"\n", - "2019-01-31 00:58:04,780 : INFO : topic #24 (0.020): 0.038*\"book\" + 0.034*\"publicis\" + 0.025*\"word\" + 0.018*\"new\" + 0.015*\"edit\" + 0.013*\"presid\" + 0.011*\"collect\" + 0.011*\"nicola\" + 0.011*\"storag\" + 0.011*\"magazin\"\n", - "2019-01-31 00:58:04,786 : INFO : topic diff=0.004212, rho=0.028630\n", - "2019-01-31 00:58:04,944 : INFO : PROGRESS: pass 0, at document #2442000/4922894\n", - "2019-01-31 00:58:06,326 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:58:06,592 : INFO : topic #41 (0.020): 0.043*\"citi\" + 0.024*\"palmer\" + 0.023*\"new\" + 0.014*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 00:58:06,593 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"help\" + 0.004*\"kenworthi\"\n", - "2019-01-31 00:58:06,594 : INFO : topic #34 (0.020): 0.067*\"start\" + 0.034*\"new\" + 0.031*\"american\" + 0.029*\"unionist\" + 0.025*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 00:58:06,595 : INFO : topic #35 (0.020): 0.061*\"russia\" + 0.037*\"sovereignti\" + 0.035*\"rural\" + 0.029*\"poison\" + 0.027*\"personifi\" + 0.024*\"reprint\" + 0.020*\"moscow\" + 0.020*\"poland\" + 0.015*\"unfortun\" + 0.014*\"czech\"\n", - "2019-01-31 00:58:06,597 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.021*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.013*\"unionist\" + 0.013*\"oper\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.011*\"airmen\"\n", - "2019-01-31 00:58:06,602 : INFO : topic diff=0.004376, rho=0.028618\n", - "2019-01-31 00:58:06,760 : INFO : PROGRESS: pass 0, at document #2444000/4922894\n", - "2019-01-31 00:58:08,102 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:58:08,371 : INFO : topic #48 (0.020): 0.081*\"march\" + 0.077*\"octob\" + 0.077*\"sens\" + 0.073*\"juli\" + 0.072*\"januari\" + 0.071*\"april\" + 0.071*\"notion\" + 0.070*\"august\" + 0.069*\"judici\" + 0.068*\"decatur\"\n", - "2019-01-31 00:58:08,372 : INFO : topic #16 (0.020): 0.051*\"king\" + 0.031*\"priest\" + 0.021*\"rotterdam\" + 0.019*\"duke\" + 0.018*\"grammat\" + 0.018*\"quarterli\" + 0.017*\"idiosyncrat\" + 0.015*\"kingdom\" + 0.014*\"portugues\" + 0.013*\"count\"\n", - "2019-01-31 00:58:08,373 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:58:08,374 : INFO : topic #6 (0.020): 0.073*\"fewer\" + 0.023*\"epiru\" + 0.022*\"septemb\" + 0.019*\"teacher\" + 0.017*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"acrimoni\" + 0.010*\"movi\"\n", - "2019-01-31 00:58:08,375 : INFO : topic #9 (0.020): 0.074*\"bone\" + 0.047*\"american\" + 0.026*\"valour\" + 0.018*\"dutch\" + 0.018*\"english\" + 0.017*\"folei\" + 0.017*\"player\" + 0.016*\"polit\" + 0.013*\"simpler\" + 0.011*\"acrimoni\"\n", - "2019-01-31 00:58:08,381 : INFO : topic diff=0.004427, rho=0.028606\n", - "2019-01-31 00:58:08,539 : INFO : PROGRESS: pass 0, at document #2446000/4922894\n", - "2019-01-31 00:58:09,932 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:58:10,199 : INFO : topic #29 (0.020): 0.029*\"companhia\" + 0.012*\"busi\" + 0.012*\"million\" + 0.011*\"market\" + 0.011*\"produc\" + 0.010*\"bank\" + 0.009*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"oper\"\n", - "2019-01-31 00:58:10,200 : INFO : topic #35 (0.020): 0.060*\"russia\" + 0.038*\"sovereignti\" + 0.036*\"rural\" + 0.028*\"poison\" + 0.026*\"personifi\" + 0.024*\"reprint\" + 0.020*\"moscow\" + 0.020*\"poland\" + 0.015*\"unfortun\" + 0.014*\"czech\"\n", - "2019-01-31 00:58:10,201 : INFO : topic #32 (0.020): 0.052*\"district\" + 0.044*\"popolo\" + 0.041*\"vigour\" + 0.039*\"tortur\" + 0.033*\"cotton\" + 0.025*\"area\" + 0.022*\"multitud\" + 0.021*\"citi\" + 0.020*\"regim\" + 0.019*\"cede\"\n", - "2019-01-31 00:58:10,202 : INFO : topic #46 (0.020): 0.018*\"sweden\" + 0.017*\"norwai\" + 0.017*\"swedish\" + 0.017*\"stop\" + 0.015*\"norwegian\" + 0.015*\"wind\" + 0.014*\"damag\" + 0.012*\"farid\" + 0.012*\"denmark\" + 0.012*\"turkish\"\n", - "2019-01-31 00:58:10,203 : INFO : topic #31 (0.020): 0.052*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.015*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.011*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 00:58:10,209 : INFO : topic diff=0.004222, rho=0.028595\n", - "2019-01-31 00:58:10,368 : INFO : PROGRESS: pass 0, at document #2448000/4922894\n", - "2019-01-31 00:58:11,774 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:58:12,040 : INFO : topic #32 (0.020): 0.052*\"district\" + 0.044*\"popolo\" + 0.041*\"vigour\" + 0.039*\"tortur\" + 0.033*\"cotton\" + 0.025*\"area\" + 0.022*\"multitud\" + 0.021*\"citi\" + 0.020*\"regim\" + 0.019*\"cede\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:58:12,041 : INFO : topic #35 (0.020): 0.061*\"russia\" + 0.038*\"sovereignti\" + 0.036*\"rural\" + 0.028*\"poison\" + 0.026*\"personifi\" + 0.023*\"reprint\" + 0.020*\"moscow\" + 0.019*\"poland\" + 0.015*\"unfortun\" + 0.014*\"czech\"\n", - "2019-01-31 00:58:12,042 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.023*\"factor\" + 0.015*\"adulthood\" + 0.013*\"feel\" + 0.011*\"plaisir\" + 0.011*\"male\" + 0.011*\"genu\" + 0.009*\"western\" + 0.008*\"biom\" + 0.008*\"median\"\n", - "2019-01-31 00:58:12,043 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.015*\"margin\" + 0.015*\"yawn\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.012*\"life\" + 0.012*\"will\" + 0.012*\"deal\"\n", - "2019-01-31 00:58:12,044 : INFO : topic #36 (0.020): 0.011*\"prognosi\" + 0.011*\"network\" + 0.011*\"pop\" + 0.008*\"develop\" + 0.008*\"user\" + 0.008*\"softwar\" + 0.008*\"cytokin\" + 0.007*\"brio\" + 0.007*\"diggin\" + 0.007*\"uruguayan\"\n", - "2019-01-31 00:58:12,050 : INFO : topic diff=0.003707, rho=0.028583\n", - "2019-01-31 00:58:12,207 : INFO : PROGRESS: pass 0, at document #2450000/4922894\n", - "2019-01-31 00:58:13,590 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:58:13,856 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"help\" + 0.004*\"kenworthi\"\n", - "2019-01-31 00:58:13,857 : INFO : topic #17 (0.020): 0.078*\"church\" + 0.023*\"cathol\" + 0.023*\"christian\" + 0.021*\"bishop\" + 0.017*\"sail\" + 0.016*\"retroflex\" + 0.010*\"relationship\" + 0.009*\"poll\" + 0.009*\"centuri\" + 0.009*\"parish\"\n", - "2019-01-31 00:58:13,858 : INFO : topic #13 (0.020): 0.026*\"london\" + 0.025*\"australia\" + 0.025*\"sourc\" + 0.025*\"new\" + 0.024*\"england\" + 0.021*\"australian\" + 0.020*\"british\" + 0.017*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:58:13,859 : INFO : topic #32 (0.020): 0.052*\"district\" + 0.044*\"popolo\" + 0.042*\"vigour\" + 0.039*\"tortur\" + 0.034*\"cotton\" + 0.025*\"area\" + 0.022*\"multitud\" + 0.021*\"citi\" + 0.019*\"regim\" + 0.019*\"cede\"\n", - "2019-01-31 00:58:13,860 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.030*\"germani\" + 0.016*\"jewish\" + 0.015*\"vol\" + 0.015*\"israel\" + 0.014*\"berlin\" + 0.013*\"der\" + 0.010*\"european\" + 0.010*\"jeremiah\" + 0.010*\"europ\"\n", - "2019-01-31 00:58:13,866 : INFO : topic diff=0.004929, rho=0.028571\n", - "2019-01-31 00:58:14,022 : INFO : PROGRESS: pass 0, at document #2452000/4922894\n", - "2019-01-31 00:58:15,406 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:58:15,672 : INFO : topic #13 (0.020): 0.026*\"london\" + 0.026*\"sourc\" + 0.025*\"australia\" + 0.024*\"new\" + 0.024*\"england\" + 0.021*\"australian\" + 0.020*\"british\" + 0.017*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:58:15,673 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.021*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.013*\"oper\" + 0.013*\"unionist\" + 0.013*\"militari\" + 0.011*\"airbu\" + 0.011*\"airmen\"\n", - "2019-01-31 00:58:15,674 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.047*\"franc\" + 0.029*\"pari\" + 0.021*\"jean\" + 0.020*\"sail\" + 0.016*\"daphn\" + 0.014*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 00:58:15,675 : INFO : topic #16 (0.020): 0.052*\"king\" + 0.032*\"priest\" + 0.021*\"rotterdam\" + 0.019*\"duke\" + 0.018*\"quarterli\" + 0.018*\"grammat\" + 0.018*\"idiosyncrat\" + 0.014*\"kingdom\" + 0.014*\"portugues\" + 0.013*\"count\"\n", - "2019-01-31 00:58:15,677 : INFO : topic #6 (0.020): 0.072*\"fewer\" + 0.023*\"epiru\" + 0.022*\"septemb\" + 0.019*\"teacher\" + 0.017*\"stake\" + 0.013*\"proclaim\" + 0.013*\"rodríguez\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:58:15,682 : INFO : topic diff=0.004492, rho=0.028560\n", - "2019-01-31 00:58:15,843 : INFO : PROGRESS: pass 0, at document #2454000/4922894\n", - "2019-01-31 00:58:17,210 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:58:17,479 : INFO : topic #26 (0.020): 0.028*\"woman\" + 0.027*\"workplac\" + 0.027*\"champion\" + 0.026*\"men\" + 0.025*\"olymp\" + 0.022*\"medal\" + 0.020*\"rainfal\" + 0.020*\"event\" + 0.018*\"alic\" + 0.018*\"atheist\"\n", - "2019-01-31 00:58:17,480 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"disco\" + 0.008*\"media\" + 0.008*\"pathwai\" + 0.007*\"hormon\" + 0.007*\"caus\" + 0.007*\"have\" + 0.006*\"effect\" + 0.006*\"proper\" + 0.006*\"treat\"\n", - "2019-01-31 00:58:17,481 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"margin\" + 0.015*\"yawn\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"deal\" + 0.012*\"will\"\n", - "2019-01-31 00:58:17,482 : INFO : topic #46 (0.020): 0.018*\"norwai\" + 0.018*\"sweden\" + 0.017*\"swedish\" + 0.016*\"stop\" + 0.016*\"wind\" + 0.015*\"norwegian\" + 0.014*\"damag\" + 0.012*\"denmark\" + 0.012*\"farid\" + 0.011*\"turkish\"\n", - "2019-01-31 00:58:17,483 : INFO : topic #35 (0.020): 0.060*\"russia\" + 0.038*\"sovereignti\" + 0.035*\"rural\" + 0.029*\"poison\" + 0.027*\"personifi\" + 0.023*\"reprint\" + 0.020*\"moscow\" + 0.020*\"poland\" + 0.015*\"unfortun\" + 0.013*\"czech\"\n", - "2019-01-31 00:58:17,489 : INFO : topic diff=0.004143, rho=0.028548\n", - "2019-01-31 00:58:17,644 : INFO : PROGRESS: pass 0, at document #2456000/4922894\n", - "2019-01-31 00:58:19,016 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:58:19,282 : INFO : topic #21 (0.020): 0.035*\"samford\" + 0.023*\"spain\" + 0.018*\"del\" + 0.016*\"mexico\" + 0.016*\"italian\" + 0.014*\"soviet\" + 0.011*\"juan\" + 0.011*\"santa\" + 0.011*\"lizard\" + 0.010*\"carlo\"\n", - "2019-01-31 00:58:19,283 : INFO : topic #1 (0.020): 0.056*\"china\" + 0.046*\"chilton\" + 0.024*\"hong\" + 0.023*\"kong\" + 0.021*\"korea\" + 0.018*\"korean\" + 0.016*\"sourc\" + 0.015*\"leah\" + 0.013*\"shirin\" + 0.012*\"kim\"\n", - "2019-01-31 00:58:19,284 : INFO : topic #41 (0.020): 0.043*\"citi\" + 0.024*\"palmer\" + 0.023*\"new\" + 0.014*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.009*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 00:58:19,285 : INFO : topic #6 (0.020): 0.072*\"fewer\" + 0.023*\"epiru\" + 0.022*\"septemb\" + 0.019*\"teacher\" + 0.017*\"stake\" + 0.013*\"proclaim\" + 0.013*\"rodríguez\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:58:19,287 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.014*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.006*\"uruguayan\"\n", - "2019-01-31 00:58:19,292 : INFO : topic diff=0.004388, rho=0.028537\n", - "2019-01-31 00:58:19,449 : INFO : PROGRESS: pass 0, at document #2458000/4922894\n", - "2019-01-31 00:58:20,842 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:58:21,108 : INFO : topic #26 (0.020): 0.028*\"woman\" + 0.027*\"workplac\" + 0.027*\"champion\" + 0.026*\"men\" + 0.025*\"olymp\" + 0.022*\"medal\" + 0.020*\"event\" + 0.020*\"rainfal\" + 0.019*\"alic\" + 0.018*\"atheist\"\n", - "2019-01-31 00:58:21,109 : INFO : topic #24 (0.020): 0.038*\"book\" + 0.034*\"publicis\" + 0.026*\"word\" + 0.018*\"new\" + 0.015*\"edit\" + 0.013*\"presid\" + 0.012*\"nicola\" + 0.011*\"collect\" + 0.011*\"storag\" + 0.011*\"magazin\"\n", - "2019-01-31 00:58:21,111 : INFO : topic #46 (0.020): 0.018*\"norwai\" + 0.018*\"sweden\" + 0.017*\"swedish\" + 0.017*\"stop\" + 0.016*\"wind\" + 0.015*\"norwegian\" + 0.015*\"damag\" + 0.012*\"denmark\" + 0.012*\"farid\" + 0.011*\"turkish\"\n", - "2019-01-31 00:58:21,112 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.023*\"spain\" + 0.018*\"del\" + 0.016*\"mexico\" + 0.016*\"italian\" + 0.014*\"soviet\" + 0.011*\"juan\" + 0.011*\"santa\" + 0.011*\"francisco\" + 0.011*\"lizard\"\n", - "2019-01-31 00:58:21,113 : INFO : topic #28 (0.020): 0.031*\"build\" + 0.026*\"hous\" + 0.020*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.012*\"briarwood\" + 0.011*\"strategist\" + 0.011*\"constitut\" + 0.010*\"depress\" + 0.010*\"linear\"\n", - "2019-01-31 00:58:21,119 : INFO : topic diff=0.004239, rho=0.028525\n", - "2019-01-31 00:58:23,789 : INFO : -11.431 per-word bound, 2760.2 perplexity estimate based on a held-out corpus of 2000 documents with 559575 words\n", - "2019-01-31 00:58:23,790 : INFO : PROGRESS: pass 0, at document #2460000/4922894\n", - "2019-01-31 00:58:25,160 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:58:25,426 : INFO : topic #46 (0.020): 0.018*\"norwai\" + 0.018*\"sweden\" + 0.017*\"swedish\" + 0.017*\"stop\" + 0.016*\"wind\" + 0.016*\"norwegian\" + 0.015*\"damag\" + 0.012*\"denmark\" + 0.012*\"farid\" + 0.011*\"huntsvil\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:58:25,427 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.026*\"offic\" + 0.024*\"minist\" + 0.024*\"nation\" + 0.021*\"member\" + 0.021*\"govern\" + 0.020*\"serv\" + 0.016*\"start\" + 0.016*\"gener\" + 0.015*\"seri\"\n", - "2019-01-31 00:58:25,428 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.044*\"popolo\" + 0.041*\"vigour\" + 0.039*\"tortur\" + 0.033*\"cotton\" + 0.025*\"area\" + 0.023*\"multitud\" + 0.021*\"citi\" + 0.019*\"regim\" + 0.019*\"cede\"\n", - "2019-01-31 00:58:25,429 : INFO : topic #20 (0.020): 0.141*\"scholar\" + 0.040*\"struggl\" + 0.033*\"high\" + 0.030*\"educ\" + 0.026*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"class\" + 0.009*\"task\" + 0.009*\"gothic\"\n", - "2019-01-31 00:58:25,430 : INFO : topic #29 (0.020): 0.029*\"companhia\" + 0.012*\"busi\" + 0.012*\"million\" + 0.011*\"market\" + 0.011*\"produc\" + 0.011*\"bank\" + 0.009*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"oper\"\n", - "2019-01-31 00:58:25,436 : INFO : topic diff=0.004059, rho=0.028513\n", - "2019-01-31 00:58:25,654 : INFO : PROGRESS: pass 0, at document #2462000/4922894\n", - "2019-01-31 00:58:27,060 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:58:27,326 : INFO : topic #25 (0.020): 0.033*\"ring\" + 0.018*\"lagrang\" + 0.018*\"area\" + 0.016*\"warmth\" + 0.015*\"mount\" + 0.009*\"north\" + 0.009*\"palmer\" + 0.009*\"foam\" + 0.009*\"sourc\" + 0.008*\"lobe\"\n", - "2019-01-31 00:58:27,327 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"exampl\" + 0.007*\"poet\" + 0.007*\"gener\" + 0.006*\"théori\" + 0.006*\"southern\" + 0.006*\"servitud\" + 0.006*\"measur\" + 0.006*\"differ\"\n", - "2019-01-31 00:58:27,329 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"margin\" + 0.015*\"yawn\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"will\" + 0.012*\"daughter\"\n", - "2019-01-31 00:58:27,330 : INFO : topic #41 (0.020): 0.042*\"citi\" + 0.023*\"palmer\" + 0.023*\"new\" + 0.014*\"strategist\" + 0.012*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 00:58:27,330 : INFO : topic #9 (0.020): 0.075*\"bone\" + 0.044*\"american\" + 0.027*\"valour\" + 0.018*\"dutch\" + 0.018*\"folei\" + 0.018*\"english\" + 0.017*\"player\" + 0.016*\"polit\" + 0.012*\"simpler\" + 0.011*\"acrimoni\"\n", - "2019-01-31 00:58:27,336 : INFO : topic diff=0.003703, rho=0.028502\n", - "2019-01-31 00:58:27,491 : INFO : PROGRESS: pass 0, at document #2464000/4922894\n", - "2019-01-31 00:58:28,860 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:58:29,126 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.035*\"leagu\" + 0.029*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.022*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.013*\"schmitz\"\n", - "2019-01-31 00:58:29,127 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.044*\"popolo\" + 0.041*\"vigour\" + 0.039*\"tortur\" + 0.033*\"cotton\" + 0.025*\"area\" + 0.023*\"multitud\" + 0.021*\"citi\" + 0.020*\"regim\" + 0.019*\"cede\"\n", - "2019-01-31 00:58:29,129 : INFO : topic #46 (0.020): 0.018*\"sweden\" + 0.018*\"norwai\" + 0.017*\"swedish\" + 0.017*\"stop\" + 0.015*\"wind\" + 0.015*\"norwegian\" + 0.014*\"damag\" + 0.012*\"denmark\" + 0.012*\"farid\" + 0.011*\"huntsvil\"\n", - "2019-01-31 00:58:29,130 : INFO : topic #24 (0.020): 0.038*\"book\" + 0.034*\"publicis\" + 0.026*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"nicola\" + 0.011*\"collect\" + 0.011*\"storag\" + 0.011*\"magazin\"\n", - "2019-01-31 00:58:29,131 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"exampl\" + 0.007*\"gener\" + 0.007*\"poet\" + 0.006*\"southern\" + 0.006*\"théori\" + 0.006*\"servitud\" + 0.006*\"measur\" + 0.006*\"differ\"\n", - "2019-01-31 00:58:29,136 : INFO : topic diff=0.004334, rho=0.028490\n", - "2019-01-31 00:58:29,293 : INFO : PROGRESS: pass 0, at document #2466000/4922894\n", - "2019-01-31 00:58:30,668 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:58:30,938 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.022*\"cortic\" + 0.022*\"act\" + 0.018*\"start\" + 0.012*\"case\" + 0.012*\"ricardo\" + 0.010*\"polaris\" + 0.009*\"replac\" + 0.009*\"legal\" + 0.008*\"order\"\n", - "2019-01-31 00:58:30,939 : INFO : topic #23 (0.020): 0.134*\"audit\" + 0.065*\"best\" + 0.033*\"yawn\" + 0.029*\"jacksonvil\" + 0.023*\"japanes\" + 0.021*\"noll\" + 0.019*\"festiv\" + 0.019*\"women\" + 0.017*\"intern\" + 0.017*\"prison\"\n", - "2019-01-31 00:58:30,940 : INFO : topic #34 (0.020): 0.067*\"start\" + 0.034*\"new\" + 0.031*\"american\" + 0.029*\"unionist\" + 0.024*\"cotton\" + 0.022*\"year\" + 0.016*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 00:58:30,941 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"develop\" + 0.010*\"organ\" + 0.009*\"commun\" + 0.009*\"word\" + 0.008*\"peopl\" + 0.008*\"group\" + 0.007*\"woman\" + 0.007*\"human\" + 0.006*\"workplac\"\n", - "2019-01-31 00:58:30,942 : INFO : topic #31 (0.020): 0.052*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.015*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.011*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 00:58:30,948 : INFO : topic diff=0.004527, rho=0.028479\n", - "2019-01-31 00:58:31,100 : INFO : PROGRESS: pass 0, at document #2468000/4922894\n", - "2019-01-31 00:58:32,443 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:58:32,710 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.035*\"leagu\" + 0.029*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.013*\"schmitz\"\n", - "2019-01-31 00:58:32,711 : INFO : topic #33 (0.020): 0.063*\"french\" + 0.047*\"franc\" + 0.030*\"pari\" + 0.021*\"jean\" + 0.021*\"sail\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 00:58:32,712 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"margin\" + 0.015*\"yawn\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"daughter\" + 0.012*\"will\"\n", - "2019-01-31 00:58:32,713 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.009*\"aza\" + 0.009*\"forc\" + 0.008*\"battalion\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.007*\"teufel\" + 0.006*\"govern\" + 0.006*\"pour\" + 0.006*\"militari\"\n", - "2019-01-31 00:58:32,714 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.033*\"perceptu\" + 0.020*\"theater\" + 0.019*\"place\" + 0.017*\"compos\" + 0.015*\"damn\" + 0.014*\"orchestr\" + 0.014*\"physician\" + 0.012*\"olympo\" + 0.012*\"word\"\n", - "2019-01-31 00:58:32,720 : INFO : topic diff=0.004536, rho=0.028467\n", - "2019-01-31 00:58:32,876 : INFO : PROGRESS: pass 0, at document #2470000/4922894\n", - "2019-01-31 00:58:34,256 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:58:34,522 : INFO : topic #14 (0.020): 0.025*\"forc\" + 0.022*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.013*\"oper\" + 0.013*\"unionist\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.010*\"diversifi\"\n", - "2019-01-31 00:58:34,523 : INFO : topic #40 (0.020): 0.089*\"unit\" + 0.022*\"schuster\" + 0.021*\"institut\" + 0.021*\"collector\" + 0.020*\"requir\" + 0.018*\"student\" + 0.015*\"professor\" + 0.012*\"word\" + 0.011*\"http\" + 0.011*\"degre\"\n", - "2019-01-31 00:58:34,524 : INFO : topic #43 (0.020): 0.065*\"elect\" + 0.055*\"parti\" + 0.024*\"voluntari\" + 0.022*\"democrat\" + 0.021*\"member\" + 0.017*\"polici\" + 0.014*\"republ\" + 0.014*\"bypass\" + 0.013*\"report\" + 0.013*\"seaport\"\n", - "2019-01-31 00:58:34,525 : INFO : topic #48 (0.020): 0.081*\"march\" + 0.077*\"sens\" + 0.076*\"octob\" + 0.072*\"juli\" + 0.071*\"januari\" + 0.071*\"august\" + 0.070*\"notion\" + 0.070*\"april\" + 0.068*\"judici\" + 0.066*\"decatur\"\n", - "2019-01-31 00:58:34,526 : INFO : topic #2 (0.020): 0.053*\"isl\" + 0.037*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.011*\"pope\" + 0.011*\"blur\" + 0.011*\"coalit\" + 0.011*\"nativist\" + 0.010*\"fleet\" + 0.009*\"bahá\"\n", - "2019-01-31 00:58:34,532 : INFO : topic diff=0.004253, rho=0.028456\n", - "2019-01-31 00:58:34,689 : INFO : PROGRESS: pass 0, at document #2472000/4922894\n", - "2019-01-31 00:58:36,079 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:58:36,345 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.044*\"popolo\" + 0.041*\"vigour\" + 0.039*\"tortur\" + 0.032*\"cotton\" + 0.025*\"area\" + 0.023*\"multitud\" + 0.021*\"citi\" + 0.020*\"regim\" + 0.019*\"cede\"\n", - "2019-01-31 00:58:36,346 : INFO : topic #46 (0.020): 0.018*\"sweden\" + 0.018*\"norwai\" + 0.017*\"swedish\" + 0.017*\"stop\" + 0.015*\"norwegian\" + 0.015*\"wind\" + 0.015*\"damag\" + 0.012*\"farid\" + 0.012*\"denmark\" + 0.011*\"turkish\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:58:36,347 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.032*\"incumb\" + 0.013*\"islam\" + 0.012*\"pakistan\" + 0.012*\"muskoge\" + 0.011*\"anglo\" + 0.011*\"khalsa\" + 0.011*\"alam\" + 0.010*\"televis\" + 0.009*\"affection\"\n", - "2019-01-31 00:58:36,348 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.009*\"aza\" + 0.009*\"forc\" + 0.008*\"battalion\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.007*\"teufel\" + 0.006*\"govern\" + 0.006*\"militari\" + 0.006*\"pour\"\n", - "2019-01-31 00:58:36,350 : INFO : topic #6 (0.020): 0.072*\"fewer\" + 0.024*\"epiru\" + 0.022*\"septemb\" + 0.019*\"teacher\" + 0.017*\"stake\" + 0.013*\"rodríguez\" + 0.013*\"proclaim\" + 0.011*\"movi\" + 0.011*\"direct\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:58:36,355 : INFO : topic diff=0.003954, rho=0.028444\n", - "2019-01-31 00:58:36,513 : INFO : PROGRESS: pass 0, at document #2474000/4922894\n", - "2019-01-31 00:58:37,910 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:58:38,176 : INFO : topic #16 (0.020): 0.052*\"king\" + 0.031*\"priest\" + 0.020*\"rotterdam\" + 0.018*\"duke\" + 0.018*\"idiosyncrat\" + 0.017*\"grammat\" + 0.017*\"quarterli\" + 0.015*\"portugues\" + 0.014*\"kingdom\" + 0.013*\"count\"\n", - "2019-01-31 00:58:38,177 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.044*\"popolo\" + 0.041*\"vigour\" + 0.038*\"tortur\" + 0.032*\"cotton\" + 0.025*\"area\" + 0.023*\"multitud\" + 0.021*\"citi\" + 0.020*\"regim\" + 0.019*\"cede\"\n", - "2019-01-31 00:58:38,179 : INFO : topic #17 (0.020): 0.078*\"church\" + 0.023*\"christian\" + 0.022*\"cathol\" + 0.020*\"bishop\" + 0.016*\"sail\" + 0.016*\"retroflex\" + 0.009*\"relationship\" + 0.009*\"parish\" + 0.009*\"poll\" + 0.009*\"historiographi\"\n", - "2019-01-31 00:58:38,180 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.031*\"germani\" + 0.016*\"vol\" + 0.016*\"jewish\" + 0.014*\"israel\" + 0.014*\"berlin\" + 0.013*\"der\" + 0.011*\"jeremiah\" + 0.010*\"european\" + 0.010*\"europ\"\n", - "2019-01-31 00:58:38,181 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.034*\"publicis\" + 0.026*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"nicola\" + 0.011*\"collect\" + 0.011*\"storag\" + 0.011*\"magazin\"\n", - "2019-01-31 00:58:38,186 : INFO : topic diff=0.003548, rho=0.028433\n", - "2019-01-31 00:58:38,346 : INFO : PROGRESS: pass 0, at document #2476000/4922894\n", - "2019-01-31 00:58:39,749 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:58:40,019 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 00:58:40,020 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.027*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:58:40,021 : INFO : topic #4 (0.020): 0.019*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.009*\"mode\" + 0.009*\"elabor\" + 0.008*\"veget\" + 0.008*\"uruguayan\" + 0.006*\"encyclopedia\" + 0.006*\"develop\" + 0.006*\"produc\"\n", - "2019-01-31 00:58:40,023 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.034*\"publicis\" + 0.026*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"nicola\" + 0.011*\"collect\" + 0.011*\"storag\" + 0.011*\"magazin\"\n", - "2019-01-31 00:58:40,024 : INFO : topic #28 (0.020): 0.032*\"build\" + 0.026*\"hous\" + 0.020*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.012*\"briarwood\" + 0.011*\"strategist\" + 0.011*\"constitut\" + 0.010*\"depress\" + 0.010*\"linear\"\n", - "2019-01-31 00:58:40,029 : INFO : topic diff=0.004280, rho=0.028421\n", - "2019-01-31 00:58:40,190 : INFO : PROGRESS: pass 0, at document #2478000/4922894\n", - "2019-01-31 00:58:41,585 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:58:41,852 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 00:58:41,853 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.022*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.010*\"diversifi\"\n", - "2019-01-31 00:58:41,854 : INFO : topic #20 (0.020): 0.142*\"scholar\" + 0.039*\"struggl\" + 0.033*\"high\" + 0.030*\"educ\" + 0.026*\"collector\" + 0.018*\"yawn\" + 0.014*\"prognosi\" + 0.010*\"class\" + 0.009*\"task\" + 0.009*\"gothic\"\n", - "2019-01-31 00:58:41,855 : INFO : topic #9 (0.020): 0.078*\"bone\" + 0.043*\"american\" + 0.027*\"valour\" + 0.018*\"dutch\" + 0.018*\"folei\" + 0.017*\"english\" + 0.017*\"player\" + 0.016*\"polit\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 00:58:41,856 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.046*\"chilton\" + 0.025*\"hong\" + 0.024*\"kong\" + 0.021*\"korea\" + 0.017*\"korean\" + 0.015*\"leah\" + 0.015*\"sourc\" + 0.015*\"shirin\" + 0.012*\"kim\"\n", - "2019-01-31 00:58:41,862 : INFO : topic diff=0.004982, rho=0.028410\n", - "2019-01-31 00:58:44,536 : INFO : -11.660 per-word bound, 3236.0 perplexity estimate based on a held-out corpus of 2000 documents with 538649 words\n", - "2019-01-31 00:58:44,536 : INFO : PROGRESS: pass 0, at document #2480000/4922894\n", - "2019-01-31 00:58:45,896 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:58:46,165 : INFO : topic #45 (0.020): 0.028*\"jpg\" + 0.025*\"fifteenth\" + 0.018*\"illicit\" + 0.016*\"black\" + 0.016*\"western\" + 0.016*\"colder\" + 0.012*\"record\" + 0.011*\"blind\" + 0.009*\"depress\" + 0.008*\"pain\"\n", - "2019-01-31 00:58:46,166 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.009*\"forc\" + 0.008*\"battalion\" + 0.007*\"teufel\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.006*\"govern\" + 0.006*\"militari\" + 0.006*\"pour\"\n", - "2019-01-31 00:58:46,167 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.030*\"germani\" + 0.016*\"vol\" + 0.016*\"jewish\" + 0.015*\"israel\" + 0.013*\"berlin\" + 0.013*\"der\" + 0.010*\"jeremiah\" + 0.010*\"european\" + 0.009*\"europ\"\n", - "2019-01-31 00:58:46,169 : INFO : topic #41 (0.020): 0.043*\"citi\" + 0.023*\"new\" + 0.023*\"palmer\" + 0.014*\"strategist\" + 0.012*\"center\" + 0.012*\"includ\" + 0.012*\"open\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 00:58:46,170 : INFO : topic #23 (0.020): 0.133*\"audit\" + 0.065*\"best\" + 0.033*\"yawn\" + 0.030*\"jacksonvil\" + 0.023*\"japanes\" + 0.021*\"noll\" + 0.020*\"festiv\" + 0.019*\"women\" + 0.017*\"intern\" + 0.016*\"prison\"\n", - "2019-01-31 00:58:46,175 : INFO : topic diff=0.003905, rho=0.028398\n", - "2019-01-31 00:58:46,330 : INFO : PROGRESS: pass 0, at document #2482000/4922894\n", - "2019-01-31 00:58:47,690 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:58:47,957 : INFO : topic #26 (0.020): 0.028*\"workplac\" + 0.028*\"champion\" + 0.027*\"men\" + 0.027*\"woman\" + 0.025*\"olymp\" + 0.022*\"medal\" + 0.020*\"alic\" + 0.020*\"event\" + 0.019*\"rainfal\" + 0.018*\"taxpay\"\n", - "2019-01-31 00:58:47,958 : INFO : topic #35 (0.020): 0.062*\"russia\" + 0.038*\"sovereignti\" + 0.034*\"rural\" + 0.028*\"poison\" + 0.024*\"personifi\" + 0.022*\"reprint\" + 0.020*\"moscow\" + 0.019*\"poland\" + 0.015*\"turin\" + 0.015*\"unfortun\"\n", - "2019-01-31 00:58:47,959 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.034*\"publicis\" + 0.026*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"nicola\" + 0.011*\"collect\" + 0.011*\"storag\" + 0.011*\"magazin\"\n", - "2019-01-31 00:58:47,960 : INFO : topic #29 (0.020): 0.029*\"companhia\" + 0.012*\"busi\" + 0.012*\"market\" + 0.012*\"million\" + 0.011*\"bank\" + 0.011*\"produc\" + 0.009*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"oper\"\n", - "2019-01-31 00:58:47,961 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"disco\" + 0.008*\"pathwai\" + 0.008*\"media\" + 0.007*\"have\" + 0.007*\"effect\" + 0.007*\"caus\" + 0.007*\"hormon\" + 0.006*\"treat\" + 0.006*\"proper\"\n", - "2019-01-31 00:58:47,967 : INFO : topic diff=0.004212, rho=0.028387\n", - "2019-01-31 00:58:48,123 : INFO : PROGRESS: pass 0, at document #2484000/4922894\n", - "2019-01-31 00:58:49,495 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:58:49,762 : INFO : topic #2 (0.020): 0.051*\"isl\" + 0.037*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.011*\"blur\" + 0.011*\"pope\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.010*\"fleet\" + 0.009*\"bahá\"\n", - "2019-01-31 00:58:49,763 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"poet\" + 0.007*\"gener\" + 0.006*\"exampl\" + 0.006*\"southern\" + 0.006*\"théori\" + 0.006*\"servitud\" + 0.006*\"measur\" + 0.006*\"differ\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:58:49,764 : INFO : topic #42 (0.020): 0.046*\"german\" + 0.030*\"germani\" + 0.016*\"jewish\" + 0.016*\"vol\" + 0.014*\"israel\" + 0.014*\"berlin\" + 0.013*\"der\" + 0.011*\"jeremiah\" + 0.010*\"european\" + 0.009*\"europ\"\n", - "2019-01-31 00:58:49,765 : INFO : topic #28 (0.020): 0.031*\"build\" + 0.026*\"hous\" + 0.020*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.012*\"briarwood\" + 0.011*\"strategist\" + 0.011*\"constitut\" + 0.010*\"depress\" + 0.010*\"linear\"\n", - "2019-01-31 00:58:49,767 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"disco\" + 0.008*\"media\" + 0.008*\"pathwai\" + 0.007*\"caus\" + 0.007*\"effect\" + 0.007*\"have\" + 0.006*\"hormon\" + 0.006*\"treat\" + 0.006*\"proper\"\n", - "2019-01-31 00:58:49,772 : INFO : topic diff=0.004235, rho=0.028375\n", - "2019-01-31 00:58:49,927 : INFO : PROGRESS: pass 0, at document #2486000/4922894\n", - "2019-01-31 00:58:51,286 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:58:51,553 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.022*\"schuster\" + 0.021*\"institut\" + 0.020*\"collector\" + 0.020*\"requir\" + 0.018*\"student\" + 0.014*\"professor\" + 0.013*\"http\" + 0.012*\"word\" + 0.011*\"degre\"\n", - "2019-01-31 00:58:51,554 : INFO : topic #20 (0.020): 0.142*\"scholar\" + 0.039*\"struggl\" + 0.033*\"high\" + 0.029*\"educ\" + 0.025*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"class\" + 0.009*\"task\" + 0.009*\"gothic\"\n", - "2019-01-31 00:58:51,555 : INFO : topic #46 (0.020): 0.018*\"sweden\" + 0.017*\"stop\" + 0.017*\"norwai\" + 0.017*\"swedish\" + 0.015*\"norwegian\" + 0.014*\"wind\" + 0.014*\"damag\" + 0.012*\"turkish\" + 0.012*\"huntsvil\" + 0.012*\"farid\"\n", - "2019-01-31 00:58:51,556 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:58:51,557 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.022*\"factor\" + 0.014*\"adulthood\" + 0.013*\"feel\" + 0.012*\"plaisir\" + 0.011*\"male\" + 0.011*\"genu\" + 0.009*\"biom\" + 0.008*\"western\" + 0.008*\"median\"\n", - "2019-01-31 00:58:51,563 : INFO : topic diff=0.003709, rho=0.028364\n", - "2019-01-31 00:58:51,719 : INFO : PROGRESS: pass 0, at document #2488000/4922894\n", - "2019-01-31 00:58:53,091 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:58:53,357 : INFO : topic #2 (0.020): 0.051*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.011*\"blur\" + 0.011*\"pope\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.009*\"fleet\" + 0.009*\"bahá\"\n", - "2019-01-31 00:58:53,358 : INFO : topic #9 (0.020): 0.075*\"bone\" + 0.043*\"american\" + 0.027*\"valour\" + 0.018*\"dutch\" + 0.018*\"folei\" + 0.018*\"player\" + 0.017*\"english\" + 0.017*\"polit\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 00:58:53,359 : INFO : topic #16 (0.020): 0.052*\"king\" + 0.032*\"priest\" + 0.021*\"rotterdam\" + 0.019*\"grammat\" + 0.019*\"duke\" + 0.018*\"idiosyncrat\" + 0.017*\"quarterli\" + 0.014*\"portugues\" + 0.013*\"kingdom\" + 0.013*\"count\"\n", - "2019-01-31 00:58:53,360 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.033*\"perceptu\" + 0.020*\"theater\" + 0.019*\"place\" + 0.017*\"compos\" + 0.015*\"damn\" + 0.014*\"physician\" + 0.014*\"orchestr\" + 0.013*\"olympo\" + 0.012*\"word\"\n", - "2019-01-31 00:58:53,361 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.023*\"factor\" + 0.014*\"adulthood\" + 0.013*\"feel\" + 0.012*\"plaisir\" + 0.011*\"male\" + 0.011*\"genu\" + 0.009*\"biom\" + 0.008*\"western\" + 0.008*\"median\"\n", - "2019-01-31 00:58:53,367 : INFO : topic diff=0.004803, rho=0.028352\n", - "2019-01-31 00:58:53,521 : INFO : PROGRESS: pass 0, at document #2490000/4922894\n", - "2019-01-31 00:58:54,895 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:58:55,165 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.034*\"publicis\" + 0.026*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"nicola\" + 0.011*\"collect\" + 0.011*\"storag\" + 0.011*\"worldwid\"\n", - "2019-01-31 00:58:55,166 : INFO : topic #9 (0.020): 0.075*\"bone\" + 0.043*\"american\" + 0.027*\"valour\" + 0.018*\"dutch\" + 0.018*\"folei\" + 0.017*\"player\" + 0.017*\"english\" + 0.017*\"polit\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 00:58:55,167 : INFO : topic #17 (0.020): 0.079*\"church\" + 0.024*\"christian\" + 0.022*\"cathol\" + 0.020*\"bishop\" + 0.016*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.009*\"parish\" + 0.009*\"historiographi\" + 0.009*\"centuri\"\n", - "2019-01-31 00:58:55,168 : INFO : topic #37 (0.020): 0.011*\"charact\" + 0.010*\"man\" + 0.009*\"septemb\" + 0.008*\"comic\" + 0.008*\"anim\" + 0.007*\"love\" + 0.007*\"appear\" + 0.006*\"gestur\" + 0.006*\"workplac\" + 0.005*\"blue\"\n", - "2019-01-31 00:58:55,169 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"disco\" + 0.008*\"media\" + 0.008*\"hormon\" + 0.008*\"pathwai\" + 0.007*\"caus\" + 0.007*\"have\" + 0.007*\"effect\" + 0.006*\"proper\" + 0.006*\"treat\"\n", - "2019-01-31 00:58:55,175 : INFO : topic diff=0.003928, rho=0.028341\n", - "2019-01-31 00:58:55,331 : INFO : PROGRESS: pass 0, at document #2492000/4922894\n", - "2019-01-31 00:58:56,716 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:58:56,982 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.046*\"chilton\" + 0.023*\"hong\" + 0.023*\"kong\" + 0.021*\"korea\" + 0.017*\"korean\" + 0.015*\"leah\" + 0.015*\"sourc\" + 0.014*\"shirin\" + 0.012*\"thailand\"\n", - "2019-01-31 00:58:56,983 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"disco\" + 0.008*\"hormon\" + 0.008*\"media\" + 0.008*\"pathwai\" + 0.007*\"caus\" + 0.007*\"have\" + 0.007*\"effect\" + 0.006*\"proper\" + 0.006*\"treat\"\n", - "2019-01-31 00:58:56,984 : INFO : topic #16 (0.020): 0.051*\"king\" + 0.032*\"priest\" + 0.021*\"rotterdam\" + 0.020*\"grammat\" + 0.018*\"duke\" + 0.018*\"idiosyncrat\" + 0.017*\"quarterli\" + 0.014*\"order\" + 0.014*\"portugues\" + 0.013*\"kingdom\"\n", - "2019-01-31 00:58:56,985 : INFO : topic #17 (0.020): 0.079*\"church\" + 0.024*\"christian\" + 0.023*\"cathol\" + 0.020*\"bishop\" + 0.016*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.009*\"parish\" + 0.009*\"historiographi\" + 0.009*\"centuri\"\n", - "2019-01-31 00:58:56,986 : INFO : topic #19 (0.020): 0.018*\"languag\" + 0.014*\"centuri\" + 0.011*\"woodcut\" + 0.010*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.006*\"uruguayan\"\n", - "2019-01-31 00:58:56,992 : INFO : topic diff=0.003798, rho=0.028330\n", - "2019-01-31 00:58:57,203 : INFO : PROGRESS: pass 0, at document #2494000/4922894\n", - "2019-01-31 00:58:58,579 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:58:58,845 : INFO : topic #36 (0.020): 0.011*\"prognosi\" + 0.011*\"network\" + 0.010*\"pop\" + 0.008*\"develop\" + 0.008*\"cytokin\" + 0.008*\"softwar\" + 0.008*\"diggin\" + 0.008*\"user\" + 0.007*\"championship\" + 0.007*\"uruguayan\"\n", - "2019-01-31 00:58:58,846 : INFO : topic #39 (0.020): 0.057*\"canada\" + 0.046*\"canadian\" + 0.023*\"toronto\" + 0.022*\"hoar\" + 0.020*\"ontario\" + 0.016*\"hydrogen\" + 0.015*\"misericordia\" + 0.015*\"new\" + 0.013*\"novotná\" + 0.012*\"quebec\"\n", - "2019-01-31 00:58:58,847 : INFO : topic #20 (0.020): 0.142*\"scholar\" + 0.040*\"struggl\" + 0.034*\"high\" + 0.029*\"educ\" + 0.025*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"class\" + 0.009*\"task\" + 0.009*\"gothic\"\n", - "2019-01-31 00:58:58,849 : INFO : topic #41 (0.020): 0.042*\"citi\" + 0.023*\"palmer\" + 0.023*\"new\" + 0.014*\"strategist\" + 0.012*\"center\" + 0.012*\"includ\" + 0.012*\"open\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 00:58:58,850 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"disco\" + 0.008*\"hormon\" + 0.008*\"media\" + 0.007*\"pathwai\" + 0.007*\"have\" + 0.007*\"caus\" + 0.006*\"effect\" + 0.006*\"proper\" + 0.006*\"treat\"\n", - "2019-01-31 00:58:58,856 : INFO : topic diff=0.003770, rho=0.028318\n", - "2019-01-31 00:58:59,013 : INFO : PROGRESS: pass 0, at document #2496000/4922894\n", - "2019-01-31 00:59:00,396 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:59:00,663 : INFO : topic #0 (0.020): 0.066*\"statewid\" + 0.043*\"line\" + 0.036*\"raid\" + 0.028*\"arsen\" + 0.024*\"museo\" + 0.019*\"traceabl\" + 0.019*\"serv\" + 0.016*\"rosenwald\" + 0.012*\"oper\" + 0.012*\"exhaust\"\n", - "2019-01-31 00:59:00,664 : INFO : topic #35 (0.020): 0.062*\"russia\" + 0.037*\"sovereignti\" + 0.034*\"rural\" + 0.028*\"poison\" + 0.024*\"personifi\" + 0.022*\"moscow\" + 0.021*\"reprint\" + 0.019*\"poland\" + 0.016*\"turin\" + 0.014*\"unfortun\"\n", - "2019-01-31 00:59:00,665 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.026*\"offic\" + 0.024*\"minist\" + 0.023*\"nation\" + 0.022*\"govern\" + 0.021*\"member\" + 0.018*\"serv\" + 0.016*\"start\" + 0.016*\"gener\" + 0.014*\"chickasaw\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:59:00,666 : INFO : topic #13 (0.020): 0.027*\"london\" + 0.026*\"sourc\" + 0.026*\"new\" + 0.025*\"australia\" + 0.024*\"england\" + 0.021*\"australian\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.016*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:59:00,667 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.031*\"germani\" + 0.015*\"vol\" + 0.015*\"jewish\" + 0.014*\"israel\" + 0.013*\"berlin\" + 0.013*\"der\" + 0.010*\"european\" + 0.010*\"jeremiah\" + 0.009*\"europ\"\n", - "2019-01-31 00:59:00,672 : INFO : topic diff=0.003982, rho=0.028307\n", - "2019-01-31 00:59:00,826 : INFO : PROGRESS: pass 0, at document #2498000/4922894\n", - "2019-01-31 00:59:02,182 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:59:02,449 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:59:02,450 : INFO : topic #17 (0.020): 0.079*\"church\" + 0.024*\"christian\" + 0.022*\"cathol\" + 0.020*\"bishop\" + 0.016*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.009*\"historiographi\" + 0.009*\"centuri\" + 0.009*\"parish\"\n", - "2019-01-31 00:59:02,451 : INFO : topic #31 (0.020): 0.052*\"fusiform\" + 0.026*\"scientist\" + 0.025*\"taxpay\" + 0.022*\"player\" + 0.019*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"ruler\"\n", - "2019-01-31 00:59:02,452 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.023*\"factor\" + 0.014*\"adulthood\" + 0.013*\"feel\" + 0.011*\"plaisir\" + 0.011*\"male\" + 0.010*\"genu\" + 0.008*\"biom\" + 0.008*\"western\" + 0.008*\"median\"\n", - "2019-01-31 00:59:02,453 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.033*\"perceptu\" + 0.020*\"theater\" + 0.018*\"place\" + 0.017*\"compos\" + 0.016*\"damn\" + 0.014*\"physician\" + 0.013*\"orchestr\" + 0.012*\"olympo\" + 0.012*\"word\"\n", - "2019-01-31 00:59:02,459 : INFO : topic diff=0.004895, rho=0.028296\n", - "2019-01-31 00:59:05,118 : INFO : -11.711 per-word bound, 3351.7 perplexity estimate based on a held-out corpus of 2000 documents with 559807 words\n", - "2019-01-31 00:59:05,118 : INFO : PROGRESS: pass 0, at document #2500000/4922894\n", - "2019-01-31 00:59:06,482 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:59:06,749 : INFO : topic #41 (0.020): 0.042*\"citi\" + 0.025*\"palmer\" + 0.023*\"new\" + 0.013*\"strategist\" + 0.012*\"center\" + 0.012*\"open\" + 0.012*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 00:59:06,750 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.023*\"spain\" + 0.019*\"del\" + 0.016*\"mexico\" + 0.016*\"italian\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"francisco\" + 0.010*\"carlo\"\n", - "2019-01-31 00:59:06,751 : INFO : topic #31 (0.020): 0.052*\"fusiform\" + 0.026*\"scientist\" + 0.025*\"taxpay\" + 0.022*\"player\" + 0.019*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"ruler\"\n", - "2019-01-31 00:59:06,752 : INFO : topic #30 (0.020): 0.035*\"cleveland\" + 0.034*\"leagu\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.016*\"martin\" + 0.013*\"schmitz\"\n", - "2019-01-31 00:59:06,753 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"develop\" + 0.010*\"organ\" + 0.009*\"commun\" + 0.009*\"word\" + 0.008*\"group\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.007*\"woman\" + 0.006*\"workplac\"\n", - "2019-01-31 00:59:06,759 : INFO : topic diff=0.004423, rho=0.028284\n", - "2019-01-31 00:59:06,917 : INFO : PROGRESS: pass 0, at document #2502000/4922894\n", - "2019-01-31 00:59:08,300 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:59:08,566 : INFO : topic #46 (0.020): 0.018*\"sweden\" + 0.017*\"norwai\" + 0.017*\"stop\" + 0.016*\"swedish\" + 0.014*\"norwegian\" + 0.014*\"wind\" + 0.014*\"damag\" + 0.012*\"farid\" + 0.011*\"turkish\" + 0.011*\"denmark\"\n", - "2019-01-31 00:59:08,567 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.026*\"offic\" + 0.024*\"minist\" + 0.023*\"nation\" + 0.021*\"govern\" + 0.021*\"member\" + 0.018*\"serv\" + 0.016*\"start\" + 0.016*\"gener\" + 0.014*\"seri\"\n", - "2019-01-31 00:59:08,568 : INFO : topic #23 (0.020): 0.134*\"audit\" + 0.066*\"best\" + 0.033*\"yawn\" + 0.029*\"jacksonvil\" + 0.023*\"japanes\" + 0.021*\"noll\" + 0.020*\"festiv\" + 0.019*\"women\" + 0.017*\"intern\" + 0.016*\"prison\"\n", - "2019-01-31 00:59:08,569 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:59:08,570 : INFO : topic #30 (0.020): 0.035*\"cleveland\" + 0.034*\"leagu\" + 0.029*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"martin\" + 0.016*\"goal\" + 0.013*\"schmitz\"\n", - "2019-01-31 00:59:08,576 : INFO : topic diff=0.003549, rho=0.028273\n", - "2019-01-31 00:59:08,739 : INFO : PROGRESS: pass 0, at document #2504000/4922894\n", - "2019-01-31 00:59:10,107 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:59:10,377 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.026*\"final\" + 0.021*\"wife\" + 0.019*\"tourist\" + 0.017*\"champion\" + 0.015*\"martin\" + 0.014*\"open\" + 0.014*\"taxpay\" + 0.014*\"chamber\" + 0.013*\"tiepolo\"\n", - "2019-01-31 00:59:10,378 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"southern\" + 0.007*\"exampl\" + 0.007*\"gener\" + 0.006*\"poet\" + 0.006*\"servitud\" + 0.006*\"théori\" + 0.006*\"measur\" + 0.006*\"differ\"\n", - "2019-01-31 00:59:10,379 : INFO : topic #25 (0.020): 0.031*\"ring\" + 0.018*\"lagrang\" + 0.017*\"area\" + 0.017*\"warmth\" + 0.015*\"mount\" + 0.009*\"north\" + 0.009*\"palmer\" + 0.009*\"sourc\" + 0.008*\"foam\" + 0.008*\"vacant\"\n", - "2019-01-31 00:59:10,380 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.034*\"publicis\" + 0.026*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"nicola\" + 0.011*\"collect\" + 0.011*\"storag\" + 0.011*\"worldwid\"\n", - "2019-01-31 00:59:10,381 : INFO : topic #28 (0.020): 0.032*\"build\" + 0.026*\"hous\" + 0.020*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.012*\"briarwood\" + 0.011*\"constitut\" + 0.011*\"strategist\" + 0.010*\"depress\" + 0.010*\"linear\"\n", - "2019-01-31 00:59:10,387 : INFO : topic diff=0.004378, rho=0.028262\n", - "2019-01-31 00:59:10,543 : INFO : PROGRESS: pass 0, at document #2506000/4922894\n", - "2019-01-31 00:59:11,913 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:59:12,180 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.047*\"franc\" + 0.030*\"pari\" + 0.022*\"jean\" + 0.020*\"sail\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 00:59:12,181 : INFO : topic #26 (0.020): 0.028*\"workplac\" + 0.027*\"champion\" + 0.027*\"woman\" + 0.026*\"men\" + 0.025*\"olymp\" + 0.023*\"alic\" + 0.021*\"medal\" + 0.020*\"event\" + 0.019*\"rainfal\" + 0.018*\"taxpay\"\n", - "2019-01-31 00:59:12,182 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"word\" + 0.008*\"group\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.007*\"woman\" + 0.006*\"cultur\"\n", - "2019-01-31 00:59:12,183 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.024*\"palmer\" + 0.023*\"new\" + 0.014*\"strategist\" + 0.012*\"center\" + 0.012*\"open\" + 0.012*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"hot\"\n", - "2019-01-31 00:59:12,184 : INFO : topic #30 (0.020): 0.035*\"cleveland\" + 0.035*\"leagu\" + 0.029*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.016*\"martin\" + 0.013*\"schmitz\"\n", - "2019-01-31 00:59:12,190 : INFO : topic diff=0.004373, rho=0.028250\n", - "2019-01-31 00:59:12,344 : INFO : PROGRESS: pass 0, at document #2508000/4922894\n", - "2019-01-31 00:59:13,718 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:59:13,984 : INFO : topic #45 (0.020): 0.029*\"jpg\" + 0.027*\"fifteenth\" + 0.018*\"illicit\" + 0.016*\"colder\" + 0.016*\"black\" + 0.016*\"western\" + 0.012*\"record\" + 0.011*\"blind\" + 0.009*\"depress\" + 0.008*\"pain\"\n", - "2019-01-31 00:59:13,985 : INFO : topic #39 (0.020): 0.057*\"canada\" + 0.044*\"canadian\" + 0.022*\"toronto\" + 0.021*\"hoar\" + 0.019*\"ontario\" + 0.016*\"hydrogen\" + 0.015*\"new\" + 0.014*\"misericordia\" + 0.013*\"novotná\" + 0.011*\"quebec\"\n", - "2019-01-31 00:59:13,986 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.044*\"popolo\" + 0.042*\"vigour\" + 0.038*\"tortur\" + 0.033*\"cotton\" + 0.025*\"area\" + 0.023*\"multitud\" + 0.021*\"citi\" + 0.020*\"regim\" + 0.019*\"cede\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:59:13,987 : INFO : topic #27 (0.020): 0.069*\"questionnair\" + 0.022*\"candid\" + 0.019*\"taxpay\" + 0.015*\"ret\" + 0.012*\"driver\" + 0.012*\"find\" + 0.012*\"tornado\" + 0.012*\"squatter\" + 0.011*\"fool\" + 0.010*\"théori\"\n", - "2019-01-31 00:59:13,988 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.021*\"aggress\" + 0.020*\"walter\" + 0.020*\"armi\" + 0.018*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 00:59:13,994 : INFO : topic diff=0.004081, rho=0.028239\n", - "2019-01-31 00:59:14,146 : INFO : PROGRESS: pass 0, at document #2510000/4922894\n", - "2019-01-31 00:59:15,500 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:59:15,766 : INFO : topic #2 (0.020): 0.050*\"isl\" + 0.037*\"shield\" + 0.017*\"narrat\" + 0.014*\"scot\" + 0.012*\"pope\" + 0.011*\"blur\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.009*\"fleet\" + 0.009*\"bahá\"\n", - "2019-01-31 00:59:15,768 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"margin\" + 0.015*\"yawn\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"daughter\" + 0.012*\"deal\"\n", - "2019-01-31 00:59:15,769 : INFO : topic #35 (0.020): 0.060*\"russia\" + 0.037*\"sovereignti\" + 0.033*\"rural\" + 0.027*\"poison\" + 0.024*\"personifi\" + 0.022*\"moscow\" + 0.021*\"reprint\" + 0.019*\"poland\" + 0.016*\"turin\" + 0.014*\"unfortun\"\n", - "2019-01-31 00:59:15,770 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.047*\"franc\" + 0.030*\"pari\" + 0.021*\"jean\" + 0.020*\"sail\" + 0.017*\"daphn\" + 0.015*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 00:59:15,771 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.009*\"forc\" + 0.007*\"battalion\" + 0.007*\"empath\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.006*\"govern\" + 0.006*\"militari\" + 0.006*\"pour\"\n", - "2019-01-31 00:59:15,777 : INFO : topic diff=0.003900, rho=0.028228\n", - "2019-01-31 00:59:15,935 : INFO : PROGRESS: pass 0, at document #2512000/4922894\n", - "2019-01-31 00:59:17,334 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:59:17,601 : INFO : topic #48 (0.020): 0.081*\"march\" + 0.078*\"sens\" + 0.077*\"octob\" + 0.073*\"juli\" + 0.072*\"januari\" + 0.071*\"august\" + 0.071*\"notion\" + 0.070*\"april\" + 0.070*\"judici\" + 0.066*\"decatur\"\n", - "2019-01-31 00:59:17,602 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 00:59:17,603 : INFO : topic #23 (0.020): 0.134*\"audit\" + 0.066*\"best\" + 0.033*\"yawn\" + 0.029*\"jacksonvil\" + 0.023*\"japanes\" + 0.021*\"noll\" + 0.020*\"festiv\" + 0.020*\"women\" + 0.017*\"intern\" + 0.016*\"prison\"\n", - "2019-01-31 00:59:17,604 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.009*\"forc\" + 0.008*\"battalion\" + 0.007*\"empath\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.006*\"govern\" + 0.006*\"militari\" + 0.006*\"till\"\n", - "2019-01-31 00:59:17,605 : INFO : topic #6 (0.020): 0.072*\"fewer\" + 0.023*\"epiru\" + 0.021*\"septemb\" + 0.019*\"teacher\" + 0.017*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"movi\" + 0.011*\"direct\" + 0.010*\"acrimoni\"\n", - "2019-01-31 00:59:17,611 : INFO : topic diff=0.004112, rho=0.028217\n", - "2019-01-31 00:59:17,770 : INFO : PROGRESS: pass 0, at document #2514000/4922894\n", - "2019-01-31 00:59:19,135 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:59:19,405 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.009*\"forc\" + 0.007*\"battalion\" + 0.007*\"empath\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.006*\"govern\" + 0.006*\"militari\" + 0.006*\"pour\"\n", - "2019-01-31 00:59:19,406 : INFO : topic #30 (0.020): 0.035*\"cleveland\" + 0.035*\"leagu\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.022*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.016*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:59:19,407 : INFO : topic #44 (0.020): 0.032*\"rooftop\" + 0.026*\"final\" + 0.021*\"wife\" + 0.019*\"tourist\" + 0.018*\"champion\" + 0.015*\"martin\" + 0.014*\"taxpay\" + 0.014*\"open\" + 0.014*\"chamber\" + 0.014*\"tiepolo\"\n", - "2019-01-31 00:59:19,408 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 00:59:19,409 : INFO : topic #9 (0.020): 0.075*\"bone\" + 0.044*\"american\" + 0.027*\"valour\" + 0.018*\"folei\" + 0.018*\"dutch\" + 0.018*\"player\" + 0.017*\"polit\" + 0.017*\"english\" + 0.013*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 00:59:19,415 : INFO : topic diff=0.003551, rho=0.028205\n", - "2019-01-31 00:59:19,575 : INFO : PROGRESS: pass 0, at document #2516000/4922894\n", - "2019-01-31 00:59:21,435 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:59:21,702 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.033*\"perceptu\" + 0.021*\"theater\" + 0.018*\"place\" + 0.017*\"compos\" + 0.016*\"damn\" + 0.014*\"physician\" + 0.013*\"orchestr\" + 0.012*\"olympo\" + 0.012*\"word\"\n", - "2019-01-31 00:59:21,703 : INFO : topic #23 (0.020): 0.134*\"audit\" + 0.065*\"best\" + 0.033*\"yawn\" + 0.029*\"jacksonvil\" + 0.023*\"japanes\" + 0.021*\"noll\" + 0.020*\"festiv\" + 0.020*\"women\" + 0.017*\"intern\" + 0.016*\"prison\"\n", - "2019-01-31 00:59:21,704 : INFO : topic #46 (0.020): 0.018*\"stop\" + 0.017*\"sweden\" + 0.016*\"norwai\" + 0.016*\"swedish\" + 0.014*\"wind\" + 0.014*\"norwegian\" + 0.013*\"damag\" + 0.012*\"turkei\" + 0.012*\"treeless\" + 0.012*\"turkish\"\n", - "2019-01-31 00:59:21,705 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"word\" + 0.008*\"group\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"human\" + 0.007*\"cultur\"\n", - "2019-01-31 00:59:21,706 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.047*\"franc\" + 0.030*\"pari\" + 0.021*\"jean\" + 0.021*\"sail\" + 0.017*\"daphn\" + 0.015*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 00:59:21,712 : INFO : topic diff=0.004172, rho=0.028194\n", - "2019-01-31 00:59:21,870 : INFO : PROGRESS: pass 0, at document #2518000/4922894\n", - "2019-01-31 00:59:23,286 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:59:23,552 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.012*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"georg\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.007*\"rhyme\"\n", - "2019-01-31 00:59:23,554 : INFO : topic #9 (0.020): 0.075*\"bone\" + 0.045*\"american\" + 0.027*\"valour\" + 0.019*\"dutch\" + 0.018*\"folei\" + 0.018*\"player\" + 0.017*\"english\" + 0.017*\"polit\" + 0.013*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 00:59:23,555 : INFO : topic #20 (0.020): 0.143*\"scholar\" + 0.039*\"struggl\" + 0.033*\"high\" + 0.029*\"educ\" + 0.025*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"pseudo\" + 0.009*\"class\" + 0.009*\"task\"\n", - "2019-01-31 00:59:23,556 : INFO : topic #35 (0.020): 0.060*\"russia\" + 0.041*\"sovereignti\" + 0.033*\"rural\" + 0.027*\"poison\" + 0.024*\"personifi\" + 0.021*\"moscow\" + 0.021*\"reprint\" + 0.018*\"poland\" + 0.016*\"unfortun\" + 0.015*\"turin\"\n", - "2019-01-31 00:59:23,557 : INFO : topic #27 (0.020): 0.069*\"questionnair\" + 0.021*\"candid\" + 0.020*\"taxpay\" + 0.014*\"ret\" + 0.012*\"find\" + 0.012*\"driver\" + 0.012*\"fool\" + 0.012*\"squatter\" + 0.012*\"tornado\" + 0.010*\"théori\"\n", - "2019-01-31 00:59:23,563 : INFO : topic diff=0.003930, rho=0.028183\n", - "2019-01-31 00:59:26,153 : INFO : -11.477 per-word bound, 2850.2 perplexity estimate based on a held-out corpus of 2000 documents with 521447 words\n", - "2019-01-31 00:59:26,153 : INFO : PROGRESS: pass 0, at document #2520000/4922894\n", - "2019-01-31 00:59:27,488 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:59:27,754 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.044*\"popolo\" + 0.042*\"vigour\" + 0.037*\"tortur\" + 0.032*\"cotton\" + 0.025*\"area\" + 0.023*\"multitud\" + 0.021*\"citi\" + 0.020*\"regim\" + 0.019*\"cede\"\n", - "2019-01-31 00:59:27,755 : INFO : topic #35 (0.020): 0.059*\"russia\" + 0.041*\"sovereignti\" + 0.033*\"rural\" + 0.027*\"poison\" + 0.024*\"personifi\" + 0.021*\"moscow\" + 0.021*\"reprint\" + 0.018*\"poland\" + 0.016*\"unfortun\" + 0.016*\"turin\"\n", - "2019-01-31 00:59:27,756 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.026*\"final\" + 0.021*\"wife\" + 0.019*\"tourist\" + 0.018*\"champion\" + 0.014*\"martin\" + 0.014*\"taxpay\" + 0.014*\"chamber\" + 0.014*\"open\" + 0.014*\"tiepolo\"\n", - "2019-01-31 00:59:27,757 : INFO : topic #13 (0.020): 0.026*\"london\" + 0.025*\"new\" + 0.025*\"australia\" + 0.025*\"sourc\" + 0.023*\"england\" + 0.021*\"australian\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.016*\"youth\" + 0.014*\"wale\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:59:27,758 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.047*\"franc\" + 0.030*\"pari\" + 0.021*\"jean\" + 0.021*\"sail\" + 0.017*\"daphn\" + 0.015*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 00:59:27,764 : INFO : topic diff=0.005164, rho=0.028172\n", - "2019-01-31 00:59:27,926 : INFO : PROGRESS: pass 0, at document #2522000/4922894\n", - "2019-01-31 00:59:29,345 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:59:29,611 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.020*\"walter\" + 0.020*\"armi\" + 0.017*\"com\" + 0.014*\"oper\" + 0.014*\"unionist\" + 0.012*\"airbu\" + 0.012*\"militari\" + 0.010*\"diversifi\"\n", - "2019-01-31 00:59:29,613 : INFO : topic #9 (0.020): 0.075*\"bone\" + 0.044*\"american\" + 0.026*\"valour\" + 0.018*\"dutch\" + 0.018*\"folei\" + 0.018*\"player\" + 0.017*\"polit\" + 0.017*\"english\" + 0.013*\"acrimoni\" + 0.013*\"simpler\"\n", - "2019-01-31 00:59:29,614 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.026*\"final\" + 0.021*\"wife\" + 0.019*\"tourist\" + 0.018*\"champion\" + 0.015*\"taxpay\" + 0.014*\"martin\" + 0.014*\"chamber\" + 0.014*\"tiepolo\" + 0.013*\"open\"\n", - "2019-01-31 00:59:29,615 : INFO : topic #4 (0.020): 0.019*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.009*\"elabor\" + 0.008*\"mode\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.007*\"encyclopedia\" + 0.006*\"develop\" + 0.006*\"produc\"\n", - "2019-01-31 00:59:29,616 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 00:59:29,622 : INFO : topic diff=0.005141, rho=0.028161\n", - "2019-01-31 00:59:29,780 : INFO : PROGRESS: pass 0, at document #2524000/4922894\n", - "2019-01-31 00:59:31,183 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:59:31,449 : INFO : topic #20 (0.020): 0.142*\"scholar\" + 0.039*\"struggl\" + 0.033*\"high\" + 0.029*\"educ\" + 0.025*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"pseudo\" + 0.010*\"class\" + 0.009*\"task\"\n", - "2019-01-31 00:59:31,450 : INFO : topic #17 (0.020): 0.079*\"church\" + 0.023*\"christian\" + 0.022*\"cathol\" + 0.019*\"bishop\" + 0.017*\"sail\" + 0.015*\"retroflex\" + 0.009*\"relationship\" + 0.009*\"historiographi\" + 0.009*\"poll\" + 0.009*\"parish\"\n", - "2019-01-31 00:59:31,451 : INFO : topic #35 (0.020): 0.059*\"russia\" + 0.040*\"sovereignti\" + 0.033*\"rural\" + 0.026*\"poison\" + 0.025*\"personifi\" + 0.021*\"moscow\" + 0.021*\"reprint\" + 0.018*\"poland\" + 0.016*\"unfortun\" + 0.015*\"turin\"\n", - "2019-01-31 00:59:31,452 : INFO : topic #16 (0.020): 0.052*\"king\" + 0.030*\"priest\" + 0.020*\"grammat\" + 0.019*\"rotterdam\" + 0.018*\"duke\" + 0.018*\"quarterli\" + 0.017*\"idiosyncrat\" + 0.015*\"portugues\" + 0.014*\"order\" + 0.013*\"count\"\n", - "2019-01-31 00:59:31,453 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.034*\"publicis\" + 0.026*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"collect\" + 0.012*\"nicola\" + 0.011*\"storag\" + 0.011*\"worldwid\"\n", - "2019-01-31 00:59:31,459 : INFO : topic diff=0.004120, rho=0.028149\n", - "2019-01-31 00:59:31,612 : INFO : PROGRESS: pass 0, at document #2526000/4922894\n", - "2019-01-31 00:59:32,962 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:59:33,229 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"word\" + 0.008*\"group\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"human\" + 0.007*\"cultur\"\n", - "2019-01-31 00:59:33,230 : INFO : topic #4 (0.020): 0.019*\"enfranchis\" + 0.014*\"depress\" + 0.014*\"pour\" + 0.008*\"elabor\" + 0.008*\"mode\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.007*\"encyclopedia\" + 0.006*\"develop\" + 0.006*\"teratogen\"\n", - "2019-01-31 00:59:33,231 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.033*\"perceptu\" + 0.021*\"theater\" + 0.018*\"place\" + 0.017*\"compos\" + 0.016*\"damn\" + 0.014*\"physician\" + 0.013*\"orchestr\" + 0.012*\"olympo\" + 0.012*\"word\"\n", - "2019-01-31 00:59:33,233 : INFO : topic #37 (0.020): 0.011*\"charact\" + 0.010*\"septemb\" + 0.010*\"man\" + 0.008*\"comic\" + 0.008*\"anim\" + 0.007*\"love\" + 0.007*\"appear\" + 0.006*\"gestur\" + 0.006*\"workplac\" + 0.005*\"vision\"\n", - "2019-01-31 00:59:33,234 : INFO : topic #3 (0.020): 0.035*\"present\" + 0.025*\"offic\" + 0.023*\"minist\" + 0.023*\"nation\" + 0.022*\"govern\" + 0.021*\"member\" + 0.018*\"serv\" + 0.017*\"start\" + 0.016*\"gener\" + 0.015*\"seri\"\n", - "2019-01-31 00:59:33,240 : INFO : topic diff=0.004776, rho=0.028138\n", - "2019-01-31 00:59:33,460 : INFO : PROGRESS: pass 0, at document #2528000/4922894\n", - "2019-01-31 00:59:34,877 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:59:35,144 : INFO : topic #0 (0.020): 0.066*\"statewid\" + 0.043*\"line\" + 0.036*\"raid\" + 0.027*\"arsen\" + 0.023*\"museo\" + 0.020*\"traceabl\" + 0.019*\"serv\" + 0.017*\"rosenwald\" + 0.013*\"oper\" + 0.012*\"exhaust\"\n", - "2019-01-31 00:59:35,145 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.034*\"publicis\" + 0.026*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"nicola\" + 0.012*\"collect\" + 0.011*\"storag\" + 0.011*\"author\"\n", - "2019-01-31 00:59:35,146 : INFO : topic #46 (0.020): 0.018*\"sweden\" + 0.018*\"norwai\" + 0.017*\"stop\" + 0.017*\"swedish\" + 0.015*\"norwegian\" + 0.014*\"wind\" + 0.013*\"turkish\" + 0.013*\"damag\" + 0.012*\"denmark\" + 0.012*\"turkei\"\n", - "2019-01-31 00:59:35,147 : INFO : topic #29 (0.020): 0.030*\"companhia\" + 0.012*\"busi\" + 0.012*\"million\" + 0.011*\"bank\" + 0.011*\"produc\" + 0.011*\"market\" + 0.010*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 00:59:35,148 : INFO : topic #17 (0.020): 0.078*\"church\" + 0.023*\"christian\" + 0.022*\"cathol\" + 0.020*\"bishop\" + 0.017*\"sail\" + 0.014*\"retroflex\" + 0.010*\"relationship\" + 0.009*\"poll\" + 0.009*\"historiographi\" + 0.009*\"parish\"\n", - "2019-01-31 00:59:35,154 : INFO : topic diff=0.004358, rho=0.028127\n", - "2019-01-31 00:59:35,316 : INFO : PROGRESS: pass 0, at document #2530000/4922894\n", - "2019-01-31 00:59:36,739 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:59:37,005 : INFO : topic #16 (0.020): 0.052*\"king\" + 0.030*\"priest\" + 0.020*\"rotterdam\" + 0.019*\"grammat\" + 0.019*\"duke\" + 0.018*\"quarterli\" + 0.017*\"idiosyncrat\" + 0.015*\"order\" + 0.015*\"portugues\" + 0.013*\"kingdom\"\n", - "2019-01-31 00:59:37,006 : INFO : topic #49 (0.020): 0.045*\"india\" + 0.031*\"incumb\" + 0.014*\"islam\" + 0.012*\"anglo\" + 0.012*\"pakistan\" + 0.011*\"muskoge\" + 0.011*\"televis\" + 0.010*\"sri\" + 0.010*\"alam\" + 0.009*\"affection\"\n", - "2019-01-31 00:59:37,008 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"hormon\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"have\" + 0.006*\"effect\" + 0.006*\"proper\" + 0.006*\"treat\"\n", - "2019-01-31 00:59:37,009 : INFO : topic #42 (0.020): 0.046*\"german\" + 0.031*\"germani\" + 0.015*\"vol\" + 0.015*\"jewish\" + 0.014*\"israel\" + 0.013*\"der\" + 0.013*\"berlin\" + 0.011*\"european\" + 0.009*\"europ\" + 0.009*\"jeremiah\"\n", - "2019-01-31 00:59:37,010 : INFO : topic #35 (0.020): 0.060*\"russia\" + 0.040*\"sovereignti\" + 0.032*\"rural\" + 0.026*\"poison\" + 0.025*\"personifi\" + 0.021*\"moscow\" + 0.021*\"reprint\" + 0.018*\"poland\" + 0.016*\"unfortun\" + 0.015*\"turin\"\n", - "2019-01-31 00:59:37,016 : INFO : topic diff=0.004921, rho=0.028116\n", - "2019-01-31 00:59:37,167 : INFO : PROGRESS: pass 0, at document #2532000/4922894\n", - "2019-01-31 00:59:38,534 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:59:38,801 : INFO : topic #20 (0.020): 0.142*\"scholar\" + 0.039*\"struggl\" + 0.032*\"high\" + 0.029*\"educ\" + 0.025*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"class\" + 0.010*\"pseudo\" + 0.009*\"task\"\n", - "2019-01-31 00:59:38,802 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.012*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"georg\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.007*\"rhyme\"\n", - "2019-01-31 00:59:38,803 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.033*\"perceptu\" + 0.023*\"theater\" + 0.018*\"place\" + 0.017*\"compos\" + 0.015*\"damn\" + 0.014*\"orchestr\" + 0.013*\"physician\" + 0.012*\"olympo\" + 0.012*\"word\"\n", - "2019-01-31 00:59:38,804 : INFO : topic #30 (0.020): 0.035*\"cleveland\" + 0.035*\"leagu\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.022*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.016*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:59:38,805 : INFO : topic #25 (0.020): 0.031*\"ring\" + 0.017*\"area\" + 0.017*\"lagrang\" + 0.017*\"warmth\" + 0.015*\"mount\" + 0.009*\"north\" + 0.009*\"palmer\" + 0.008*\"sourc\" + 0.008*\"land\" + 0.008*\"foam\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:59:38,811 : INFO : topic diff=0.004290, rho=0.028105\n", - "2019-01-31 00:59:38,976 : INFO : PROGRESS: pass 0, at document #2534000/4922894\n", - "2019-01-31 00:59:40,411 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:59:40,679 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.023*\"schuster\" + 0.021*\"institut\" + 0.020*\"requir\" + 0.019*\"collector\" + 0.018*\"student\" + 0.015*\"professor\" + 0.012*\"http\" + 0.012*\"word\" + 0.011*\"governor\"\n", - "2019-01-31 00:59:40,680 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:59:40,682 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"margin\" + 0.015*\"yawn\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"deal\" + 0.012*\"daughter\"\n", - "2019-01-31 00:59:40,683 : INFO : topic #25 (0.020): 0.031*\"ring\" + 0.017*\"lagrang\" + 0.017*\"area\" + 0.017*\"warmth\" + 0.015*\"mount\" + 0.009*\"north\" + 0.009*\"palmer\" + 0.008*\"sourc\" + 0.008*\"land\" + 0.008*\"foam\"\n", - "2019-01-31 00:59:40,684 : INFO : topic #9 (0.020): 0.075*\"bone\" + 0.045*\"american\" + 0.027*\"valour\" + 0.019*\"dutch\" + 0.018*\"folei\" + 0.018*\"player\" + 0.017*\"english\" + 0.017*\"polit\" + 0.013*\"simpler\" + 0.013*\"acrimoni\"\n", - "2019-01-31 00:59:40,689 : INFO : topic diff=0.005142, rho=0.028094\n", - "2019-01-31 00:59:40,846 : INFO : PROGRESS: pass 0, at document #2536000/4922894\n", - "2019-01-31 00:59:42,234 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:59:42,500 : INFO : topic #45 (0.020): 0.029*\"jpg\" + 0.027*\"fifteenth\" + 0.018*\"illicit\" + 0.017*\"colder\" + 0.016*\"black\" + 0.016*\"western\" + 0.013*\"record\" + 0.010*\"blind\" + 0.009*\"depress\" + 0.009*\"pain\"\n", - "2019-01-31 00:59:42,501 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.009*\"forc\" + 0.007*\"battalion\" + 0.007*\"teufel\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.007*\"till\" + 0.006*\"pour\" + 0.006*\"govern\"\n", - "2019-01-31 00:59:42,502 : INFO : topic #19 (0.020): 0.018*\"languag\" + 0.014*\"centuri\" + 0.011*\"woodcut\" + 0.010*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.008*\"english\" + 0.006*\"known\" + 0.006*\"uruguayan\"\n", - "2019-01-31 00:59:42,503 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.023*\"spain\" + 0.019*\"del\" + 0.016*\"mexico\" + 0.015*\"italian\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.011*\"carlo\" + 0.011*\"juan\" + 0.011*\"francisco\"\n", - "2019-01-31 00:59:42,505 : INFO : topic #14 (0.020): 0.023*\"forc\" + 0.023*\"aggress\" + 0.021*\"walter\" + 0.020*\"armi\" + 0.017*\"com\" + 0.014*\"unionist\" + 0.014*\"oper\" + 0.012*\"airbu\" + 0.012*\"militari\" + 0.011*\"refut\"\n", - "2019-01-31 00:59:42,510 : INFO : topic diff=0.004544, rho=0.028083\n", - "2019-01-31 00:59:42,669 : INFO : PROGRESS: pass 0, at document #2538000/4922894\n", - "2019-01-31 00:59:44,064 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:59:44,330 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.023*\"spain\" + 0.019*\"del\" + 0.016*\"mexico\" + 0.015*\"italian\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"carlo\" + 0.011*\"francisco\"\n", - "2019-01-31 00:59:44,331 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.023*\"cortic\" + 0.019*\"act\" + 0.018*\"start\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.010*\"polaris\" + 0.009*\"legal\" + 0.007*\"order\"\n", - "2019-01-31 00:59:44,333 : INFO : topic #17 (0.020): 0.078*\"church\" + 0.023*\"cathol\" + 0.022*\"christian\" + 0.019*\"bishop\" + 0.016*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.009*\"poll\" + 0.009*\"historiographi\" + 0.009*\"centuri\"\n", - "2019-01-31 00:59:44,334 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.023*\"epiru\" + 0.021*\"septemb\" + 0.018*\"teacher\" + 0.017*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"movi\" + 0.011*\"acrimoni\" + 0.011*\"direct\"\n", - "2019-01-31 00:59:44,335 : INFO : topic #35 (0.020): 0.059*\"russia\" + 0.041*\"sovereignti\" + 0.032*\"rural\" + 0.026*\"poison\" + 0.025*\"personifi\" + 0.021*\"reprint\" + 0.021*\"moscow\" + 0.018*\"poland\" + 0.016*\"unfortun\" + 0.015*\"turin\"\n", - "2019-01-31 00:59:44,341 : INFO : topic diff=0.004077, rho=0.028072\n", - "2019-01-31 00:59:47,076 : INFO : -12.120 per-word bound, 4451.5 perplexity estimate based on a held-out corpus of 2000 documents with 566639 words\n", - "2019-01-31 00:59:47,077 : INFO : PROGRESS: pass 0, at document #2540000/4922894\n", - "2019-01-31 00:59:48,467 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:59:48,732 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 00:59:48,733 : INFO : topic #16 (0.020): 0.052*\"king\" + 0.031*\"priest\" + 0.019*\"duke\" + 0.019*\"grammat\" + 0.019*\"rotterdam\" + 0.018*\"quarterli\" + 0.017*\"idiosyncrat\" + 0.015*\"order\" + 0.014*\"portugues\" + 0.013*\"kingdom\"\n", - "2019-01-31 00:59:48,735 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.031*\"germani\" + 0.015*\"jewish\" + 0.014*\"vol\" + 0.014*\"israel\" + 0.013*\"der\" + 0.013*\"berlin\" + 0.011*\"european\" + 0.009*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 00:59:48,736 : INFO : topic #14 (0.020): 0.023*\"forc\" + 0.022*\"aggress\" + 0.020*\"walter\" + 0.019*\"armi\" + 0.017*\"com\" + 0.014*\"oper\" + 0.014*\"unionist\" + 0.012*\"airbu\" + 0.012*\"militari\" + 0.011*\"refut\"\n", - "2019-01-31 00:59:48,737 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.033*\"perceptu\" + 0.023*\"theater\" + 0.018*\"place\" + 0.017*\"compos\" + 0.016*\"damn\" + 0.014*\"orchestr\" + 0.013*\"physician\" + 0.012*\"olympo\" + 0.012*\"word\"\n", - "2019-01-31 00:59:48,743 : INFO : topic diff=0.004293, rho=0.028061\n", - "2019-01-31 00:59:48,900 : INFO : PROGRESS: pass 0, at document #2542000/4922894\n", - "2019-01-31 00:59:50,265 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:59:50,531 : INFO : topic #13 (0.020): 0.026*\"london\" + 0.025*\"australia\" + 0.025*\"new\" + 0.025*\"sourc\" + 0.023*\"england\" + 0.021*\"australian\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 00:59:50,532 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.046*\"franc\" + 0.029*\"pari\" + 0.022*\"jean\" + 0.022*\"sail\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.012*\"loui\" + 0.012*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 00:59:50,534 : INFO : topic #14 (0.020): 0.023*\"forc\" + 0.022*\"aggress\" + 0.020*\"walter\" + 0.019*\"armi\" + 0.017*\"com\" + 0.014*\"oper\" + 0.014*\"unionist\" + 0.012*\"airbu\" + 0.012*\"militari\" + 0.011*\"refut\"\n", - "2019-01-31 00:59:50,535 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.034*\"publicis\" + 0.026*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"collect\" + 0.011*\"storag\" + 0.011*\"nicola\" + 0.011*\"worldwid\"\n", - "2019-01-31 00:59:50,536 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.066*\"best\" + 0.032*\"yawn\" + 0.028*\"jacksonvil\" + 0.022*\"japanes\" + 0.021*\"noll\" + 0.020*\"festiv\" + 0.019*\"women\" + 0.018*\"intern\" + 0.016*\"prison\"\n", - "2019-01-31 00:59:50,541 : INFO : topic diff=0.003814, rho=0.028050\n", - "2019-01-31 00:59:50,701 : INFO : PROGRESS: pass 0, at document #2544000/4922894\n", - "2019-01-31 00:59:52,110 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:59:52,376 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 00:59:52,377 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.015*\"margin\" + 0.015*\"yawn\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"daughter\" + 0.012*\"john\"\n", - "2019-01-31 00:59:52,378 : INFO : topic #29 (0.020): 0.030*\"companhia\" + 0.012*\"busi\" + 0.012*\"million\" + 0.011*\"produc\" + 0.011*\"bank\" + 0.011*\"market\" + 0.010*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"oper\"\n", - "2019-01-31 00:59:52,379 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"word\" + 0.008*\"group\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.007*\"woman\" + 0.007*\"cultur\"\n", - "2019-01-31 00:59:52,380 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.017*\"mexico\" + 0.015*\"italian\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.011*\"carlo\" + 0.011*\"francisco\" + 0.011*\"juan\"\n", - "2019-01-31 00:59:52,386 : INFO : topic diff=0.003761, rho=0.028039\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 00:59:52,540 : INFO : PROGRESS: pass 0, at document #2546000/4922894\n", - "2019-01-31 00:59:53,887 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:59:54,154 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.015*\"margin\" + 0.015*\"yawn\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"daughter\" + 0.012*\"john\"\n", - "2019-01-31 00:59:54,155 : INFO : topic #25 (0.020): 0.030*\"ring\" + 0.017*\"area\" + 0.017*\"lagrang\" + 0.017*\"warmth\" + 0.015*\"mount\" + 0.009*\"north\" + 0.009*\"palmer\" + 0.009*\"sourc\" + 0.008*\"vacant\" + 0.008*\"lobe\"\n", - "2019-01-31 00:59:54,156 : INFO : topic #33 (0.020): 0.063*\"french\" + 0.046*\"franc\" + 0.029*\"pari\" + 0.022*\"jean\" + 0.021*\"sail\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.011*\"piec\" + 0.011*\"loui\" + 0.009*\"wine\"\n", - "2019-01-31 00:59:54,157 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.009*\"forc\" + 0.008*\"battalion\" + 0.007*\"teufel\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.007*\"till\" + 0.006*\"pour\" + 0.006*\"govern\"\n", - "2019-01-31 00:59:54,158 : INFO : topic #28 (0.020): 0.032*\"build\" + 0.026*\"hous\" + 0.020*\"rivièr\" + 0.017*\"buford\" + 0.013*\"histor\" + 0.011*\"briarwood\" + 0.011*\"constitut\" + 0.011*\"depress\" + 0.011*\"strategist\" + 0.010*\"linear\"\n", - "2019-01-31 00:59:54,164 : INFO : topic diff=0.004435, rho=0.028028\n", - "2019-01-31 00:59:54,318 : INFO : PROGRESS: pass 0, at document #2548000/4922894\n", - "2019-01-31 00:59:55,692 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:59:55,961 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.066*\"best\" + 0.032*\"yawn\" + 0.028*\"jacksonvil\" + 0.022*\"japanes\" + 0.021*\"noll\" + 0.020*\"festiv\" + 0.019*\"women\" + 0.018*\"intern\" + 0.016*\"prison\"\n", - "2019-01-31 00:59:55,962 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.044*\"popolo\" + 0.043*\"vigour\" + 0.037*\"tortur\" + 0.031*\"cotton\" + 0.025*\"area\" + 0.022*\"multitud\" + 0.021*\"citi\" + 0.020*\"cede\" + 0.019*\"regim\"\n", - "2019-01-31 00:59:55,963 : INFO : topic #31 (0.020): 0.051*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.022*\"player\" + 0.019*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.010*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 00:59:55,964 : INFO : topic #27 (0.020): 0.069*\"questionnair\" + 0.021*\"candid\" + 0.019*\"taxpay\" + 0.013*\"tornado\" + 0.012*\"find\" + 0.012*\"driver\" + 0.012*\"squatter\" + 0.012*\"ret\" + 0.011*\"fool\" + 0.010*\"théori\"\n", - "2019-01-31 00:59:55,965 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.023*\"aggress\" + 0.020*\"walter\" + 0.019*\"armi\" + 0.017*\"com\" + 0.014*\"oper\" + 0.014*\"unionist\" + 0.012*\"airbu\" + 0.012*\"militari\" + 0.011*\"refut\"\n", - "2019-01-31 00:59:55,971 : INFO : topic diff=0.004404, rho=0.028017\n", - "2019-01-31 00:59:56,124 : INFO : PROGRESS: pass 0, at document #2550000/4922894\n", - "2019-01-31 00:59:57,478 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:59:57,745 : INFO : topic #26 (0.020): 0.028*\"champion\" + 0.028*\"workplac\" + 0.028*\"woman\" + 0.026*\"men\" + 0.025*\"olymp\" + 0.021*\"medal\" + 0.020*\"alic\" + 0.020*\"event\" + 0.018*\"rainfal\" + 0.018*\"taxpay\"\n", - "2019-01-31 00:59:57,746 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.007*\"poet\" + 0.006*\"exampl\" + 0.006*\"théori\" + 0.006*\"southern\" + 0.006*\"servitud\" + 0.006*\"measur\" + 0.006*\"differ\"\n", - "2019-01-31 00:59:57,747 : INFO : topic #8 (0.020): 0.028*\"law\" + 0.023*\"cortic\" + 0.019*\"act\" + 0.019*\"start\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.010*\"polaris\" + 0.009*\"legal\" + 0.007*\"order\"\n", - "2019-01-31 00:59:57,748 : INFO : topic #37 (0.020): 0.011*\"charact\" + 0.009*\"septemb\" + 0.009*\"man\" + 0.009*\"comic\" + 0.008*\"anim\" + 0.007*\"love\" + 0.007*\"appear\" + 0.006*\"gestur\" + 0.006*\"workplac\" + 0.005*\"storag\"\n", - "2019-01-31 00:59:57,749 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.036*\"cleveland\" + 0.029*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 00:59:57,755 : INFO : topic diff=0.004308, rho=0.028006\n", - "2019-01-31 00:59:57,907 : INFO : PROGRESS: pass 0, at document #2552000/4922894\n", - "2019-01-31 00:59:59,262 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 00:59:59,528 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.055*\"parti\" + 0.024*\"voluntari\" + 0.022*\"democrat\" + 0.022*\"member\" + 0.016*\"polici\" + 0.014*\"republ\" + 0.013*\"report\" + 0.013*\"bypass\" + 0.013*\"seaport\"\n", - "2019-01-31 00:59:59,530 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.014*\"centuri\" + 0.010*\"woodcut\" + 0.010*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.006*\"uruguayan\"\n", - "2019-01-31 00:59:59,531 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.033*\"perceptu\" + 0.023*\"theater\" + 0.018*\"place\" + 0.017*\"compos\" + 0.017*\"damn\" + 0.014*\"orchestr\" + 0.013*\"physician\" + 0.012*\"word\" + 0.012*\"olympo\"\n", - "2019-01-31 00:59:59,532 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.044*\"popolo\" + 0.043*\"vigour\" + 0.037*\"tortur\" + 0.031*\"cotton\" + 0.025*\"area\" + 0.022*\"multitud\" + 0.021*\"citi\" + 0.020*\"cede\" + 0.019*\"regim\"\n", - "2019-01-31 00:59:59,533 : INFO : topic #14 (0.020): 0.023*\"forc\" + 0.022*\"aggress\" + 0.020*\"walter\" + 0.019*\"armi\" + 0.017*\"com\" + 0.014*\"oper\" + 0.014*\"unionist\" + 0.012*\"airbu\" + 0.012*\"militari\" + 0.011*\"refut\"\n", - "2019-01-31 00:59:59,538 : INFO : topic diff=0.004098, rho=0.027995\n", - "2019-01-31 00:59:59,691 : INFO : PROGRESS: pass 0, at document #2554000/4922894\n", - "2019-01-31 01:00:01,049 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:00:01,315 : INFO : topic #26 (0.020): 0.028*\"champion\" + 0.028*\"workplac\" + 0.028*\"woman\" + 0.026*\"men\" + 0.025*\"olymp\" + 0.021*\"medal\" + 0.020*\"event\" + 0.020*\"alic\" + 0.018*\"taxpay\" + 0.017*\"rainfal\"\n", - "2019-01-31 01:00:01,316 : INFO : topic #23 (0.020): 0.135*\"audit\" + 0.066*\"best\" + 0.032*\"yawn\" + 0.028*\"jacksonvil\" + 0.022*\"japanes\" + 0.022*\"noll\" + 0.020*\"festiv\" + 0.019*\"women\" + 0.018*\"intern\" + 0.016*\"prison\"\n", - "2019-01-31 01:00:01,317 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.025*\"palmer\" + 0.023*\"new\" + 0.014*\"strategist\" + 0.012*\"center\" + 0.012*\"open\" + 0.012*\"includ\" + 0.011*\"lobe\" + 0.009*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:00:01,318 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.033*\"perceptu\" + 0.022*\"theater\" + 0.018*\"place\" + 0.017*\"compos\" + 0.017*\"damn\" + 0.014*\"orchestr\" + 0.013*\"physician\" + 0.012*\"word\" + 0.012*\"olympo\"\n", - "2019-01-31 01:00:01,319 : INFO : topic #34 (0.020): 0.069*\"start\" + 0.034*\"new\" + 0.031*\"american\" + 0.030*\"unionist\" + 0.024*\"cotton\" + 0.022*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.011*\"north\"\n", - "2019-01-31 01:00:01,325 : INFO : topic diff=0.004400, rho=0.027984\n", - "2019-01-31 01:00:01,476 : INFO : PROGRESS: pass 0, at document #2556000/4922894\n", - "2019-01-31 01:00:02,821 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:00:03,087 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.008*\"elabor\" + 0.008*\"mode\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.007*\"encyclopedia\" + 0.006*\"develop\" + 0.006*\"produc\"\n", - "2019-01-31 01:00:03,088 : INFO : topic #6 (0.020): 0.072*\"fewer\" + 0.023*\"epiru\" + 0.022*\"septemb\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"movi\" + 0.011*\"direct\" + 0.011*\"acrimoni\"\n", - "2019-01-31 01:00:03,090 : INFO : topic #30 (0.020): 0.035*\"leagu\" + 0.035*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:00:03,091 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"prognosi\" + 0.010*\"pop\" + 0.009*\"cytokin\" + 0.008*\"develop\" + 0.008*\"diggin\" + 0.008*\"softwar\" + 0.008*\"user\" + 0.007*\"uruguayan\" + 0.007*\"includ\"\n", - "2019-01-31 01:00:03,092 : INFO : topic #9 (0.020): 0.072*\"bone\" + 0.045*\"american\" + 0.026*\"valour\" + 0.018*\"folei\" + 0.018*\"dutch\" + 0.018*\"player\" + 0.017*\"english\" + 0.017*\"polit\" + 0.013*\"acrimoni\" + 0.013*\"simpler\"\n", - "2019-01-31 01:00:03,098 : INFO : topic diff=0.004520, rho=0.027973\n", - "2019-01-31 01:00:03,312 : INFO : PROGRESS: pass 0, at document #2558000/4922894\n", - "2019-01-31 01:00:04,701 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:00:04,968 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.010*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.006*\"uruguayan\"\n", - "2019-01-31 01:00:04,970 : INFO : topic #30 (0.020): 0.035*\"leagu\" + 0.035*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:00:04,971 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.012*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.008*\"paul\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:00:04,972 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.017*\"mexico\" + 0.015*\"italian\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.012*\"juan\" + 0.011*\"carlo\" + 0.011*\"francisco\"\n", - "2019-01-31 01:00:04,973 : INFO : topic #40 (0.020): 0.086*\"unit\" + 0.023*\"schuster\" + 0.021*\"requir\" + 0.021*\"institut\" + 0.019*\"collector\" + 0.018*\"student\" + 0.017*\"professor\" + 0.012*\"word\" + 0.012*\"http\" + 0.011*\"governor\"\n", - "2019-01-31 01:00:04,978 : INFO : topic diff=0.004024, rho=0.027962\n", - "2019-01-31 01:00:07,724 : INFO : -11.708 per-word bound, 3345.2 perplexity estimate based on a held-out corpus of 2000 documents with 594692 words\n", - "2019-01-31 01:00:07,724 : INFO : PROGRESS: pass 0, at document #2560000/4922894\n", - "2019-01-31 01:00:09,122 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:00:09,389 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.010*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.006*\"ancestor\"\n", - "2019-01-31 01:00:09,390 : INFO : topic #8 (0.020): 0.028*\"law\" + 0.023*\"cortic\" + 0.019*\"act\" + 0.018*\"start\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.010*\"polaris\" + 0.009*\"legal\" + 0.007*\"order\"\n", - "2019-01-31 01:00:09,391 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:00:09,392 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.054*\"parti\" + 0.025*\"democrat\" + 0.024*\"voluntari\" + 0.022*\"member\" + 0.017*\"republ\" + 0.016*\"polici\" + 0.014*\"report\" + 0.013*\"bypass\" + 0.013*\"seaport\"\n", - "2019-01-31 01:00:09,393 : INFO : topic #0 (0.020): 0.071*\"statewid\" + 0.043*\"line\" + 0.036*\"raid\" + 0.027*\"arsen\" + 0.023*\"museo\" + 0.019*\"traceabl\" + 0.019*\"serv\" + 0.017*\"rosenwald\" + 0.012*\"oper\" + 0.012*\"exhaust\"\n", - "2019-01-31 01:00:09,399 : INFO : topic diff=0.005837, rho=0.027951\n", - "2019-01-31 01:00:09,553 : INFO : PROGRESS: pass 0, at document #2562000/4922894\n", - "2019-01-31 01:00:10,916 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:00:11,183 : INFO : topic #6 (0.020): 0.072*\"fewer\" + 0.024*\"epiru\" + 0.022*\"septemb\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"movi\" + 0.011*\"direct\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:00:11,184 : INFO : topic #25 (0.020): 0.030*\"ring\" + 0.017*\"area\" + 0.017*\"lagrang\" + 0.017*\"warmth\" + 0.015*\"mount\" + 0.009*\"north\" + 0.009*\"sourc\" + 0.009*\"palmer\" + 0.008*\"vacant\" + 0.008*\"foam\"\n", - "2019-01-31 01:00:11,185 : INFO : topic #26 (0.020): 0.029*\"workplac\" + 0.029*\"woman\" + 0.028*\"champion\" + 0.027*\"men\" + 0.024*\"olymp\" + 0.020*\"medal\" + 0.020*\"event\" + 0.019*\"alic\" + 0.017*\"taxpay\" + 0.017*\"rainfal\"\n", - "2019-01-31 01:00:11,186 : INFO : topic #16 (0.020): 0.050*\"king\" + 0.029*\"priest\" + 0.021*\"grammat\" + 0.019*\"rotterdam\" + 0.018*\"duke\" + 0.018*\"quarterli\" + 0.016*\"idiosyncrat\" + 0.016*\"order\" + 0.014*\"portugues\" + 0.013*\"brazil\"\n", - "2019-01-31 01:00:11,186 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.022*\"spain\" + 0.020*\"del\" + 0.017*\"mexico\" + 0.015*\"italian\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.012*\"juan\" + 0.011*\"carlo\" + 0.011*\"francisco\"\n", - "2019-01-31 01:00:11,192 : INFO : topic diff=0.004153, rho=0.027940\n", - "2019-01-31 01:00:11,347 : INFO : PROGRESS: pass 0, at document #2564000/4922894\n", - "2019-01-31 01:00:12,724 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:00:12,991 : INFO : topic #28 (0.020): 0.032*\"build\" + 0.027*\"hous\" + 0.019*\"rivièr\" + 0.017*\"buford\" + 0.014*\"histor\" + 0.011*\"briarwood\" + 0.011*\"constitut\" + 0.011*\"depress\" + 0.010*\"strategist\" + 0.010*\"linear\"\n", - "2019-01-31 01:00:12,992 : INFO : topic #48 (0.020): 0.081*\"march\" + 0.076*\"sens\" + 0.074*\"octob\" + 0.073*\"januari\" + 0.070*\"juli\" + 0.069*\"notion\" + 0.068*\"august\" + 0.068*\"judici\" + 0.067*\"april\" + 0.066*\"decatur\"\n", - "2019-01-31 01:00:12,993 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.006*\"ancestor\"\n", - "2019-01-31 01:00:12,994 : INFO : topic #13 (0.020): 0.026*\"london\" + 0.026*\"australia\" + 0.025*\"new\" + 0.025*\"sourc\" + 0.024*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.016*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:00:12,995 : INFO : topic #6 (0.020): 0.072*\"fewer\" + 0.023*\"epiru\" + 0.022*\"septemb\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"movi\" + 0.011*\"direct\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:00:13,001 : INFO : topic diff=0.003664, rho=0.027929\n", - "2019-01-31 01:00:13,154 : INFO : PROGRESS: pass 0, at document #2566000/4922894\n", - "2019-01-31 01:00:14,500 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:00:14,767 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"word\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"human\" + 0.007*\"cultur\"\n", - "2019-01-31 01:00:14,768 : INFO : topic #45 (0.020): 0.028*\"jpg\" + 0.026*\"fifteenth\" + 0.018*\"illicit\" + 0.017*\"colder\" + 0.016*\"black\" + 0.016*\"western\" + 0.012*\"record\" + 0.010*\"blind\" + 0.009*\"pain\" + 0.009*\"depress\"\n", - "2019-01-31 01:00:14,769 : INFO : topic #20 (0.020): 0.140*\"scholar\" + 0.040*\"struggl\" + 0.032*\"high\" + 0.029*\"educ\" + 0.025*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.009*\"class\" + 0.009*\"pseudo\" + 0.009*\"task\"\n", - "2019-01-31 01:00:14,770 : INFO : topic #9 (0.020): 0.073*\"bone\" + 0.045*\"american\" + 0.027*\"valour\" + 0.019*\"dutch\" + 0.018*\"folei\" + 0.018*\"player\" + 0.017*\"polit\" + 0.017*\"english\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:00:14,771 : INFO : topic #34 (0.020): 0.069*\"start\" + 0.034*\"new\" + 0.031*\"american\" + 0.030*\"unionist\" + 0.024*\"cotton\" + 0.022*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.011*\"north\"\n", - "2019-01-31 01:00:14,776 : INFO : topic diff=0.004213, rho=0.027918\n", - "2019-01-31 01:00:14,937 : INFO : PROGRESS: pass 0, at document #2568000/4922894\n", - "2019-01-31 01:00:16,300 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:00:16,566 : INFO : topic #13 (0.020): 0.026*\"london\" + 0.026*\"australia\" + 0.025*\"new\" + 0.025*\"sourc\" + 0.025*\"england\" + 0.022*\"australian\" + 0.020*\"british\" + 0.018*\"ireland\" + 0.016*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:00:16,567 : INFO : topic #48 (0.020): 0.081*\"march\" + 0.076*\"sens\" + 0.075*\"octob\" + 0.073*\"januari\" + 0.070*\"juli\" + 0.069*\"august\" + 0.069*\"notion\" + 0.068*\"judici\" + 0.067*\"april\" + 0.066*\"decatur\"\n", - "2019-01-31 01:00:16,568 : INFO : topic #31 (0.020): 0.051*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.022*\"player\" + 0.019*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.010*\"yawn\" + 0.010*\"folei\" + 0.010*\"reconstruct\"\n", - "2019-01-31 01:00:16,569 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:00:16,570 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.044*\"popolo\" + 0.043*\"vigour\" + 0.037*\"tortur\" + 0.031*\"cotton\" + 0.025*\"area\" + 0.022*\"multitud\" + 0.021*\"citi\" + 0.019*\"cede\" + 0.019*\"regim\"\n", - "2019-01-31 01:00:16,576 : INFO : topic diff=0.004524, rho=0.027907\n", - "2019-01-31 01:00:16,733 : INFO : PROGRESS: pass 0, at document #2570000/4922894\n", - "2019-01-31 01:00:18,121 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:00:18,387 : INFO : topic #27 (0.020): 0.071*\"questionnair\" + 0.021*\"candid\" + 0.019*\"taxpay\" + 0.012*\"driver\" + 0.012*\"find\" + 0.011*\"tornado\" + 0.011*\"fool\" + 0.011*\"ret\" + 0.010*\"landslid\" + 0.010*\"squatter\"\n", - "2019-01-31 01:00:18,388 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:00:18,389 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.022*\"factor\" + 0.013*\"feel\" + 0.012*\"adulthood\" + 0.011*\"male\" + 0.011*\"plaisir\" + 0.010*\"genu\" + 0.008*\"western\" + 0.008*\"biom\" + 0.008*\"median\"\n", - "2019-01-31 01:00:18,390 : INFO : topic #25 (0.020): 0.030*\"ring\" + 0.018*\"lagrang\" + 0.017*\"area\" + 0.017*\"warmth\" + 0.015*\"mount\" + 0.009*\"north\" + 0.009*\"palmer\" + 0.009*\"sourc\" + 0.008*\"vacant\" + 0.008*\"lobe\"\n", - "2019-01-31 01:00:18,391 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.035*\"publicis\" + 0.027*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"collect\" + 0.011*\"storag\" + 0.011*\"nicola\" + 0.011*\"worldwid\"\n", - "2019-01-31 01:00:18,397 : INFO : topic diff=0.003682, rho=0.027896\n", - "2019-01-31 01:00:18,552 : INFO : PROGRESS: pass 0, at document #2572000/4922894\n", - "2019-01-31 01:00:19,940 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:00:20,206 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.044*\"popolo\" + 0.043*\"vigour\" + 0.037*\"tortur\" + 0.031*\"cotton\" + 0.025*\"area\" + 0.022*\"multitud\" + 0.021*\"citi\" + 0.020*\"regim\" + 0.019*\"cede\"\n", - "2019-01-31 01:00:20,207 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"gener\" + 0.007*\"théori\" + 0.007*\"poet\" + 0.006*\"exampl\" + 0.006*\"southern\" + 0.006*\"measur\" + 0.006*\"servitud\" + 0.006*\"differ\"\n", - "2019-01-31 01:00:20,208 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.011*\"aza\" + 0.009*\"forc\" + 0.008*\"battalion\" + 0.008*\"teufel\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.007*\"till\" + 0.006*\"militari\" + 0.006*\"govern\"\n", - "2019-01-31 01:00:20,209 : INFO : topic #45 (0.020): 0.028*\"jpg\" + 0.026*\"fifteenth\" + 0.018*\"illicit\" + 0.016*\"colder\" + 0.016*\"black\" + 0.015*\"western\" + 0.012*\"record\" + 0.011*\"blind\" + 0.010*\"pain\" + 0.009*\"depress\"\n", - "2019-01-31 01:00:20,210 : INFO : topic #0 (0.020): 0.070*\"statewid\" + 0.043*\"line\" + 0.035*\"raid\" + 0.028*\"arsen\" + 0.023*\"museo\" + 0.019*\"traceabl\" + 0.018*\"serv\" + 0.016*\"rosenwald\" + 0.013*\"oper\" + 0.012*\"exhaust\"\n", - "2019-01-31 01:00:20,216 : INFO : topic diff=0.004262, rho=0.027886\n", - "2019-01-31 01:00:20,372 : INFO : PROGRESS: pass 0, at document #2574000/4922894\n", - "2019-01-31 01:00:21,742 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:00:22,008 : INFO : topic #6 (0.020): 0.073*\"fewer\" + 0.023*\"epiru\" + 0.022*\"septemb\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"movi\" + 0.011*\"direct\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:00:22,009 : INFO : topic #2 (0.020): 0.051*\"isl\" + 0.038*\"shield\" + 0.017*\"narrat\" + 0.014*\"scot\" + 0.012*\"pope\" + 0.011*\"blur\" + 0.011*\"coalit\" + 0.011*\"nativist\" + 0.010*\"fleet\" + 0.010*\"bahá\"\n", - "2019-01-31 01:00:22,010 : INFO : topic #41 (0.020): 0.042*\"citi\" + 0.025*\"palmer\" + 0.022*\"new\" + 0.014*\"strategist\" + 0.012*\"center\" + 0.012*\"open\" + 0.012*\"includ\" + 0.011*\"lobe\" + 0.009*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:00:22,011 : INFO : topic #12 (0.020): 0.010*\"number\" + 0.008*\"frontal\" + 0.007*\"gener\" + 0.007*\"poet\" + 0.006*\"théori\" + 0.006*\"exampl\" + 0.006*\"servitud\" + 0.006*\"southern\" + 0.006*\"measur\" + 0.006*\"differ\"\n", - "2019-01-31 01:00:22,012 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.031*\"incumb\" + 0.013*\"islam\" + 0.012*\"pakistan\" + 0.012*\"anglo\" + 0.011*\"televis\" + 0.010*\"muskoge\" + 0.010*\"sri\" + 0.010*\"khalsa\" + 0.009*\"affection\"\n", - "2019-01-31 01:00:22,018 : INFO : topic diff=0.003424, rho=0.027875\n", - "2019-01-31 01:00:22,175 : INFO : PROGRESS: pass 0, at document #2576000/4922894\n", - "2019-01-31 01:00:23,573 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:00:23,839 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.014*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.008*\"mean\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.006*\"ancestor\"\n", - "2019-01-31 01:00:23,840 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.033*\"perceptu\" + 0.022*\"theater\" + 0.018*\"place\" + 0.017*\"compos\" + 0.016*\"damn\" + 0.014*\"orchestr\" + 0.013*\"physician\" + 0.012*\"olympo\" + 0.011*\"word\"\n", - "2019-01-31 01:00:23,842 : INFO : topic #31 (0.020): 0.051*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.022*\"player\" + 0.019*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.010*\"yawn\" + 0.010*\"folei\" + 0.010*\"reconstruct\"\n", - "2019-01-31 01:00:23,842 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.044*\"chilton\" + 0.025*\"hong\" + 0.024*\"kong\" + 0.023*\"korea\" + 0.018*\"korean\" + 0.017*\"leah\" + 0.014*\"sourc\" + 0.014*\"shirin\" + 0.013*\"kim\"\n", - "2019-01-31 01:00:23,844 : INFO : topic #6 (0.020): 0.073*\"fewer\" + 0.023*\"epiru\" + 0.021*\"septemb\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"movi\" + 0.011*\"direct\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:00:23,849 : INFO : topic diff=0.004258, rho=0.027864\n", - "2019-01-31 01:00:24,006 : INFO : PROGRESS: pass 0, at document #2578000/4922894\n", - "2019-01-31 01:00:25,369 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:00:25,635 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"word\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"human\" + 0.007*\"cultur\"\n", - "2019-01-31 01:00:25,636 : INFO : topic #9 (0.020): 0.072*\"bone\" + 0.043*\"american\" + 0.027*\"valour\" + 0.019*\"dutch\" + 0.018*\"folei\" + 0.018*\"english\" + 0.018*\"player\" + 0.017*\"polit\" + 0.013*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:00:25,637 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.035*\"publicis\" + 0.027*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"collect\" + 0.011*\"storag\" + 0.011*\"nicola\" + 0.011*\"worldwid\"\n", - "2019-01-31 01:00:25,638 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.010*\"prognosi\" + 0.009*\"pop\" + 0.008*\"cytokin\" + 0.008*\"develop\" + 0.008*\"diggin\" + 0.008*\"softwar\" + 0.008*\"user\" + 0.007*\"uruguayan\" + 0.007*\"includ\"\n", - "2019-01-31 01:00:25,639 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.012*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.008*\"georg\" + 0.008*\"rhyme\"\n", - "2019-01-31 01:00:25,645 : INFO : topic diff=0.003997, rho=0.027853\n", - "2019-01-31 01:00:28,287 : INFO : -11.600 per-word bound, 3104.7 perplexity estimate based on a held-out corpus of 2000 documents with 542959 words\n", - "2019-01-31 01:00:28,287 : INFO : PROGRESS: pass 0, at document #2580000/4922894\n", - "2019-01-31 01:00:29,646 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:00:29,912 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.066*\"best\" + 0.033*\"yawn\" + 0.030*\"jacksonvil\" + 0.022*\"japanes\" + 0.022*\"noll\" + 0.020*\"festiv\" + 0.019*\"women\" + 0.019*\"intern\" + 0.015*\"prison\"\n", - "2019-01-31 01:00:29,913 : INFO : topic #41 (0.020): 0.042*\"citi\" + 0.025*\"palmer\" + 0.022*\"new\" + 0.015*\"strategist\" + 0.012*\"open\" + 0.012*\"center\" + 0.012*\"includ\" + 0.011*\"lobe\" + 0.009*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:00:29,914 : INFO : topic #2 (0.020): 0.052*\"isl\" + 0.037*\"shield\" + 0.017*\"narrat\" + 0.015*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.011*\"coalit\" + 0.011*\"nativist\" + 0.010*\"fleet\" + 0.010*\"bahá\"\n", - "2019-01-31 01:00:29,915 : INFO : topic #26 (0.020): 0.029*\"workplac\" + 0.029*\"champion\" + 0.028*\"woman\" + 0.027*\"men\" + 0.024*\"olymp\" + 0.021*\"medal\" + 0.020*\"event\" + 0.019*\"alic\" + 0.018*\"taxpay\" + 0.017*\"rainfal\"\n", - "2019-01-31 01:00:29,916 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.022*\"factor\" + 0.012*\"feel\" + 0.012*\"adulthood\" + 0.011*\"plaisir\" + 0.011*\"male\" + 0.010*\"genu\" + 0.008*\"western\" + 0.008*\"biom\" + 0.008*\"median\"\n", - "2019-01-31 01:00:29,922 : INFO : topic diff=0.004202, rho=0.027842\n", - "2019-01-31 01:00:30,077 : INFO : PROGRESS: pass 0, at document #2582000/4922894\n", - "2019-01-31 01:00:31,454 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:00:31,721 : INFO : topic #25 (0.020): 0.033*\"ring\" + 0.018*\"lagrang\" + 0.017*\"warmth\" + 0.017*\"area\" + 0.015*\"mount\" + 0.009*\"north\" + 0.009*\"sourc\" + 0.009*\"palmer\" + 0.008*\"lobe\" + 0.008*\"vacant\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:00:31,722 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.022*\"factor\" + 0.012*\"feel\" + 0.012*\"adulthood\" + 0.011*\"plaisir\" + 0.011*\"male\" + 0.010*\"genu\" + 0.008*\"biom\" + 0.008*\"western\" + 0.008*\"median\"\n", - "2019-01-31 01:00:31,723 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.014*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.008*\"mean\" + 0.008*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.006*\"ancestor\"\n", - "2019-01-31 01:00:31,724 : INFO : topic #26 (0.020): 0.029*\"workplac\" + 0.029*\"champion\" + 0.028*\"woman\" + 0.027*\"men\" + 0.024*\"olymp\" + 0.021*\"medal\" + 0.020*\"event\" + 0.019*\"alic\" + 0.018*\"rainfal\" + 0.017*\"taxpay\"\n", - "2019-01-31 01:00:31,724 : INFO : topic #13 (0.020): 0.026*\"london\" + 0.026*\"australia\" + 0.025*\"sourc\" + 0.025*\"new\" + 0.024*\"england\" + 0.022*\"australian\" + 0.020*\"british\" + 0.018*\"ireland\" + 0.016*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:00:31,730 : INFO : topic diff=0.003672, rho=0.027832\n", - "2019-01-31 01:00:31,887 : INFO : PROGRESS: pass 0, at document #2584000/4922894\n", - "2019-01-31 01:00:33,264 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:00:33,530 : INFO : topic #23 (0.020): 0.135*\"audit\" + 0.066*\"best\" + 0.033*\"yawn\" + 0.030*\"jacksonvil\" + 0.023*\"japanes\" + 0.022*\"noll\" + 0.020*\"festiv\" + 0.019*\"women\" + 0.019*\"intern\" + 0.015*\"prison\"\n", - "2019-01-31 01:00:33,531 : INFO : topic #26 (0.020): 0.029*\"workplac\" + 0.029*\"champion\" + 0.028*\"woman\" + 0.027*\"men\" + 0.024*\"olymp\" + 0.021*\"medal\" + 0.020*\"event\" + 0.019*\"alic\" + 0.018*\"rainfal\" + 0.017*\"taxpay\"\n", - "2019-01-31 01:00:33,532 : INFO : topic #25 (0.020): 0.033*\"ring\" + 0.018*\"lagrang\" + 0.017*\"area\" + 0.017*\"warmth\" + 0.015*\"mount\" + 0.009*\"north\" + 0.009*\"sourc\" + 0.009*\"palmer\" + 0.008*\"lobe\" + 0.008*\"foam\"\n", - "2019-01-31 01:00:33,533 : INFO : topic #35 (0.020): 0.059*\"russia\" + 0.041*\"sovereignti\" + 0.032*\"rural\" + 0.025*\"poison\" + 0.024*\"personifi\" + 0.023*\"reprint\" + 0.020*\"moscow\" + 0.018*\"poland\" + 0.017*\"unfortun\" + 0.014*\"turin\"\n", - "2019-01-31 01:00:33,534 : INFO : topic #48 (0.020): 0.081*\"march\" + 0.077*\"sens\" + 0.077*\"octob\" + 0.074*\"januari\" + 0.071*\"juli\" + 0.070*\"august\" + 0.070*\"notion\" + 0.069*\"judici\" + 0.068*\"april\" + 0.067*\"decatur\"\n", - "2019-01-31 01:00:33,540 : INFO : topic diff=0.003920, rho=0.027821\n", - "2019-01-31 01:00:33,690 : INFO : PROGRESS: pass 0, at document #2586000/4922894\n", - "2019-01-31 01:00:35,038 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:00:35,305 : INFO : topic #37 (0.020): 0.011*\"charact\" + 0.009*\"septemb\" + 0.009*\"man\" + 0.009*\"comic\" + 0.008*\"anim\" + 0.007*\"love\" + 0.007*\"appear\" + 0.006*\"gestur\" + 0.006*\"workplac\" + 0.005*\"storag\"\n", - "2019-01-31 01:00:35,306 : INFO : topic #29 (0.020): 0.030*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"market\" + 0.011*\"bank\" + 0.011*\"produc\" + 0.009*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 01:00:35,307 : INFO : topic #46 (0.020): 0.017*\"sweden\" + 0.016*\"swedish\" + 0.016*\"norwai\" + 0.016*\"stop\" + 0.015*\"damag\" + 0.014*\"wind\" + 0.014*\"norwegian\" + 0.012*\"denmark\" + 0.012*\"turkish\" + 0.011*\"danish\"\n", - "2019-01-31 01:00:35,308 : INFO : topic #2 (0.020): 0.051*\"isl\" + 0.038*\"shield\" + 0.017*\"narrat\" + 0.014*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.011*\"coalit\" + 0.011*\"nativist\" + 0.010*\"fleet\" + 0.010*\"bahá\"\n", - "2019-01-31 01:00:35,310 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"deal\" + 0.012*\"john\"\n", - "2019-01-31 01:00:35,315 : INFO : topic diff=0.004344, rho=0.027810\n", - "2019-01-31 01:00:35,475 : INFO : PROGRESS: pass 0, at document #2588000/4922894\n", - "2019-01-31 01:00:36,869 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:00:37,136 : INFO : topic #34 (0.020): 0.069*\"start\" + 0.035*\"new\" + 0.031*\"american\" + 0.030*\"unionist\" + 0.024*\"cotton\" + 0.022*\"year\" + 0.015*\"california\" + 0.013*\"terri\" + 0.013*\"warrior\" + 0.011*\"north\"\n", - "2019-01-31 01:00:37,137 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.035*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.025*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:00:37,138 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.015*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"john\" + 0.012*\"daughter\"\n", - "2019-01-31 01:00:37,139 : INFO : topic #21 (0.020): 0.037*\"samford\" + 0.022*\"spain\" + 0.020*\"del\" + 0.017*\"mexico\" + 0.015*\"italian\" + 0.014*\"soviet\" + 0.012*\"juan\" + 0.012*\"santa\" + 0.011*\"francisco\" + 0.011*\"carlo\"\n", - "2019-01-31 01:00:37,140 : INFO : topic #24 (0.020): 0.038*\"book\" + 0.034*\"publicis\" + 0.027*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"collect\" + 0.011*\"storag\" + 0.011*\"nicola\" + 0.011*\"worldwid\"\n", - "2019-01-31 01:00:37,146 : INFO : topic diff=0.004034, rho=0.027799\n", - "2019-01-31 01:00:37,362 : INFO : PROGRESS: pass 0, at document #2590000/4922894\n", - "2019-01-31 01:00:38,758 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:00:39,024 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.015*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"daughter\" + 0.012*\"john\"\n", - "2019-01-31 01:00:39,025 : INFO : topic #6 (0.020): 0.073*\"fewer\" + 0.023*\"epiru\" + 0.021*\"septemb\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:00:39,026 : INFO : topic #39 (0.020): 0.058*\"canada\" + 0.043*\"canadian\" + 0.024*\"toronto\" + 0.022*\"hoar\" + 0.020*\"ontario\" + 0.015*\"misericordia\" + 0.015*\"new\" + 0.015*\"hydrogen\" + 0.014*\"novotná\" + 0.013*\"quebec\"\n", - "2019-01-31 01:00:39,027 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.016*\"depress\" + 0.015*\"pour\" + 0.009*\"elabor\" + 0.009*\"mode\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.006*\"encyclopedia\" + 0.006*\"produc\" + 0.006*\"develop\"\n", - "2019-01-31 01:00:39,028 : INFO : topic #34 (0.020): 0.069*\"start\" + 0.035*\"new\" + 0.031*\"american\" + 0.030*\"unionist\" + 0.024*\"cotton\" + 0.022*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.013*\"terri\" + 0.011*\"north\"\n", - "2019-01-31 01:00:39,034 : INFO : topic diff=0.005270, rho=0.027789\n", - "2019-01-31 01:00:39,185 : INFO : PROGRESS: pass 0, at document #2592000/4922894\n", - "2019-01-31 01:00:40,544 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:00:40,810 : INFO : topic #39 (0.020): 0.058*\"canada\" + 0.043*\"canadian\" + 0.024*\"toronto\" + 0.022*\"hoar\" + 0.020*\"ontario\" + 0.015*\"misericordia\" + 0.015*\"new\" + 0.015*\"hydrogen\" + 0.014*\"novotná\" + 0.013*\"quebec\"\n", - "2019-01-31 01:00:40,812 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.018*\"warmth\" + 0.017*\"lagrang\" + 0.017*\"area\" + 0.015*\"mount\" + 0.009*\"palmer\" + 0.009*\"north\" + 0.009*\"sourc\" + 0.008*\"foam\" + 0.008*\"lobe\"\n", - "2019-01-31 01:00:40,813 : INFO : topic #20 (0.020): 0.139*\"scholar\" + 0.039*\"struggl\" + 0.031*\"high\" + 0.031*\"educ\" + 0.025*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.009*\"district\" + 0.009*\"gothic\" + 0.009*\"class\"\n", - "2019-01-31 01:00:40,814 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.031*\"germani\" + 0.015*\"vol\" + 0.014*\"jewish\" + 0.014*\"berlin\" + 0.013*\"der\" + 0.013*\"israel\" + 0.011*\"european\" + 0.010*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:00:40,815 : INFO : topic #21 (0.020): 0.037*\"samford\" + 0.022*\"spain\" + 0.020*\"del\" + 0.017*\"mexico\" + 0.015*\"italian\" + 0.014*\"soviet\" + 0.012*\"juan\" + 0.011*\"santa\" + 0.011*\"carlo\" + 0.011*\"francisco\"\n", - "2019-01-31 01:00:40,821 : INFO : topic diff=0.004560, rho=0.027778\n", - "2019-01-31 01:00:40,973 : INFO : PROGRESS: pass 0, at document #2594000/4922894\n", - "2019-01-31 01:00:42,324 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:00:42,591 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.015*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"daughter\" + 0.012*\"john\"\n", - "2019-01-31 01:00:42,592 : INFO : topic #21 (0.020): 0.037*\"samford\" + 0.022*\"spain\" + 0.020*\"del\" + 0.017*\"mexico\" + 0.015*\"italian\" + 0.014*\"soviet\" + 0.011*\"juan\" + 0.011*\"santa\" + 0.011*\"carlo\" + 0.011*\"francisco\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:00:42,593 : INFO : topic #23 (0.020): 0.135*\"audit\" + 0.066*\"best\" + 0.033*\"yawn\" + 0.031*\"jacksonvil\" + 0.023*\"japanes\" + 0.022*\"noll\" + 0.020*\"festiv\" + 0.019*\"women\" + 0.019*\"intern\" + 0.015*\"prison\"\n", - "2019-01-31 01:00:42,594 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.017*\"area\" + 0.017*\"warmth\" + 0.017*\"lagrang\" + 0.015*\"mount\" + 0.009*\"palmer\" + 0.009*\"north\" + 0.009*\"sourc\" + 0.008*\"foam\" + 0.008*\"lobe\"\n", - "2019-01-31 01:00:42,595 : INFO : topic #39 (0.020): 0.057*\"canada\" + 0.043*\"canadian\" + 0.024*\"toronto\" + 0.022*\"hoar\" + 0.019*\"ontario\" + 0.015*\"new\" + 0.015*\"misericordia\" + 0.015*\"hydrogen\" + 0.015*\"novotná\" + 0.013*\"quebec\"\n", - "2019-01-31 01:00:42,601 : INFO : topic diff=0.004290, rho=0.027767\n", - "2019-01-31 01:00:42,756 : INFO : PROGRESS: pass 0, at document #2596000/4922894\n", - "2019-01-31 01:00:44,124 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:00:44,391 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.009*\"word\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"human\" + 0.006*\"cultur\"\n", - "2019-01-31 01:00:44,392 : INFO : topic #9 (0.020): 0.070*\"bone\" + 0.045*\"american\" + 0.027*\"valour\" + 0.019*\"dutch\" + 0.018*\"folei\" + 0.018*\"player\" + 0.018*\"english\" + 0.017*\"polit\" + 0.013*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:00:44,393 : INFO : topic #28 (0.020): 0.033*\"build\" + 0.026*\"hous\" + 0.019*\"rivièr\" + 0.018*\"buford\" + 0.014*\"histor\" + 0.011*\"constitut\" + 0.011*\"strategist\" + 0.011*\"briarwood\" + 0.010*\"depress\" + 0.010*\"linear\"\n", - "2019-01-31 01:00:44,394 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.032*\"incumb\" + 0.014*\"islam\" + 0.012*\"pakistan\" + 0.011*\"televis\" + 0.011*\"anglo\" + 0.011*\"muskoge\" + 0.010*\"sri\" + 0.009*\"khalsa\" + 0.009*\"affection\"\n", - "2019-01-31 01:00:44,395 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.025*\"palmer\" + 0.022*\"new\" + 0.015*\"strategist\" + 0.012*\"open\" + 0.012*\"center\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.009*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:00:44,401 : INFO : topic diff=0.003818, rho=0.027756\n", - "2019-01-31 01:00:44,561 : INFO : PROGRESS: pass 0, at document #2598000/4922894\n", - "2019-01-31 01:00:45,976 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:00:46,243 : INFO : topic #6 (0.020): 0.073*\"fewer\" + 0.024*\"epiru\" + 0.022*\"septemb\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"movi\" + 0.011*\"direct\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:00:46,244 : INFO : topic #31 (0.020): 0.052*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.022*\"player\" + 0.019*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.010*\"yawn\" + 0.010*\"folei\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:00:46,245 : INFO : topic #9 (0.020): 0.069*\"bone\" + 0.045*\"american\" + 0.027*\"valour\" + 0.019*\"dutch\" + 0.018*\"folei\" + 0.018*\"player\" + 0.018*\"english\" + 0.017*\"polit\" + 0.013*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:00:46,246 : INFO : topic #34 (0.020): 0.069*\"start\" + 0.034*\"new\" + 0.031*\"american\" + 0.030*\"unionist\" + 0.024*\"cotton\" + 0.022*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.013*\"terri\" + 0.011*\"violent\"\n", - "2019-01-31 01:00:46,247 : INFO : topic #13 (0.020): 0.026*\"london\" + 0.026*\"australia\" + 0.025*\"new\" + 0.025*\"sourc\" + 0.024*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.016*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:00:46,253 : INFO : topic diff=0.004088, rho=0.027746\n", - "2019-01-31 01:00:48,972 : INFO : -11.393 per-word bound, 2688.5 perplexity estimate based on a held-out corpus of 2000 documents with 584820 words\n", - "2019-01-31 01:00:48,972 : INFO : PROGRESS: pass 0, at document #2600000/4922894\n", - "2019-01-31 01:00:50,359 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:00:50,626 : INFO : topic #40 (0.020): 0.085*\"unit\" + 0.024*\"schuster\" + 0.022*\"requir\" + 0.021*\"institut\" + 0.019*\"collector\" + 0.018*\"student\" + 0.016*\"professor\" + 0.013*\"http\" + 0.012*\"word\" + 0.011*\"degre\"\n", - "2019-01-31 01:00:50,627 : INFO : topic #21 (0.020): 0.037*\"samford\" + 0.022*\"spain\" + 0.020*\"del\" + 0.017*\"mexico\" + 0.014*\"italian\" + 0.013*\"soviet\" + 0.012*\"juan\" + 0.011*\"santa\" + 0.011*\"carlo\" + 0.011*\"francisco\"\n", - "2019-01-31 01:00:50,628 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.033*\"incumb\" + 0.014*\"islam\" + 0.012*\"pakistan\" + 0.012*\"televis\" + 0.011*\"anglo\" + 0.010*\"muskoge\" + 0.010*\"sri\" + 0.009*\"khalsa\" + 0.009*\"affection\"\n", - "2019-01-31 01:00:50,629 : INFO : topic #6 (0.020): 0.073*\"fewer\" + 0.024*\"epiru\" + 0.022*\"septemb\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:00:50,630 : INFO : topic #35 (0.020): 0.058*\"russia\" + 0.039*\"sovereignti\" + 0.033*\"rural\" + 0.026*\"poison\" + 0.024*\"personifi\" + 0.023*\"reprint\" + 0.020*\"moscow\" + 0.017*\"poland\" + 0.016*\"unfortun\" + 0.014*\"czech\"\n", - "2019-01-31 01:00:50,637 : INFO : topic diff=0.004798, rho=0.027735\n", - "2019-01-31 01:00:50,797 : INFO : PROGRESS: pass 0, at document #2602000/4922894\n", - "2019-01-31 01:00:52,196 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:00:52,463 : INFO : topic #0 (0.020): 0.068*\"statewid\" + 0.042*\"line\" + 0.034*\"raid\" + 0.026*\"arsen\" + 0.023*\"museo\" + 0.020*\"traceabl\" + 0.018*\"serv\" + 0.016*\"rosenwald\" + 0.012*\"oper\" + 0.012*\"exhaust\"\n", - "2019-01-31 01:00:52,464 : INFO : topic #10 (0.020): 0.010*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.008*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"effect\" + 0.006*\"have\" + 0.006*\"treat\" + 0.006*\"proper\"\n", - "2019-01-31 01:00:52,465 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.053*\"parti\" + 0.024*\"democrat\" + 0.023*\"voluntari\" + 0.021*\"member\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.014*\"report\" + 0.014*\"bypass\" + 0.013*\"liber\"\n", - "2019-01-31 01:00:52,466 : INFO : topic #23 (0.020): 0.135*\"audit\" + 0.069*\"best\" + 0.033*\"yawn\" + 0.030*\"jacksonvil\" + 0.022*\"japanes\" + 0.022*\"noll\" + 0.020*\"festiv\" + 0.019*\"women\" + 0.018*\"intern\" + 0.015*\"prison\"\n", - "2019-01-31 01:00:52,467 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.024*\"factor\" + 0.012*\"feel\" + 0.011*\"plaisir\" + 0.011*\"adulthood\" + 0.011*\"male\" + 0.010*\"genu\" + 0.008*\"biom\" + 0.008*\"western\" + 0.008*\"median\"\n", - "2019-01-31 01:00:52,473 : INFO : topic diff=0.003857, rho=0.027724\n", - "2019-01-31 01:00:52,626 : INFO : PROGRESS: pass 0, at document #2604000/4922894\n", - "2019-01-31 01:00:53,968 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:00:54,234 : INFO : topic #23 (0.020): 0.135*\"audit\" + 0.069*\"best\" + 0.033*\"yawn\" + 0.030*\"jacksonvil\" + 0.022*\"japanes\" + 0.022*\"noll\" + 0.019*\"festiv\" + 0.019*\"women\" + 0.018*\"intern\" + 0.015*\"prison\"\n", - "2019-01-31 01:00:54,235 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.044*\"popolo\" + 0.042*\"vigour\" + 0.037*\"tortur\" + 0.031*\"cotton\" + 0.025*\"area\" + 0.022*\"multitud\" + 0.021*\"citi\" + 0.019*\"regim\" + 0.019*\"cede\"\n", - "2019-01-31 01:00:54,236 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.020*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:00:54,237 : INFO : topic #39 (0.020): 0.059*\"canada\" + 0.044*\"canadian\" + 0.024*\"toronto\" + 0.022*\"hoar\" + 0.019*\"ontario\" + 0.015*\"misericordia\" + 0.015*\"new\" + 0.015*\"hydrogen\" + 0.015*\"novotná\" + 0.013*\"quebec\"\n", - "2019-01-31 01:00:54,238 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.035*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:00:54,244 : INFO : topic diff=0.003731, rho=0.027714\n", - "2019-01-31 01:00:54,400 : INFO : PROGRESS: pass 0, at document #2606000/4922894\n", - "2019-01-31 01:00:55,767 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:00:56,033 : INFO : topic #10 (0.020): 0.010*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"effect\" + 0.006*\"have\" + 0.006*\"proper\" + 0.006*\"treat\"\n", - "2019-01-31 01:00:56,035 : INFO : topic #6 (0.020): 0.073*\"fewer\" + 0.024*\"epiru\" + 0.021*\"septemb\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"acrimoni\" + 0.011*\"direct\" + 0.011*\"movi\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:00:56,036 : INFO : topic #26 (0.020): 0.028*\"woman\" + 0.028*\"workplac\" + 0.028*\"champion\" + 0.027*\"men\" + 0.024*\"olymp\" + 0.021*\"medal\" + 0.020*\"event\" + 0.019*\"alic\" + 0.018*\"rainfal\" + 0.017*\"atheist\"\n", - "2019-01-31 01:00:56,036 : INFO : topic #23 (0.020): 0.135*\"audit\" + 0.069*\"best\" + 0.033*\"yawn\" + 0.030*\"jacksonvil\" + 0.022*\"japanes\" + 0.022*\"noll\" + 0.020*\"festiv\" + 0.019*\"women\" + 0.018*\"intern\" + 0.015*\"prison\"\n", - "2019-01-31 01:00:56,037 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.043*\"popolo\" + 0.042*\"vigour\" + 0.037*\"tortur\" + 0.031*\"cotton\" + 0.025*\"area\" + 0.022*\"multitud\" + 0.021*\"citi\" + 0.019*\"regim\" + 0.019*\"cede\"\n", - "2019-01-31 01:00:56,043 : INFO : topic diff=0.003342, rho=0.027703\n", - "2019-01-31 01:00:56,196 : INFO : PROGRESS: pass 0, at document #2608000/4922894\n", - "2019-01-31 01:00:57,545 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:00:57,811 : INFO : topic #46 (0.020): 0.017*\"sweden\" + 0.017*\"norwai\" + 0.016*\"swedish\" + 0.016*\"stop\" + 0.014*\"damag\" + 0.014*\"wind\" + 0.013*\"norwegian\" + 0.012*\"denmark\" + 0.011*\"danish\" + 0.011*\"turkish\"\n", - "2019-01-31 01:00:57,812 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"margin\" + 0.015*\"yawn\" + 0.014*\"bone\" + 0.012*\"life\" + 0.012*\"faster\" + 0.012*\"john\" + 0.012*\"daughter\"\n", - "2019-01-31 01:00:57,813 : INFO : topic #20 (0.020): 0.139*\"scholar\" + 0.040*\"struggl\" + 0.031*\"high\" + 0.031*\"educ\" + 0.024*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"gothic\" + 0.010*\"district\" + 0.009*\"class\"\n", - "2019-01-31 01:00:57,814 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.043*\"popolo\" + 0.042*\"vigour\" + 0.037*\"tortur\" + 0.031*\"cotton\" + 0.025*\"area\" + 0.022*\"multitud\" + 0.021*\"citi\" + 0.020*\"regim\" + 0.019*\"cede\"\n", - "2019-01-31 01:00:57,815 : INFO : topic #6 (0.020): 0.073*\"fewer\" + 0.024*\"epiru\" + 0.021*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"acrimoni\" + 0.011*\"direct\" + 0.011*\"movi\"\n", - "2019-01-31 01:00:57,821 : INFO : topic diff=0.004042, rho=0.027692\n", - "2019-01-31 01:00:57,978 : INFO : PROGRESS: pass 0, at document #2610000/4922894\n", - "2019-01-31 01:00:59,353 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:00:59,619 : INFO : topic #35 (0.020): 0.057*\"russia\" + 0.040*\"sovereignti\" + 0.033*\"rural\" + 0.025*\"poison\" + 0.023*\"personifi\" + 0.023*\"reprint\" + 0.020*\"moscow\" + 0.018*\"poland\" + 0.017*\"unfortun\" + 0.014*\"czech\"\n", - "2019-01-31 01:00:59,620 : INFO : topic #48 (0.020): 0.085*\"march\" + 0.079*\"sens\" + 0.078*\"octob\" + 0.075*\"januari\" + 0.073*\"juli\" + 0.072*\"august\" + 0.071*\"notion\" + 0.071*\"judici\" + 0.070*\"april\" + 0.069*\"decatur\"\n", - "2019-01-31 01:00:59,621 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"disco\" + 0.008*\"media\" + 0.007*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"effect\" + 0.006*\"proper\" + 0.006*\"have\" + 0.006*\"treat\"\n", - "2019-01-31 01:00:59,622 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.023*\"factor\" + 0.011*\"feel\" + 0.011*\"plaisir\" + 0.011*\"adulthood\" + 0.011*\"genu\" + 0.010*\"male\" + 0.008*\"biom\" + 0.008*\"western\" + 0.008*\"median\"\n", - "2019-01-31 01:00:59,623 : INFO : topic #13 (0.020): 0.026*\"australia\" + 0.026*\"london\" + 0.025*\"sourc\" + 0.025*\"new\" + 0.024*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.019*\"ireland\" + 0.016*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:00:59,630 : INFO : topic diff=0.003716, rho=0.027682\n", - "2019-01-31 01:00:59,783 : INFO : PROGRESS: pass 0, at document #2612000/4922894\n", - "2019-01-31 01:01:01,149 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:01:01,415 : INFO : topic #6 (0.020): 0.072*\"fewer\" + 0.023*\"epiru\" + 0.021*\"septemb\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"acrimoni\" + 0.011*\"movi\" + 0.010*\"direct\"\n", - "2019-01-31 01:01:01,416 : INFO : topic #27 (0.020): 0.071*\"questionnair\" + 0.021*\"taxpay\" + 0.021*\"candid\" + 0.013*\"ret\" + 0.012*\"driver\" + 0.012*\"find\" + 0.011*\"tornado\" + 0.011*\"fool\" + 0.010*\"champion\" + 0.010*\"squatter\"\n", - "2019-01-31 01:01:01,418 : INFO : topic #31 (0.020): 0.052*\"fusiform\" + 0.027*\"scientist\" + 0.026*\"taxpay\" + 0.023*\"player\" + 0.019*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.010*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:01:01,419 : INFO : topic #26 (0.020): 0.028*\"workplac\" + 0.028*\"champion\" + 0.028*\"woman\" + 0.026*\"men\" + 0.024*\"olymp\" + 0.021*\"medal\" + 0.020*\"event\" + 0.019*\"alic\" + 0.018*\"rainfal\" + 0.017*\"taxpay\"\n", - "2019-01-31 01:01:01,419 : INFO : topic #48 (0.020): 0.085*\"march\" + 0.079*\"sens\" + 0.078*\"octob\" + 0.075*\"januari\" + 0.073*\"juli\" + 0.072*\"august\" + 0.071*\"notion\" + 0.071*\"judici\" + 0.070*\"april\" + 0.069*\"decatur\"\n", - "2019-01-31 01:01:01,425 : INFO : topic diff=0.004119, rho=0.027671\n", - "2019-01-31 01:01:01,577 : INFO : PROGRESS: pass 0, at document #2614000/4922894\n", - "2019-01-31 01:01:02,926 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:01:03,192 : INFO : topic #27 (0.020): 0.071*\"questionnair\" + 0.021*\"taxpay\" + 0.021*\"candid\" + 0.013*\"ret\" + 0.012*\"driver\" + 0.012*\"find\" + 0.012*\"tornado\" + 0.011*\"fool\" + 0.010*\"squatter\" + 0.010*\"champion\"\n", - "2019-01-31 01:01:03,193 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.023*\"aggress\" + 0.020*\"armi\" + 0.019*\"walter\" + 0.018*\"com\" + 0.014*\"oper\" + 0.014*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.011*\"refut\"\n", - "2019-01-31 01:01:03,194 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"effect\" + 0.006*\"proper\" + 0.006*\"treat\" + 0.006*\"have\"\n", - "2019-01-31 01:01:03,195 : INFO : topic #39 (0.020): 0.058*\"canada\" + 0.045*\"canadian\" + 0.023*\"toronto\" + 0.022*\"hoar\" + 0.019*\"ontario\" + 0.015*\"new\" + 0.015*\"novotná\" + 0.015*\"misericordia\" + 0.015*\"hydrogen\" + 0.014*\"quebec\"\n", - "2019-01-31 01:01:03,197 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.011*\"aza\" + 0.009*\"forc\" + 0.008*\"battalion\" + 0.008*\"teufel\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.007*\"till\" + 0.006*\"militari\" + 0.006*\"govern\"\n", - "2019-01-31 01:01:03,203 : INFO : topic diff=0.004697, rho=0.027661\n", - "2019-01-31 01:01:03,363 : INFO : PROGRESS: pass 0, at document #2616000/4922894\n", - "2019-01-31 01:01:04,777 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:01:05,043 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"depress\" + 0.015*\"pour\" + 0.009*\"mode\" + 0.009*\"elabor\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.006*\"produc\" + 0.006*\"encyclopedia\" + 0.006*\"develop\"\n", - "2019-01-31 01:01:05,045 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.022*\"cortic\" + 0.021*\"act\" + 0.018*\"start\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"polaris\" + 0.010*\"replac\" + 0.009*\"legal\" + 0.007*\"justic\"\n", - "2019-01-31 01:01:05,046 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.032*\"incumb\" + 0.014*\"islam\" + 0.012*\"pakistan\" + 0.012*\"anglo\" + 0.011*\"televis\" + 0.011*\"sri\" + 0.011*\"muskoge\" + 0.010*\"tajikistan\" + 0.009*\"affection\"\n", - "2019-01-31 01:01:05,047 : INFO : topic #26 (0.020): 0.029*\"workplac\" + 0.028*\"champion\" + 0.028*\"woman\" + 0.026*\"men\" + 0.024*\"olymp\" + 0.021*\"medal\" + 0.020*\"alic\" + 0.020*\"event\" + 0.018*\"rainfal\" + 0.017*\"taxpay\"\n", - "2019-01-31 01:01:05,048 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"margin\" + 0.016*\"yawn\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"daughter\" + 0.012*\"john\"\n", - "2019-01-31 01:01:05,054 : INFO : topic diff=0.004615, rho=0.027650\n", - "2019-01-31 01:01:05,207 : INFO : PROGRESS: pass 0, at document #2618000/4922894\n", - "2019-01-31 01:01:06,567 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:01:06,834 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.043*\"popolo\" + 0.041*\"vigour\" + 0.037*\"tortur\" + 0.032*\"cotton\" + 0.024*\"area\" + 0.022*\"multitud\" + 0.021*\"citi\" + 0.020*\"regim\" + 0.019*\"cede\"\n", - "2019-01-31 01:01:06,835 : INFO : topic #23 (0.020): 0.134*\"audit\" + 0.068*\"best\" + 0.033*\"yawn\" + 0.030*\"jacksonvil\" + 0.022*\"japanes\" + 0.022*\"noll\" + 0.019*\"festiv\" + 0.019*\"women\" + 0.018*\"intern\" + 0.015*\"prison\"\n", - "2019-01-31 01:01:06,836 : INFO : topic #45 (0.020): 0.028*\"jpg\" + 0.026*\"fifteenth\" + 0.018*\"illicit\" + 0.018*\"colder\" + 0.015*\"black\" + 0.014*\"western\" + 0.012*\"record\" + 0.011*\"blind\" + 0.010*\"pain\" + 0.009*\"depress\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:01:06,837 : INFO : topic #20 (0.020): 0.140*\"scholar\" + 0.039*\"struggl\" + 0.032*\"high\" + 0.030*\"educ\" + 0.025*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.009*\"gothic\" + 0.009*\"task\"\n", - "2019-01-31 01:01:06,838 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"margin\" + 0.016*\"yawn\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"daughter\" + 0.012*\"john\"\n", - "2019-01-31 01:01:06,844 : INFO : topic diff=0.003545, rho=0.027639\n", - "2019-01-31 01:01:09,520 : INFO : -11.563 per-word bound, 3025.0 perplexity estimate based on a held-out corpus of 2000 documents with 519730 words\n", - "2019-01-31 01:01:09,520 : INFO : PROGRESS: pass 0, at document #2620000/4922894\n", - "2019-01-31 01:01:10,899 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:01:11,166 : INFO : topic #0 (0.020): 0.068*\"statewid\" + 0.042*\"line\" + 0.035*\"raid\" + 0.027*\"arsen\" + 0.023*\"museo\" + 0.020*\"traceabl\" + 0.018*\"serv\" + 0.016*\"rosenwald\" + 0.013*\"oper\" + 0.012*\"exhaust\"\n", - "2019-01-31 01:01:11,167 : INFO : topic #1 (0.020): 0.056*\"china\" + 0.045*\"chilton\" + 0.024*\"hong\" + 0.024*\"kong\" + 0.022*\"korea\" + 0.018*\"korean\" + 0.015*\"leah\" + 0.015*\"taiwan\" + 0.014*\"sourc\" + 0.014*\"kim\"\n", - "2019-01-31 01:01:11,168 : INFO : topic #17 (0.020): 0.078*\"church\" + 0.021*\"cathol\" + 0.021*\"christian\" + 0.020*\"bishop\" + 0.015*\"sail\" + 0.015*\"retroflex\" + 0.012*\"centuri\" + 0.009*\"historiographi\" + 0.009*\"relationship\" + 0.009*\"poll\"\n", - "2019-01-31 01:01:11,169 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.034*\"publicis\" + 0.027*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"collect\" + 0.011*\"storag\" + 0.011*\"nicola\" + 0.011*\"author\"\n", - "2019-01-31 01:01:11,170 : INFO : topic #29 (0.020): 0.030*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"market\" + 0.011*\"produc\" + 0.011*\"bank\" + 0.010*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"oper\"\n", - "2019-01-31 01:01:11,176 : INFO : topic diff=0.003525, rho=0.027629\n", - "2019-01-31 01:01:11,337 : INFO : PROGRESS: pass 0, at document #2622000/4922894\n", - "2019-01-31 01:01:13,198 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:01:13,464 : INFO : topic #39 (0.020): 0.059*\"canada\" + 0.045*\"canadian\" + 0.024*\"toronto\" + 0.022*\"hoar\" + 0.019*\"ontario\" + 0.015*\"hydrogen\" + 0.015*\"misericordia\" + 0.015*\"new\" + 0.014*\"novotná\" + 0.014*\"quebec\"\n", - "2019-01-31 01:01:13,465 : INFO : topic #13 (0.020): 0.026*\"australia\" + 0.026*\"london\" + 0.025*\"sourc\" + 0.025*\"new\" + 0.024*\"england\" + 0.021*\"australian\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.016*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:01:13,466 : INFO : topic #16 (0.020): 0.049*\"king\" + 0.029*\"priest\" + 0.019*\"duke\" + 0.019*\"grammat\" + 0.018*\"rotterdam\" + 0.018*\"idiosyncrat\" + 0.016*\"quarterli\" + 0.014*\"portugues\" + 0.014*\"order\" + 0.014*\"brazil\"\n", - "2019-01-31 01:01:13,467 : INFO : topic #31 (0.020): 0.052*\"fusiform\" + 0.027*\"scientist\" + 0.026*\"taxpay\" + 0.023*\"player\" + 0.019*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.011*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:01:13,468 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.012*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 01:01:13,474 : INFO : topic diff=0.004504, rho=0.027618\n", - "2019-01-31 01:01:13,692 : INFO : PROGRESS: pass 0, at document #2624000/4922894\n", - "2019-01-31 01:01:15,087 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:01:15,352 : INFO : topic #34 (0.020): 0.068*\"start\" + 0.035*\"new\" + 0.031*\"american\" + 0.030*\"unionist\" + 0.024*\"cotton\" + 0.022*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.013*\"terri\" + 0.011*\"north\"\n", - "2019-01-31 01:01:15,353 : INFO : topic #40 (0.020): 0.085*\"unit\" + 0.023*\"schuster\" + 0.022*\"requir\" + 0.021*\"institut\" + 0.019*\"collector\" + 0.019*\"student\" + 0.015*\"professor\" + 0.013*\"http\" + 0.012*\"word\" + 0.012*\"degre\"\n", - "2019-01-31 01:01:15,354 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.026*\"offic\" + 0.023*\"nation\" + 0.023*\"minist\" + 0.022*\"govern\" + 0.022*\"member\" + 0.017*\"start\" + 0.016*\"serv\" + 0.016*\"gener\" + 0.014*\"seri\"\n", - "2019-01-31 01:01:15,355 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.024*\"factor\" + 0.012*\"plaisir\" + 0.011*\"feel\" + 0.011*\"genu\" + 0.010*\"adulthood\" + 0.010*\"male\" + 0.008*\"western\" + 0.008*\"median\" + 0.008*\"biom\"\n", - "2019-01-31 01:01:15,357 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"help\" + 0.004*\"call\"\n", - "2019-01-31 01:01:15,362 : INFO : topic diff=0.004411, rho=0.027608\n", - "2019-01-31 01:01:15,521 : INFO : PROGRESS: pass 0, at document #2626000/4922894\n", - "2019-01-31 01:01:16,904 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:01:17,171 : INFO : topic #35 (0.020): 0.058*\"russia\" + 0.039*\"sovereignti\" + 0.033*\"rural\" + 0.025*\"poison\" + 0.024*\"personifi\" + 0.024*\"reprint\" + 0.020*\"moscow\" + 0.018*\"poland\" + 0.016*\"unfortun\" + 0.014*\"czech\"\n", - "2019-01-31 01:01:17,172 : INFO : topic #30 (0.020): 0.035*\"leagu\" + 0.035*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.016*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:01:17,173 : INFO : topic #20 (0.020): 0.138*\"scholar\" + 0.039*\"struggl\" + 0.031*\"high\" + 0.030*\"educ\" + 0.024*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.011*\"district\" + 0.010*\"gothic\" + 0.009*\"start\"\n", - "2019-01-31 01:01:17,174 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.034*\"publicis\" + 0.026*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"collect\" + 0.011*\"storag\" + 0.011*\"nicola\" + 0.011*\"author\"\n", - "2019-01-31 01:01:17,175 : INFO : topic #45 (0.020): 0.028*\"jpg\" + 0.026*\"fifteenth\" + 0.018*\"illicit\" + 0.018*\"colder\" + 0.015*\"black\" + 0.014*\"western\" + 0.012*\"record\" + 0.010*\"blind\" + 0.010*\"pain\" + 0.009*\"depress\"\n", - "2019-01-31 01:01:17,181 : INFO : topic diff=0.004979, rho=0.027597\n", - "2019-01-31 01:01:17,341 : INFO : PROGRESS: pass 0, at document #2628000/4922894\n", - "2019-01-31 01:01:18,752 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:01:19,018 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"help\" + 0.004*\"call\"\n", - "2019-01-31 01:01:19,019 : INFO : topic #1 (0.020): 0.056*\"china\" + 0.045*\"chilton\" + 0.024*\"hong\" + 0.023*\"kong\" + 0.022*\"korea\" + 0.019*\"korean\" + 0.016*\"leah\" + 0.014*\"taiwan\" + 0.014*\"sourc\" + 0.014*\"shirin\"\n", - "2019-01-31 01:01:19,020 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.043*\"popolo\" + 0.042*\"vigour\" + 0.037*\"tortur\" + 0.031*\"cotton\" + 0.024*\"area\" + 0.022*\"multitud\" + 0.021*\"citi\" + 0.020*\"regim\" + 0.019*\"cede\"\n", - "2019-01-31 01:01:19,021 : INFO : topic #2 (0.020): 0.052*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.012*\"pope\" + 0.011*\"blur\" + 0.011*\"nativist\" + 0.011*\"coalit\" + 0.010*\"bahá\" + 0.009*\"fleet\"\n", - "2019-01-31 01:01:19,022 : INFO : topic #42 (0.020): 0.046*\"german\" + 0.032*\"germani\" + 0.015*\"vol\" + 0.014*\"berlin\" + 0.014*\"jewish\" + 0.014*\"israel\" + 0.013*\"der\" + 0.010*\"europ\" + 0.010*\"european\" + 0.009*\"austria\"\n", - "2019-01-31 01:01:19,028 : INFO : topic diff=0.004392, rho=0.027587\n", - "2019-01-31 01:01:19,197 : INFO : PROGRESS: pass 0, at document #2630000/4922894\n", - "2019-01-31 01:01:20,624 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:01:20,890 : INFO : topic #45 (0.020): 0.028*\"jpg\" + 0.026*\"fifteenth\" + 0.018*\"illicit\" + 0.018*\"colder\" + 0.015*\"black\" + 0.014*\"western\" + 0.012*\"record\" + 0.010*\"blind\" + 0.010*\"pain\" + 0.009*\"depress\"\n", - "2019-01-31 01:01:20,892 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.024*\"aggress\" + 0.020*\"walter\" + 0.020*\"armi\" + 0.017*\"com\" + 0.014*\"oper\" + 0.014*\"unionist\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.011*\"refut\"\n", - "2019-01-31 01:01:20,893 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.023*\"factor\" + 0.012*\"plaisir\" + 0.011*\"feel\" + 0.011*\"genu\" + 0.010*\"adulthood\" + 0.010*\"male\" + 0.008*\"biom\" + 0.008*\"median\" + 0.008*\"western\"\n", - "2019-01-31 01:01:20,894 : INFO : topic #16 (0.020): 0.049*\"king\" + 0.029*\"priest\" + 0.020*\"duke\" + 0.019*\"rotterdam\" + 0.019*\"grammat\" + 0.017*\"idiosyncrat\" + 0.016*\"quarterli\" + 0.014*\"order\" + 0.014*\"brazil\" + 0.013*\"portugues\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:01:20,895 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.045*\"chilton\" + 0.023*\"hong\" + 0.023*\"kong\" + 0.022*\"korea\" + 0.019*\"korean\" + 0.015*\"leah\" + 0.015*\"taiwan\" + 0.014*\"sourc\" + 0.014*\"shirin\"\n", - "2019-01-31 01:01:20,901 : INFO : topic diff=0.004655, rho=0.027576\n", - "2019-01-31 01:01:21,063 : INFO : PROGRESS: pass 0, at document #2632000/4922894\n", - "2019-01-31 01:01:22,484 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:01:22,750 : INFO : topic #27 (0.020): 0.072*\"questionnair\" + 0.021*\"taxpay\" + 0.020*\"candid\" + 0.014*\"ret\" + 0.012*\"driver\" + 0.012*\"find\" + 0.012*\"tornado\" + 0.011*\"fool\" + 0.011*\"landslid\" + 0.010*\"squatter\"\n", - "2019-01-31 01:01:22,751 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"have\" + 0.006*\"treat\"\n", - "2019-01-31 01:01:22,752 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.034*\"perceptu\" + 0.022*\"theater\" + 0.018*\"damn\" + 0.018*\"place\" + 0.017*\"compos\" + 0.013*\"orchestr\" + 0.013*\"olympo\" + 0.012*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 01:01:22,753 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.022*\"cortic\" + 0.020*\"act\" + 0.018*\"start\" + 0.012*\"ricardo\" + 0.012*\"case\" + 0.010*\"polaris\" + 0.010*\"replac\" + 0.009*\"legal\" + 0.007*\"justic\"\n", - "2019-01-31 01:01:22,755 : INFO : topic #17 (0.020): 0.078*\"church\" + 0.022*\"cathol\" + 0.021*\"christian\" + 0.020*\"bishop\" + 0.015*\"sail\" + 0.015*\"retroflex\" + 0.012*\"centuri\" + 0.009*\"relationship\" + 0.009*\"historiographi\" + 0.009*\"poll\"\n", - "2019-01-31 01:01:22,760 : INFO : topic diff=0.004501, rho=0.027566\n", - "2019-01-31 01:01:22,923 : INFO : PROGRESS: pass 0, at document #2634000/4922894\n", - "2019-01-31 01:01:24,352 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:01:24,618 : INFO : topic #25 (0.020): 0.033*\"ring\" + 0.018*\"lagrang\" + 0.018*\"area\" + 0.017*\"warmth\" + 0.016*\"mount\" + 0.009*\"north\" + 0.009*\"palmer\" + 0.009*\"sourc\" + 0.009*\"vacant\" + 0.009*\"foam\"\n", - "2019-01-31 01:01:24,619 : INFO : topic #2 (0.020): 0.053*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.010*\"bahá\" + 0.009*\"fleet\"\n", - "2019-01-31 01:01:24,620 : INFO : topic #16 (0.020): 0.049*\"king\" + 0.030*\"priest\" + 0.020*\"duke\" + 0.019*\"rotterdam\" + 0.019*\"grammat\" + 0.017*\"idiosyncrat\" + 0.016*\"quarterli\" + 0.014*\"order\" + 0.013*\"portugues\" + 0.013*\"kingdom\"\n", - "2019-01-31 01:01:24,622 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"group\" + 0.009*\"word\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.007*\"woman\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:01:24,623 : INFO : topic #39 (0.020): 0.058*\"canada\" + 0.046*\"canadian\" + 0.024*\"toronto\" + 0.022*\"hoar\" + 0.020*\"ontario\" + 0.016*\"hydrogen\" + 0.015*\"new\" + 0.014*\"misericordia\" + 0.014*\"novotná\" + 0.014*\"quebec\"\n", - "2019-01-31 01:01:24,628 : INFO : topic diff=0.004843, rho=0.027555\n", - "2019-01-31 01:01:24,790 : INFO : PROGRESS: pass 0, at document #2636000/4922894\n", - "2019-01-31 01:01:26,209 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:01:26,476 : INFO : topic #37 (0.020): 0.011*\"charact\" + 0.010*\"man\" + 0.009*\"septemb\" + 0.008*\"anim\" + 0.008*\"comic\" + 0.007*\"love\" + 0.007*\"appear\" + 0.006*\"gestur\" + 0.006*\"workplac\" + 0.005*\"storag\"\n", - "2019-01-31 01:01:26,477 : INFO : topic #27 (0.020): 0.072*\"questionnair\" + 0.021*\"candid\" + 0.021*\"taxpay\" + 0.014*\"driver\" + 0.013*\"ret\" + 0.012*\"find\" + 0.012*\"tornado\" + 0.011*\"fool\" + 0.011*\"landslid\" + 0.010*\"squatter\"\n", - "2019-01-31 01:01:26,478 : INFO : topic #21 (0.020): 0.035*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.018*\"mexico\" + 0.014*\"italian\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.012*\"juan\" + 0.011*\"lizard\" + 0.011*\"carlo\"\n", - "2019-01-31 01:01:26,479 : INFO : topic #0 (0.020): 0.066*\"statewid\" + 0.042*\"line\" + 0.035*\"raid\" + 0.027*\"arsen\" + 0.024*\"museo\" + 0.020*\"traceabl\" + 0.018*\"serv\" + 0.017*\"rosenwald\" + 0.013*\"oper\" + 0.012*\"exhaust\"\n", - "2019-01-31 01:01:26,480 : INFO : topic #49 (0.020): 0.045*\"india\" + 0.033*\"incumb\" + 0.013*\"islam\" + 0.012*\"anglo\" + 0.012*\"pakistan\" + 0.011*\"televis\" + 0.010*\"muskoge\" + 0.010*\"sri\" + 0.010*\"tajikistan\" + 0.010*\"khalsa\"\n", - "2019-01-31 01:01:26,486 : INFO : topic diff=0.004382, rho=0.027545\n", - "2019-01-31 01:01:26,647 : INFO : PROGRESS: pass 0, at document #2638000/4922894\n", - "2019-01-31 01:01:28,029 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:01:28,298 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.043*\"vigour\" + 0.042*\"popolo\" + 0.036*\"tortur\" + 0.031*\"cotton\" + 0.024*\"area\" + 0.024*\"multitud\" + 0.021*\"citi\" + 0.020*\"regim\" + 0.019*\"cede\"\n", - "2019-01-31 01:01:28,299 : INFO : topic #23 (0.020): 0.133*\"audit\" + 0.068*\"best\" + 0.033*\"yawn\" + 0.030*\"jacksonvil\" + 0.022*\"japanes\" + 0.022*\"noll\" + 0.019*\"women\" + 0.019*\"festiv\" + 0.018*\"intern\" + 0.015*\"prison\"\n", - "2019-01-31 01:01:28,300 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"group\" + 0.009*\"word\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.007*\"woman\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:01:28,301 : INFO : topic #43 (0.020): 0.063*\"elect\" + 0.054*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.021*\"member\" + 0.016*\"polici\" + 0.014*\"republ\" + 0.014*\"bypass\" + 0.013*\"report\" + 0.013*\"liber\"\n", - "2019-01-31 01:01:28,303 : INFO : topic #30 (0.020): 0.035*\"cleveland\" + 0.035*\"leagu\" + 0.029*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.016*\"martin\" + 0.013*\"schmitz\"\n", - "2019-01-31 01:01:28,308 : INFO : topic diff=0.004108, rho=0.027535\n", - "2019-01-31 01:01:31,013 : INFO : -11.656 per-word bound, 3227.8 perplexity estimate based on a held-out corpus of 2000 documents with 541004 words\n", - "2019-01-31 01:01:31,013 : INFO : PROGRESS: pass 0, at document #2640000/4922894\n", - "2019-01-31 01:01:32,405 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:01:32,672 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.034*\"perceptu\" + 0.022*\"theater\" + 0.018*\"place\" + 0.018*\"damn\" + 0.017*\"compos\" + 0.013*\"orchestr\" + 0.013*\"olympo\" + 0.013*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 01:01:32,673 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"margin\" + 0.016*\"yawn\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"daughter\" + 0.012*\"john\"\n", - "2019-01-31 01:01:32,674 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.023*\"epiru\" + 0.022*\"septemb\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"acrimoni\" + 0.011*\"direct\" + 0.011*\"movi\"\n", - "2019-01-31 01:01:32,676 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.034*\"publicis\" + 0.027*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"collect\" + 0.011*\"storag\" + 0.011*\"nicola\" + 0.011*\"author\"\n", - "2019-01-31 01:01:32,677 : INFO : topic #34 (0.020): 0.069*\"start\" + 0.034*\"new\" + 0.031*\"american\" + 0.030*\"unionist\" + 0.024*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.013*\"terri\" + 0.011*\"north\"\n", - "2019-01-31 01:01:32,683 : INFO : topic diff=0.003775, rho=0.027524\n", - "2019-01-31 01:01:32,843 : INFO : PROGRESS: pass 0, at document #2642000/4922894\n", - "2019-01-31 01:01:34,253 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:01:34,520 : INFO : topic #45 (0.020): 0.027*\"jpg\" + 0.025*\"fifteenth\" + 0.018*\"illicit\" + 0.018*\"colder\" + 0.015*\"black\" + 0.014*\"western\" + 0.012*\"record\" + 0.010*\"pain\" + 0.010*\"blind\" + 0.009*\"depress\"\n", - "2019-01-31 01:01:34,521 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.024*\"aggress\" + 0.020*\"armi\" + 0.019*\"walter\" + 0.017*\"com\" + 0.014*\"oper\" + 0.014*\"unionist\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:01:34,522 : INFO : topic #1 (0.020): 0.053*\"china\" + 0.045*\"chilton\" + 0.024*\"hong\" + 0.024*\"kong\" + 0.021*\"korea\" + 0.019*\"korean\" + 0.015*\"shirin\" + 0.015*\"leah\" + 0.015*\"sourc\" + 0.013*\"taiwan\"\n", - "2019-01-31 01:01:34,523 : INFO : topic #35 (0.020): 0.059*\"russia\" + 0.038*\"sovereignti\" + 0.033*\"rural\" + 0.025*\"personifi\" + 0.024*\"poison\" + 0.024*\"reprint\" + 0.021*\"moscow\" + 0.017*\"poland\" + 0.016*\"unfortun\" + 0.015*\"czech\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:01:34,524 : INFO : topic #43 (0.020): 0.063*\"elect\" + 0.054*\"parti\" + 0.024*\"voluntari\" + 0.022*\"democrat\" + 0.021*\"member\" + 0.016*\"polici\" + 0.014*\"republ\" + 0.013*\"bypass\" + 0.013*\"report\" + 0.013*\"liber\"\n", - "2019-01-31 01:01:34,529 : INFO : topic diff=0.004781, rho=0.027514\n", - "2019-01-31 01:01:34,689 : INFO : PROGRESS: pass 0, at document #2644000/4922894\n", - "2019-01-31 01:01:36,088 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:01:36,355 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.012*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 01:01:36,356 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.016*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.006*\"ancestor\"\n", - "2019-01-31 01:01:36,357 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.008*\"forc\" + 0.008*\"battalion\" + 0.008*\"teufel\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.007*\"till\" + 0.006*\"militari\" + 0.006*\"govern\"\n", - "2019-01-31 01:01:36,358 : INFO : topic #27 (0.020): 0.072*\"questionnair\" + 0.021*\"candid\" + 0.020*\"taxpay\" + 0.014*\"driver\" + 0.013*\"ret\" + 0.012*\"find\" + 0.012*\"tornado\" + 0.011*\"fool\" + 0.011*\"squatter\" + 0.011*\"landslid\"\n", - "2019-01-31 01:01:36,359 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.024*\"palmer\" + 0.022*\"new\" + 0.015*\"strategist\" + 0.012*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.009*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:01:36,365 : INFO : topic diff=0.004381, rho=0.027503\n", - "2019-01-31 01:01:36,524 : INFO : PROGRESS: pass 0, at document #2646000/4922894\n", - "2019-01-31 01:01:37,916 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:01:38,184 : INFO : topic #35 (0.020): 0.058*\"russia\" + 0.038*\"sovereignti\" + 0.033*\"rural\" + 0.025*\"personifi\" + 0.024*\"poison\" + 0.024*\"reprint\" + 0.021*\"moscow\" + 0.017*\"poland\" + 0.016*\"unfortun\" + 0.015*\"czech\"\n", - "2019-01-31 01:01:38,185 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.027*\"offic\" + 0.024*\"nation\" + 0.022*\"minist\" + 0.022*\"govern\" + 0.021*\"member\" + 0.017*\"start\" + 0.017*\"serv\" + 0.016*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:01:38,186 : INFO : topic #39 (0.020): 0.059*\"canada\" + 0.046*\"canadian\" + 0.023*\"hoar\" + 0.023*\"toronto\" + 0.020*\"ontario\" + 0.016*\"hydrogen\" + 0.015*\"novotná\" + 0.015*\"new\" + 0.014*\"misericordia\" + 0.013*\"quebec\"\n", - "2019-01-31 01:01:38,187 : INFO : topic #23 (0.020): 0.133*\"audit\" + 0.068*\"best\" + 0.033*\"yawn\" + 0.030*\"jacksonvil\" + 0.022*\"japanes\" + 0.022*\"noll\" + 0.019*\"festiv\" + 0.019*\"women\" + 0.018*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 01:01:38,188 : INFO : topic #21 (0.020): 0.035*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.017*\"mexico\" + 0.014*\"soviet\" + 0.014*\"italian\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"carlo\" + 0.011*\"lizard\"\n", - "2019-01-31 01:01:38,194 : INFO : topic diff=0.003199, rho=0.027493\n", - "2019-01-31 01:01:38,352 : INFO : PROGRESS: pass 0, at document #2648000/4922894\n", - "2019-01-31 01:01:39,736 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:01:40,003 : INFO : topic #31 (0.020): 0.051*\"fusiform\" + 0.028*\"scientist\" + 0.026*\"taxpay\" + 0.022*\"player\" + 0.019*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.011*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:01:40,004 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.008*\"forc\" + 0.008*\"battalion\" + 0.008*\"teufel\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.007*\"till\" + 0.006*\"militari\" + 0.006*\"govern\"\n", - "2019-01-31 01:01:40,005 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.043*\"popolo\" + 0.043*\"vigour\" + 0.036*\"tortur\" + 0.031*\"cotton\" + 0.024*\"multitud\" + 0.024*\"area\" + 0.021*\"citi\" + 0.020*\"regim\" + 0.019*\"cede\"\n", - "2019-01-31 01:01:40,006 : INFO : topic #34 (0.020): 0.069*\"start\" + 0.034*\"new\" + 0.031*\"american\" + 0.030*\"unionist\" + 0.024*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.013*\"terri\" + 0.011*\"north\"\n", - "2019-01-31 01:01:40,007 : INFO : topic #0 (0.020): 0.066*\"statewid\" + 0.042*\"line\" + 0.035*\"raid\" + 0.027*\"arsen\" + 0.024*\"museo\" + 0.020*\"traceabl\" + 0.018*\"serv\" + 0.018*\"rosenwald\" + 0.012*\"oper\" + 0.012*\"exhaust\"\n", - "2019-01-31 01:01:40,013 : INFO : topic diff=0.004189, rho=0.027482\n", - "2019-01-31 01:01:40,167 : INFO : PROGRESS: pass 0, at document #2650000/4922894\n", - "2019-01-31 01:01:41,538 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:01:41,808 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.035*\"perceptu\" + 0.021*\"theater\" + 0.018*\"place\" + 0.017*\"compos\" + 0.017*\"damn\" + 0.014*\"orchestr\" + 0.013*\"physician\" + 0.012*\"olympo\" + 0.011*\"word\"\n", - "2019-01-31 01:01:41,809 : INFO : topic #31 (0.020): 0.052*\"fusiform\" + 0.027*\"scientist\" + 0.026*\"taxpay\" + 0.022*\"player\" + 0.019*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.011*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:01:41,810 : INFO : topic #21 (0.020): 0.034*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.017*\"mexico\" + 0.014*\"soviet\" + 0.014*\"italian\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"carlo\" + 0.011*\"lizard\"\n", - "2019-01-31 01:01:41,811 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.024*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.017*\"com\" + 0.014*\"oper\" + 0.014*\"unionist\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:01:41,812 : INFO : topic #46 (0.020): 0.017*\"norwai\" + 0.017*\"sweden\" + 0.016*\"swedish\" + 0.016*\"stop\" + 0.015*\"damag\" + 0.013*\"norwegian\" + 0.013*\"wind\" + 0.011*\"turkish\" + 0.011*\"treeless\" + 0.011*\"turkei\"\n", - "2019-01-31 01:01:41,818 : INFO : topic diff=0.004307, rho=0.027472\n", - "2019-01-31 01:01:41,976 : INFO : PROGRESS: pass 0, at document #2652000/4922894\n", - "2019-01-31 01:01:43,368 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:01:43,635 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"help\" + 0.004*\"call\"\n", - "2019-01-31 01:01:43,636 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.023*\"factor\" + 0.012*\"plaisir\" + 0.012*\"feel\" + 0.011*\"male\" + 0.010*\"genu\" + 0.010*\"adulthood\" + 0.008*\"median\" + 0.008*\"western\" + 0.008*\"biom\"\n", - "2019-01-31 01:01:43,637 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.018*\"lagrang\" + 0.018*\"area\" + 0.017*\"warmth\" + 0.016*\"mount\" + 0.009*\"north\" + 0.009*\"palmer\" + 0.009*\"sourc\" + 0.008*\"vacant\" + 0.008*\"foam\"\n", - "2019-01-31 01:01:43,638 : INFO : topic #27 (0.020): 0.072*\"questionnair\" + 0.020*\"candid\" + 0.019*\"taxpay\" + 0.014*\"driver\" + 0.013*\"ret\" + 0.012*\"find\" + 0.012*\"fool\" + 0.012*\"tornado\" + 0.011*\"squatter\" + 0.011*\"landslid\"\n", - "2019-01-31 01:01:43,639 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.032*\"germani\" + 0.015*\"vol\" + 0.015*\"berlin\" + 0.013*\"jewish\" + 0.013*\"israel\" + 0.013*\"der\" + 0.010*\"europ\" + 0.010*\"european\" + 0.009*\"austria\"\n", - "2019-01-31 01:01:43,646 : INFO : topic diff=0.004178, rho=0.027462\n", - "2019-01-31 01:01:43,861 : INFO : PROGRESS: pass 0, at document #2654000/4922894\n", - "2019-01-31 01:01:45,254 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:01:45,520 : INFO : topic #16 (0.020): 0.049*\"king\" + 0.030*\"priest\" + 0.021*\"duke\" + 0.019*\"rotterdam\" + 0.018*\"grammat\" + 0.017*\"idiosyncrat\" + 0.017*\"quarterli\" + 0.014*\"kingdom\" + 0.013*\"brazil\" + 0.013*\"order\"\n", - "2019-01-31 01:01:45,521 : INFO : topic #26 (0.020): 0.030*\"workplac\" + 0.028*\"woman\" + 0.028*\"champion\" + 0.026*\"men\" + 0.025*\"olymp\" + 0.021*\"medal\" + 0.019*\"event\" + 0.019*\"atheist\" + 0.019*\"alic\" + 0.018*\"rainfal\"\n", - "2019-01-31 01:01:45,522 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.027*\"offic\" + 0.024*\"nation\" + 0.023*\"minist\" + 0.022*\"govern\" + 0.021*\"member\" + 0.017*\"serv\" + 0.017*\"start\" + 0.016*\"gener\" + 0.014*\"seri\"\n", - "2019-01-31 01:01:45,523 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"help\" + 0.004*\"call\"\n", - "2019-01-31 01:01:45,524 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.021*\"cathol\" + 0.021*\"christian\" + 0.020*\"bishop\" + 0.016*\"retroflex\" + 0.015*\"sail\" + 0.012*\"centuri\" + 0.009*\"historiographi\" + 0.009*\"relationship\" + 0.009*\"poll\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:01:45,530 : INFO : topic diff=0.003964, rho=0.027451\n", - "2019-01-31 01:01:45,685 : INFO : PROGRESS: pass 0, at document #2656000/4922894\n", - "2019-01-31 01:01:47,060 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:01:47,327 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.035*\"leagu\" + 0.029*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.013*\"schmitz\"\n", - "2019-01-31 01:01:47,328 : INFO : topic #33 (0.020): 0.060*\"french\" + 0.045*\"franc\" + 0.030*\"pari\" + 0.028*\"sail\" + 0.021*\"jean\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.008*\"wine\"\n", - "2019-01-31 01:01:47,329 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.035*\"perceptu\" + 0.021*\"theater\" + 0.018*\"place\" + 0.018*\"compos\" + 0.017*\"damn\" + 0.014*\"orchestr\" + 0.013*\"physician\" + 0.012*\"olympo\" + 0.011*\"word\"\n", - "2019-01-31 01:01:47,330 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.012*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"georg\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 01:01:47,331 : INFO : topic #44 (0.020): 0.029*\"rooftop\" + 0.027*\"final\" + 0.023*\"wife\" + 0.020*\"tourist\" + 0.019*\"champion\" + 0.015*\"martin\" + 0.015*\"chamber\" + 0.015*\"tiepolo\" + 0.014*\"taxpay\" + 0.013*\"winner\"\n", - "2019-01-31 01:01:47,337 : INFO : topic diff=0.003786, rho=0.027441\n", - "2019-01-31 01:01:47,491 : INFO : PROGRESS: pass 0, at document #2658000/4922894\n", - "2019-01-31 01:01:48,834 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:01:49,101 : INFO : topic #27 (0.020): 0.072*\"questionnair\" + 0.021*\"candid\" + 0.020*\"taxpay\" + 0.014*\"driver\" + 0.013*\"ret\" + 0.012*\"tornado\" + 0.012*\"find\" + 0.011*\"fool\" + 0.011*\"landslid\" + 0.010*\"squatter\"\n", - "2019-01-31 01:01:49,102 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.035*\"perceptu\" + 0.021*\"theater\" + 0.018*\"place\" + 0.018*\"compos\" + 0.017*\"damn\" + 0.014*\"orchestr\" + 0.013*\"physician\" + 0.012*\"olympo\" + 0.011*\"word\"\n", - "2019-01-31 01:01:49,103 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.035*\"leagu\" + 0.029*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.013*\"schmitz\"\n", - "2019-01-31 01:01:49,104 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.012*\"deal\" + 0.012*\"life\" + 0.012*\"john\"\n", - "2019-01-31 01:01:49,105 : INFO : topic #39 (0.020): 0.058*\"canada\" + 0.044*\"canadian\" + 0.024*\"hoar\" + 0.023*\"toronto\" + 0.019*\"ontario\" + 0.016*\"novotná\" + 0.016*\"hydrogen\" + 0.015*\"new\" + 0.014*\"misericordia\" + 0.014*\"quebec\"\n", - "2019-01-31 01:01:49,111 : INFO : topic diff=0.004013, rho=0.027431\n", - "2019-01-31 01:01:51,765 : INFO : -11.632 per-word bound, 3173.2 perplexity estimate based on a held-out corpus of 2000 documents with 553630 words\n", - "2019-01-31 01:01:51,765 : INFO : PROGRESS: pass 0, at document #2660000/4922894\n", - "2019-01-31 01:01:53,126 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:01:53,392 : INFO : topic #9 (0.020): 0.069*\"bone\" + 0.045*\"american\" + 0.027*\"valour\" + 0.020*\"dutch\" + 0.018*\"english\" + 0.018*\"player\" + 0.018*\"folei\" + 0.017*\"polit\" + 0.012*\"simpler\" + 0.012*\"acrimoni\"\n", - "2019-01-31 01:01:53,394 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.020*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.015*\"charcoal\" + 0.014*\"toyota\" + 0.009*\"vocabulari\"\n", - "2019-01-31 01:01:53,395 : INFO : topic #26 (0.020): 0.030*\"workplac\" + 0.028*\"champion\" + 0.028*\"woman\" + 0.026*\"men\" + 0.025*\"olymp\" + 0.021*\"medal\" + 0.019*\"event\" + 0.019*\"alic\" + 0.019*\"atheist\" + 0.018*\"rainfal\"\n", - "2019-01-31 01:01:53,396 : INFO : topic #27 (0.020): 0.072*\"questionnair\" + 0.021*\"candid\" + 0.020*\"taxpay\" + 0.013*\"driver\" + 0.013*\"ret\" + 0.012*\"tornado\" + 0.012*\"find\" + 0.012*\"fool\" + 0.011*\"squatter\" + 0.010*\"landslid\"\n", - "2019-01-31 01:01:53,397 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"word\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.006*\"woman\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:01:53,403 : INFO : topic diff=0.004514, rho=0.027420\n", - "2019-01-31 01:01:53,564 : INFO : PROGRESS: pass 0, at document #2662000/4922894\n", - "2019-01-31 01:01:54,975 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:01:55,242 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.023*\"cortic\" + 0.020*\"act\" + 0.018*\"start\" + 0.013*\"ricardo\" + 0.013*\"case\" + 0.010*\"replac\" + 0.010*\"polaris\" + 0.009*\"legal\" + 0.007*\"justic\"\n", - "2019-01-31 01:01:55,243 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.007*\"servitud\" + 0.006*\"théori\" + 0.006*\"exampl\" + 0.006*\"measur\" + 0.006*\"southern\" + 0.006*\"poet\" + 0.006*\"method\"\n", - "2019-01-31 01:01:55,244 : INFO : topic #41 (0.020): 0.042*\"citi\" + 0.024*\"palmer\" + 0.022*\"new\" + 0.015*\"strategist\" + 0.012*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.009*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:01:55,245 : INFO : topic #21 (0.020): 0.035*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.017*\"mexico\" + 0.014*\"soviet\" + 0.014*\"italian\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"carlo\" + 0.011*\"lizard\"\n", - "2019-01-31 01:01:55,246 : INFO : topic #34 (0.020): 0.069*\"start\" + 0.034*\"new\" + 0.031*\"american\" + 0.030*\"unionist\" + 0.025*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.013*\"terri\" + 0.011*\"north\"\n", - "2019-01-31 01:01:55,252 : INFO : topic diff=0.004491, rho=0.027410\n", - "2019-01-31 01:01:55,405 : INFO : PROGRESS: pass 0, at document #2664000/4922894\n", - "2019-01-31 01:01:56,765 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:01:57,032 : INFO : topic #45 (0.020): 0.027*\"jpg\" + 0.025*\"fifteenth\" + 0.018*\"illicit\" + 0.018*\"colder\" + 0.015*\"black\" + 0.014*\"western\" + 0.012*\"record\" + 0.011*\"pain\" + 0.010*\"blind\" + 0.009*\"depress\"\n", - "2019-01-31 01:01:57,033 : INFO : topic #26 (0.020): 0.030*\"workplac\" + 0.028*\"champion\" + 0.027*\"woman\" + 0.026*\"men\" + 0.025*\"olymp\" + 0.022*\"alic\" + 0.021*\"medal\" + 0.019*\"event\" + 0.019*\"atheist\" + 0.018*\"rainfal\"\n", - "2019-01-31 01:01:57,034 : INFO : topic #27 (0.020): 0.071*\"questionnair\" + 0.021*\"taxpay\" + 0.021*\"candid\" + 0.013*\"driver\" + 0.012*\"tornado\" + 0.012*\"ret\" + 0.012*\"find\" + 0.011*\"fool\" + 0.011*\"squatter\" + 0.010*\"landslid\"\n", - "2019-01-31 01:01:57,035 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.006*\"servitud\" + 0.006*\"théori\" + 0.006*\"exampl\" + 0.006*\"measur\" + 0.006*\"southern\" + 0.006*\"poet\" + 0.006*\"method\"\n", - "2019-01-31 01:01:57,036 : INFO : topic #46 (0.020): 0.017*\"norwai\" + 0.016*\"swedish\" + 0.016*\"sweden\" + 0.016*\"stop\" + 0.015*\"damag\" + 0.014*\"norwegian\" + 0.013*\"wind\" + 0.011*\"turkish\" + 0.011*\"treeless\" + 0.011*\"denmark\"\n", - "2019-01-31 01:01:57,042 : INFO : topic diff=0.004277, rho=0.027400\n", - "2019-01-31 01:01:57,196 : INFO : PROGRESS: pass 0, at document #2666000/4922894\n", - "2019-01-31 01:01:58,554 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:01:58,821 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.007*\"servitud\" + 0.006*\"théori\" + 0.006*\"exampl\" + 0.006*\"measur\" + 0.006*\"southern\" + 0.006*\"poet\" + 0.006*\"method\"\n", - "2019-01-31 01:01:58,822 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.016*\"depress\" + 0.015*\"pour\" + 0.009*\"mode\" + 0.009*\"elabor\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.006*\"produc\" + 0.006*\"develop\" + 0.006*\"encyclopedia\"\n", - "2019-01-31 01:01:58,823 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"have\" + 0.006*\"effect\" + 0.006*\"proper\" + 0.006*\"treat\"\n", - "2019-01-31 01:01:58,824 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.026*\"offic\" + 0.024*\"nation\" + 0.023*\"minist\" + 0.022*\"govern\" + 0.021*\"member\" + 0.017*\"start\" + 0.017*\"serv\" + 0.016*\"gener\" + 0.014*\"seri\"\n", - "2019-01-31 01:01:58,825 : INFO : topic #43 (0.020): 0.065*\"elect\" + 0.054*\"parti\" + 0.024*\"voluntari\" + 0.022*\"democrat\" + 0.021*\"member\" + 0.016*\"polici\" + 0.014*\"republ\" + 0.013*\"bypass\" + 0.013*\"report\" + 0.013*\"selma\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:01:58,830 : INFO : topic diff=0.004350, rho=0.027390\n", - "2019-01-31 01:01:58,987 : INFO : PROGRESS: pass 0, at document #2668000/4922894\n", - "2019-01-31 01:02:00,372 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:02:00,638 : INFO : topic #9 (0.020): 0.069*\"bone\" + 0.045*\"american\" + 0.027*\"valour\" + 0.020*\"dutch\" + 0.018*\"english\" + 0.018*\"player\" + 0.018*\"folei\" + 0.017*\"polit\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:02:00,639 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.008*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"have\" + 0.006*\"effect\" + 0.006*\"proper\" + 0.006*\"treat\"\n", - "2019-01-31 01:02:00,640 : INFO : topic #13 (0.020): 0.026*\"sourc\" + 0.025*\"australia\" + 0.025*\"london\" + 0.025*\"new\" + 0.022*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:02:00,641 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.023*\"epiru\" + 0.022*\"septemb\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"acrimoni\" + 0.011*\"movi\"\n", - "2019-01-31 01:02:00,642 : INFO : topic #23 (0.020): 0.135*\"audit\" + 0.068*\"best\" + 0.034*\"yawn\" + 0.029*\"jacksonvil\" + 0.022*\"noll\" + 0.022*\"japanes\" + 0.020*\"festiv\" + 0.019*\"women\" + 0.018*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 01:02:00,648 : INFO : topic diff=0.003914, rho=0.027379\n", - "2019-01-31 01:02:00,799 : INFO : PROGRESS: pass 0, at document #2670000/4922894\n", - "2019-01-31 01:02:02,142 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:02:02,410 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.023*\"epiru\" + 0.022*\"septemb\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"acrimoni\" + 0.011*\"movi\"\n", - "2019-01-31 01:02:02,411 : INFO : topic #31 (0.020): 0.051*\"fusiform\" + 0.027*\"scientist\" + 0.026*\"taxpay\" + 0.022*\"player\" + 0.019*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.011*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:02:02,412 : INFO : topic #27 (0.020): 0.071*\"questionnair\" + 0.021*\"candid\" + 0.020*\"taxpay\" + 0.014*\"driver\" + 0.013*\"ret\" + 0.012*\"tornado\" + 0.012*\"find\" + 0.011*\"fool\" + 0.011*\"squatter\" + 0.010*\"landslid\"\n", - "2019-01-31 01:02:02,413 : INFO : topic #2 (0.020): 0.052*\"isl\" + 0.039*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.012*\"pope\" + 0.011*\"blur\" + 0.010*\"coalit\" + 0.010*\"nativist\" + 0.009*\"bahá\" + 0.009*\"fleet\"\n", - "2019-01-31 01:02:02,414 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"depress\" + 0.015*\"pour\" + 0.009*\"mode\" + 0.009*\"elabor\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.006*\"produc\" + 0.006*\"develop\" + 0.006*\"spectacl\"\n", - "2019-01-31 01:02:02,420 : INFO : topic diff=0.004387, rho=0.027369\n", - "2019-01-31 01:02:02,576 : INFO : PROGRESS: pass 0, at document #2672000/4922894\n", - "2019-01-31 01:02:03,958 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:02:04,226 : INFO : topic #2 (0.020): 0.052*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.012*\"pope\" + 0.011*\"blur\" + 0.010*\"coalit\" + 0.010*\"nativist\" + 0.009*\"bahá\" + 0.009*\"fleet\"\n", - "2019-01-31 01:02:04,228 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"depress\" + 0.015*\"pour\" + 0.009*\"mode\" + 0.009*\"elabor\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.006*\"produc\" + 0.006*\"develop\" + 0.006*\"spectacl\"\n", - "2019-01-31 01:02:04,229 : INFO : topic #23 (0.020): 0.134*\"audit\" + 0.068*\"best\" + 0.033*\"yawn\" + 0.029*\"jacksonvil\" + 0.022*\"noll\" + 0.022*\"japanes\" + 0.020*\"festiv\" + 0.020*\"women\" + 0.018*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 01:02:04,230 : INFO : topic #26 (0.020): 0.030*\"workplac\" + 0.028*\"champion\" + 0.027*\"woman\" + 0.026*\"men\" + 0.025*\"olymp\" + 0.021*\"medal\" + 0.021*\"alic\" + 0.020*\"event\" + 0.019*\"atheist\" + 0.018*\"rainfal\"\n", - "2019-01-31 01:02:04,231 : INFO : topic #31 (0.020): 0.051*\"fusiform\" + 0.027*\"scientist\" + 0.026*\"taxpay\" + 0.022*\"player\" + 0.019*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.011*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:02:04,237 : INFO : topic diff=0.003681, rho=0.027359\n", - "2019-01-31 01:02:04,397 : INFO : PROGRESS: pass 0, at document #2674000/4922894\n", - "2019-01-31 01:02:05,785 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:02:06,051 : INFO : topic #0 (0.020): 0.065*\"statewid\" + 0.043*\"line\" + 0.033*\"raid\" + 0.026*\"arsen\" + 0.023*\"museo\" + 0.020*\"traceabl\" + 0.019*\"rosenwald\" + 0.018*\"serv\" + 0.012*\"oper\" + 0.011*\"exhaust\"\n", - "2019-01-31 01:02:06,052 : INFO : topic #27 (0.020): 0.072*\"questionnair\" + 0.021*\"candid\" + 0.020*\"taxpay\" + 0.014*\"driver\" + 0.013*\"ret\" + 0.012*\"tornado\" + 0.012*\"fool\" + 0.012*\"find\" + 0.011*\"squatter\" + 0.010*\"landslid\"\n", - "2019-01-31 01:02:06,053 : INFO : topic #9 (0.020): 0.069*\"bone\" + 0.045*\"american\" + 0.026*\"valour\" + 0.019*\"dutch\" + 0.018*\"english\" + 0.018*\"player\" + 0.018*\"folei\" + 0.017*\"polit\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:02:06,054 : INFO : topic #42 (0.020): 0.045*\"german\" + 0.031*\"germani\" + 0.015*\"vol\" + 0.014*\"israel\" + 0.014*\"berlin\" + 0.013*\"der\" + 0.013*\"jewish\" + 0.010*\"european\" + 0.010*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:02:06,055 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"word\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.007*\"woman\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:02:06,061 : INFO : topic diff=0.005288, rho=0.027349\n", - "2019-01-31 01:02:06,218 : INFO : PROGRESS: pass 0, at document #2676000/4922894\n", - "2019-01-31 01:02:07,594 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:02:07,861 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.034*\"perceptu\" + 0.020*\"theater\" + 0.018*\"place\" + 0.017*\"compos\" + 0.017*\"damn\" + 0.014*\"orchestr\" + 0.013*\"physician\" + 0.012*\"olympo\" + 0.011*\"word\"\n", - "2019-01-31 01:02:07,862 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"word\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.007*\"woman\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:02:07,863 : INFO : topic #29 (0.020): 0.030*\"companhia\" + 0.012*\"busi\" + 0.012*\"bank\" + 0.011*\"million\" + 0.011*\"market\" + 0.011*\"produc\" + 0.010*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"oper\"\n", - "2019-01-31 01:02:07,864 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.033*\"publicis\" + 0.027*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.014*\"presid\" + 0.012*\"collect\" + 0.012*\"storag\" + 0.011*\"nicola\" + 0.011*\"author\"\n", - "2019-01-31 01:02:07,865 : INFO : topic #42 (0.020): 0.045*\"german\" + 0.031*\"germani\" + 0.015*\"vol\" + 0.014*\"berlin\" + 0.014*\"israel\" + 0.013*\"jewish\" + 0.013*\"der\" + 0.010*\"european\" + 0.010*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:02:07,872 : INFO : topic diff=0.004575, rho=0.027338\n", - "2019-01-31 01:02:08,028 : INFO : PROGRESS: pass 0, at document #2678000/4922894\n", - "2019-01-31 01:02:09,381 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:02:09,648 : INFO : topic #39 (0.020): 0.057*\"canada\" + 0.045*\"canadian\" + 0.024*\"hoar\" + 0.022*\"toronto\" + 0.020*\"ontario\" + 0.016*\"novotná\" + 0.016*\"hydrogen\" + 0.014*\"new\" + 0.014*\"misericordia\" + 0.013*\"quebec\"\n", - "2019-01-31 01:02:09,648 : INFO : topic #26 (0.020): 0.030*\"workplac\" + 0.028*\"champion\" + 0.027*\"woman\" + 0.025*\"men\" + 0.024*\"olymp\" + 0.024*\"alic\" + 0.021*\"medal\" + 0.019*\"event\" + 0.019*\"atheist\" + 0.018*\"rainfal\"\n", - "2019-01-31 01:02:09,649 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"prognosi\" + 0.009*\"pop\" + 0.008*\"develop\" + 0.008*\"cytokin\" + 0.008*\"user\" + 0.008*\"diggin\" + 0.008*\"uruguayan\" + 0.008*\"softwar\" + 0.007*\"includ\"\n", - "2019-01-31 01:02:09,650 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.053*\"parti\" + 0.024*\"voluntari\" + 0.021*\"democrat\" + 0.021*\"member\" + 0.016*\"polici\" + 0.014*\"republ\" + 0.013*\"bypass\" + 0.013*\"report\" + 0.012*\"seaport\"\n", - "2019-01-31 01:02:09,651 : INFO : topic #42 (0.020): 0.045*\"german\" + 0.031*\"germani\" + 0.015*\"vol\" + 0.014*\"berlin\" + 0.014*\"israel\" + 0.013*\"jewish\" + 0.013*\"der\" + 0.010*\"european\" + 0.010*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:02:09,657 : INFO : topic diff=0.003942, rho=0.027328\n", - "2019-01-31 01:02:12,295 : INFO : -11.608 per-word bound, 3121.9 perplexity estimate based on a held-out corpus of 2000 documents with 542997 words\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:02:12,295 : INFO : PROGRESS: pass 0, at document #2680000/4922894\n", - "2019-01-31 01:02:13,649 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:02:13,915 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"prognosi\" + 0.009*\"pop\" + 0.008*\"develop\" + 0.008*\"cytokin\" + 0.008*\"user\" + 0.008*\"uruguayan\" + 0.008*\"softwar\" + 0.008*\"diggin\" + 0.007*\"includ\"\n", - "2019-01-31 01:02:13,916 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.020*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.009*\"myspac\"\n", - "2019-01-31 01:02:13,917 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.034*\"publicis\" + 0.027*\"word\" + 0.018*\"new\" + 0.014*\"presid\" + 0.014*\"edit\" + 0.012*\"collect\" + 0.012*\"storag\" + 0.011*\"nicola\" + 0.011*\"author\"\n", - "2019-01-31 01:02:13,918 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.053*\"parti\" + 0.024*\"voluntari\" + 0.021*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.014*\"republ\" + 0.013*\"bypass\" + 0.013*\"selma\" + 0.013*\"report\"\n", - "2019-01-31 01:02:13,919 : INFO : topic #13 (0.020): 0.027*\"sourc\" + 0.025*\"australia\" + 0.025*\"london\" + 0.025*\"new\" + 0.022*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:02:13,925 : INFO : topic diff=0.004059, rho=0.027318\n", - "2019-01-31 01:02:14,077 : INFO : PROGRESS: pass 0, at document #2682000/4922894\n", - "2019-01-31 01:02:15,434 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:02:15,701 : INFO : topic #29 (0.020): 0.030*\"companhia\" + 0.012*\"busi\" + 0.012*\"bank\" + 0.011*\"million\" + 0.011*\"market\" + 0.011*\"produc\" + 0.010*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"oper\"\n", - "2019-01-31 01:02:15,702 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"help\" + 0.004*\"call\"\n", - "2019-01-31 01:02:15,703 : INFO : topic #34 (0.020): 0.068*\"start\" + 0.034*\"new\" + 0.031*\"american\" + 0.030*\"unionist\" + 0.024*\"cotton\" + 0.021*\"year\" + 0.014*\"california\" + 0.014*\"warrior\" + 0.013*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:02:15,704 : INFO : topic #42 (0.020): 0.045*\"german\" + 0.030*\"germani\" + 0.015*\"vol\" + 0.014*\"berlin\" + 0.013*\"israel\" + 0.013*\"der\" + 0.013*\"jewish\" + 0.010*\"european\" + 0.010*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:02:15,705 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"word\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.006*\"woman\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:02:15,711 : INFO : topic diff=0.004733, rho=0.027308\n", - "2019-01-31 01:02:15,862 : INFO : PROGRESS: pass 0, at document #2684000/4922894\n", - "2019-01-31 01:02:17,213 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:02:17,479 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.032*\"incumb\" + 0.013*\"islam\" + 0.011*\"televis\" + 0.011*\"pakistan\" + 0.011*\"anglo\" + 0.011*\"khalsa\" + 0.010*\"muskoge\" + 0.010*\"affection\" + 0.010*\"sri\"\n", - "2019-01-31 01:02:17,480 : INFO : topic #45 (0.020): 0.028*\"jpg\" + 0.026*\"fifteenth\" + 0.018*\"illicit\" + 0.018*\"colder\" + 0.015*\"black\" + 0.014*\"western\" + 0.012*\"pain\" + 0.012*\"record\" + 0.010*\"blind\" + 0.009*\"depress\"\n", - "2019-01-31 01:02:17,481 : INFO : topic #23 (0.020): 0.135*\"audit\" + 0.067*\"best\" + 0.033*\"yawn\" + 0.029*\"jacksonvil\" + 0.022*\"noll\" + 0.022*\"japanes\" + 0.020*\"festiv\" + 0.020*\"women\" + 0.018*\"intern\" + 0.014*\"winner\"\n", - "2019-01-31 01:02:17,482 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"depress\" + 0.015*\"pour\" + 0.010*\"mode\" + 0.009*\"elabor\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.006*\"produc\" + 0.006*\"develop\" + 0.006*\"encyclopedia\"\n", - "2019-01-31 01:02:17,483 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"have\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 01:02:17,489 : INFO : topic diff=0.004078, rho=0.027298\n", - "2019-01-31 01:02:17,700 : INFO : PROGRESS: pass 0, at document #2686000/4922894\n", - "2019-01-31 01:02:19,090 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:02:19,357 : INFO : topic #26 (0.020): 0.030*\"workplac\" + 0.028*\"champion\" + 0.028*\"woman\" + 0.026*\"men\" + 0.024*\"olymp\" + 0.023*\"alic\" + 0.021*\"medal\" + 0.020*\"event\" + 0.019*\"atheist\" + 0.018*\"rainfal\"\n", - "2019-01-31 01:02:19,358 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.012*\"will\" + 0.011*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.010*\"mexican–american\" + 0.008*\"paul\" + 0.008*\"georg\" + 0.008*\"slur\" + 0.008*\"rhyme\"\n", - "2019-01-31 01:02:19,359 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.053*\"parti\" + 0.024*\"voluntari\" + 0.022*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.014*\"bypass\" + 0.013*\"report\" + 0.013*\"seaport\"\n", - "2019-01-31 01:02:19,360 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.034*\"perceptu\" + 0.020*\"theater\" + 0.018*\"compos\" + 0.018*\"place\" + 0.017*\"damn\" + 0.014*\"orchestr\" + 0.013*\"physician\" + 0.012*\"olympo\" + 0.011*\"word\"\n", - "2019-01-31 01:02:19,361 : INFO : topic #42 (0.020): 0.045*\"german\" + 0.031*\"germani\" + 0.015*\"vol\" + 0.014*\"berlin\" + 0.013*\"der\" + 0.013*\"israel\" + 0.013*\"jewish\" + 0.010*\"european\" + 0.010*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:02:19,367 : INFO : topic diff=0.004325, rho=0.027287\n", - "2019-01-31 01:02:19,524 : INFO : PROGRESS: pass 0, at document #2688000/4922894\n", - "2019-01-31 01:02:20,909 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:02:21,176 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.012*\"will\" + 0.011*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.010*\"mexican–american\" + 0.008*\"paul\" + 0.008*\"georg\" + 0.008*\"slur\" + 0.008*\"rhyme\"\n", - "2019-01-31 01:02:21,177 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.026*\"offic\" + 0.024*\"nation\" + 0.023*\"minist\" + 0.022*\"govern\" + 0.021*\"member\" + 0.017*\"start\" + 0.016*\"serv\" + 0.016*\"gener\" + 0.014*\"seri\"\n", - "2019-01-31 01:02:21,178 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"help\" + 0.004*\"call\"\n", - "2019-01-31 01:02:21,179 : INFO : topic #31 (0.020): 0.051*\"fusiform\" + 0.027*\"scientist\" + 0.026*\"taxpay\" + 0.022*\"player\" + 0.019*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:02:21,180 : INFO : topic #39 (0.020): 0.057*\"canada\" + 0.044*\"canadian\" + 0.024*\"hoar\" + 0.022*\"toronto\" + 0.021*\"ontario\" + 0.016*\"hydrogen\" + 0.015*\"novotná\" + 0.015*\"misericordia\" + 0.014*\"new\" + 0.013*\"quebec\"\n", - "2019-01-31 01:02:21,186 : INFO : topic diff=0.003675, rho=0.027277\n", - "2019-01-31 01:02:21,341 : INFO : PROGRESS: pass 0, at document #2690000/4922894\n", - "2019-01-31 01:02:22,713 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:02:22,980 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.024*\"cortic\" + 0.021*\"act\" + 0.018*\"start\" + 0.013*\"ricardo\" + 0.013*\"case\" + 0.010*\"polaris\" + 0.010*\"replac\" + 0.009*\"legal\" + 0.008*\"rudolf\"\n", - "2019-01-31 01:02:22,981 : INFO : topic #32 (0.020): 0.048*\"district\" + 0.043*\"vigour\" + 0.043*\"popolo\" + 0.036*\"tortur\" + 0.033*\"cotton\" + 0.024*\"area\" + 0.023*\"multitud\" + 0.021*\"citi\" + 0.019*\"regim\" + 0.019*\"cede\"\n", - "2019-01-31 01:02:22,982 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.012*\"will\" + 0.011*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.010*\"mexican–american\" + 0.008*\"paul\" + 0.008*\"georg\" + 0.008*\"slur\" + 0.008*\"rhyme\"\n", - "2019-01-31 01:02:22,983 : INFO : topic #17 (0.020): 0.075*\"church\" + 0.023*\"cathol\" + 0.022*\"christian\" + 0.020*\"bishop\" + 0.016*\"retroflex\" + 0.015*\"sail\" + 0.014*\"centuri\" + 0.009*\"relationship\" + 0.009*\"historiographi\" + 0.008*\"poll\"\n", - "2019-01-31 01:02:22,984 : INFO : topic #37 (0.020): 0.011*\"charact\" + 0.010*\"man\" + 0.010*\"septemb\" + 0.009*\"anim\" + 0.008*\"comic\" + 0.007*\"love\" + 0.007*\"appear\" + 0.006*\"workplac\" + 0.006*\"gestur\" + 0.006*\"storag\"\n", - "2019-01-31 01:02:22,990 : INFO : topic diff=0.003863, rho=0.027267\n", - "2019-01-31 01:02:23,146 : INFO : PROGRESS: pass 0, at document #2692000/4922894\n", - "2019-01-31 01:02:24,527 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:02:24,793 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.021*\"walter\" + 0.020*\"armi\" + 0.017*\"com\" + 0.014*\"oper\" + 0.014*\"unionist\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.010*\"diversifi\"\n", - "2019-01-31 01:02:24,794 : INFO : topic #9 (0.020): 0.067*\"bone\" + 0.045*\"american\" + 0.027*\"valour\" + 0.019*\"dutch\" + 0.018*\"english\" + 0.018*\"folei\" + 0.018*\"polit\" + 0.018*\"player\" + 0.012*\"simpler\" + 0.012*\"acrimoni\"\n", - "2019-01-31 01:02:24,795 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.034*\"perceptu\" + 0.020*\"theater\" + 0.018*\"compos\" + 0.018*\"place\" + 0.016*\"damn\" + 0.014*\"orchestr\" + 0.013*\"physician\" + 0.012*\"olympo\" + 0.011*\"word\"\n", - "2019-01-31 01:02:24,796 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"depress\" + 0.015*\"pour\" + 0.010*\"mode\" + 0.009*\"elabor\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.006*\"encyclopedia\" + 0.006*\"produc\" + 0.006*\"develop\"\n", - "2019-01-31 01:02:24,797 : INFO : topic #38 (0.020): 0.024*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.008*\"forc\" + 0.008*\"teufel\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.007*\"till\" + 0.006*\"militari\" + 0.006*\"govern\"\n", - "2019-01-31 01:02:24,803 : INFO : topic diff=0.003497, rho=0.027257\n", - "2019-01-31 01:02:24,960 : INFO : PROGRESS: pass 0, at document #2694000/4922894\n", - "2019-01-31 01:02:26,318 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:02:26,584 : INFO : topic #45 (0.020): 0.028*\"jpg\" + 0.026*\"fifteenth\" + 0.020*\"illicit\" + 0.018*\"colder\" + 0.015*\"black\" + 0.015*\"western\" + 0.012*\"pain\" + 0.012*\"record\" + 0.010*\"blind\" + 0.009*\"depress\"\n", - "2019-01-31 01:02:26,585 : INFO : topic #26 (0.020): 0.029*\"workplac\" + 0.027*\"champion\" + 0.027*\"woman\" + 0.025*\"men\" + 0.025*\"olymp\" + 0.023*\"alic\" + 0.021*\"medal\" + 0.020*\"event\" + 0.019*\"atheist\" + 0.018*\"rainfal\"\n", - "2019-01-31 01:02:26,586 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.034*\"perceptu\" + 0.020*\"theater\" + 0.018*\"compos\" + 0.018*\"place\" + 0.016*\"damn\" + 0.014*\"orchestr\" + 0.013*\"physician\" + 0.012*\"olympo\" + 0.011*\"word\"\n", - "2019-01-31 01:02:26,587 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"help\" + 0.004*\"call\"\n", - "2019-01-31 01:02:26,589 : INFO : topic #36 (0.020): 0.011*\"prognosi\" + 0.011*\"network\" + 0.009*\"pop\" + 0.009*\"cytokin\" + 0.008*\"develop\" + 0.008*\"user\" + 0.008*\"softwar\" + 0.008*\"uruguayan\" + 0.007*\"diggin\" + 0.007*\"includ\"\n", - "2019-01-31 01:02:26,595 : INFO : topic diff=0.004308, rho=0.027247\n", - "2019-01-31 01:02:26,749 : INFO : PROGRESS: pass 0, at document #2696000/4922894\n", - "2019-01-31 01:02:28,118 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:02:28,384 : INFO : topic #37 (0.020): 0.011*\"charact\" + 0.010*\"man\" + 0.010*\"septemb\" + 0.009*\"anim\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.007*\"love\" + 0.006*\"workplac\" + 0.006*\"gestur\" + 0.006*\"storag\"\n", - "2019-01-31 01:02:28,385 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.021*\"walter\" + 0.020*\"armi\" + 0.017*\"com\" + 0.014*\"oper\" + 0.014*\"unionist\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:02:28,386 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.019*\"di\" + 0.019*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"deal\" + 0.012*\"daughter\"\n", - "2019-01-31 01:02:28,387 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.023*\"epiru\" + 0.022*\"septemb\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.011*\"acrimoni\"\n", - "2019-01-31 01:02:28,389 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"word\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.006*\"woman\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:02:28,395 : INFO : topic diff=0.005076, rho=0.027237\n", - "2019-01-31 01:02:28,552 : INFO : PROGRESS: pass 0, at document #2698000/4922894\n", - "2019-01-31 01:02:29,924 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:02:30,191 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.007*\"proper\" + 0.006*\"have\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 01:02:30,192 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.045*\"chilton\" + 0.023*\"kong\" + 0.022*\"korea\" + 0.022*\"hong\" + 0.019*\"korean\" + 0.016*\"sourc\" + 0.015*\"shirin\" + 0.015*\"leah\" + 0.014*\"kim\"\n", - "2019-01-31 01:02:30,193 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.018*\"area\" + 0.018*\"lagrang\" + 0.017*\"warmth\" + 0.015*\"mount\" + 0.010*\"palmer\" + 0.009*\"north\" + 0.009*\"sourc\" + 0.009*\"foam\" + 0.008*\"vacant\"\n", - "2019-01-31 01:02:30,194 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.036*\"leagu\" + 0.030*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:02:30,195 : INFO : topic #2 (0.020): 0.051*\"isl\" + 0.037*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.013*\"blur\" + 0.012*\"pope\" + 0.010*\"coalit\" + 0.010*\"nativist\" + 0.009*\"sai\" + 0.009*\"bahá\"\n", - "2019-01-31 01:02:30,201 : INFO : topic diff=0.004646, rho=0.027227\n", - "2019-01-31 01:02:32,913 : INFO : -11.879 per-word bound, 3765.6 perplexity estimate based on a held-out corpus of 2000 documents with 556707 words\n", - "2019-01-31 01:02:32,913 : INFO : PROGRESS: pass 0, at document #2700000/4922894\n", - "2019-01-31 01:02:34,307 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:02:34,573 : INFO : topic #34 (0.020): 0.067*\"start\" + 0.034*\"new\" + 0.031*\"american\" + 0.030*\"unionist\" + 0.024*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.014*\"warrior\" + 0.013*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:02:34,575 : INFO : topic #29 (0.020): 0.030*\"companhia\" + 0.012*\"bank\" + 0.012*\"busi\" + 0.011*\"million\" + 0.011*\"market\" + 0.010*\"produc\" + 0.009*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"oper\"\n", - "2019-01-31 01:02:34,576 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"depress\" + 0.015*\"pour\" + 0.010*\"mode\" + 0.009*\"elabor\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.006*\"encyclopedia\" + 0.006*\"spectacl\" + 0.006*\"produc\"\n", - "2019-01-31 01:02:34,577 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.024*\"palmer\" + 0.022*\"new\" + 0.015*\"strategist\" + 0.012*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.009*\"highli\" + 0.009*\"dai\"\n", - "2019-01-31 01:02:34,578 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.026*\"offic\" + 0.025*\"nation\" + 0.022*\"minist\" + 0.022*\"govern\" + 0.021*\"member\" + 0.017*\"start\" + 0.016*\"serv\" + 0.016*\"gener\" + 0.014*\"seri\"\n", - "2019-01-31 01:02:34,584 : INFO : topic diff=0.004004, rho=0.027217\n", - "2019-01-31 01:02:34,739 : INFO : PROGRESS: pass 0, at document #2702000/4922894\n", - "2019-01-31 01:02:36,118 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:02:36,385 : INFO : topic #5 (0.020): 0.040*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.020*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:02:36,386 : INFO : topic #48 (0.020): 0.084*\"march\" + 0.079*\"sens\" + 0.079*\"octob\" + 0.073*\"juli\" + 0.072*\"januari\" + 0.072*\"notion\" + 0.070*\"judici\" + 0.070*\"august\" + 0.069*\"april\" + 0.068*\"decatur\"\n", - "2019-01-31 01:02:36,387 : INFO : topic #26 (0.020): 0.029*\"workplac\" + 0.028*\"woman\" + 0.027*\"champion\" + 0.027*\"alic\" + 0.026*\"men\" + 0.024*\"olymp\" + 0.021*\"medal\" + 0.020*\"event\" + 0.019*\"atheist\" + 0.018*\"taxpay\"\n", - "2019-01-31 01:02:36,388 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.022*\"factor\" + 0.012*\"plaisir\" + 0.011*\"feel\" + 0.010*\"genu\" + 0.010*\"male\" + 0.009*\"adulthood\" + 0.008*\"median\" + 0.008*\"western\" + 0.007*\"biom\"\n", - "2019-01-31 01:02:36,389 : INFO : topic #34 (0.020): 0.067*\"start\" + 0.034*\"new\" + 0.031*\"american\" + 0.030*\"unionist\" + 0.024*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.014*\"warrior\" + 0.013*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:02:36,395 : INFO : topic diff=0.003907, rho=0.027206\n", - "2019-01-31 01:02:36,548 : INFO : PROGRESS: pass 0, at document #2704000/4922894\n", - "2019-01-31 01:02:37,895 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:02:38,162 : INFO : topic #39 (0.020): 0.056*\"canada\" + 0.045*\"canadian\" + 0.025*\"hoar\" + 0.021*\"toronto\" + 0.021*\"ontario\" + 0.015*\"novotná\" + 0.015*\"hydrogen\" + 0.015*\"new\" + 0.014*\"misericordia\" + 0.013*\"quebec\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:02:38,163 : INFO : topic #26 (0.020): 0.029*\"workplac\" + 0.028*\"woman\" + 0.027*\"champion\" + 0.027*\"alic\" + 0.026*\"men\" + 0.024*\"olymp\" + 0.021*\"medal\" + 0.020*\"event\" + 0.018*\"atheist\" + 0.018*\"taxpay\"\n", - "2019-01-31 01:02:38,164 : INFO : topic #46 (0.020): 0.017*\"sweden\" + 0.017*\"norwai\" + 0.016*\"swedish\" + 0.015*\"stop\" + 0.015*\"damag\" + 0.014*\"norwegian\" + 0.013*\"wind\" + 0.011*\"danish\" + 0.011*\"denmark\" + 0.011*\"huntsvil\"\n", - "2019-01-31 01:02:38,165 : INFO : topic #23 (0.020): 0.138*\"audit\" + 0.065*\"best\" + 0.033*\"yawn\" + 0.029*\"jacksonvil\" + 0.022*\"noll\" + 0.022*\"japanes\" + 0.020*\"women\" + 0.020*\"festiv\" + 0.018*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 01:02:38,166 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.020*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:02:38,171 : INFO : topic diff=0.004478, rho=0.027196\n", - "2019-01-31 01:02:38,326 : INFO : PROGRESS: pass 0, at document #2706000/4922894\n", - "2019-01-31 01:02:39,694 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:02:39,960 : INFO : topic #28 (0.020): 0.032*\"build\" + 0.027*\"hous\" + 0.020*\"rivièr\" + 0.018*\"buford\" + 0.014*\"histor\" + 0.011*\"briarwood\" + 0.011*\"strategist\" + 0.011*\"constitut\" + 0.010*\"linear\" + 0.010*\"depress\"\n", - "2019-01-31 01:02:39,961 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"deal\" + 0.012*\"daughter\"\n", - "2019-01-31 01:02:39,962 : INFO : topic #13 (0.020): 0.026*\"sourc\" + 0.025*\"australia\" + 0.025*\"new\" + 0.024*\"london\" + 0.022*\"australian\" + 0.022*\"england\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:02:39,963 : INFO : topic #25 (0.020): 0.031*\"ring\" + 0.018*\"area\" + 0.018*\"lagrang\" + 0.017*\"warmth\" + 0.015*\"mount\" + 0.010*\"palmer\" + 0.009*\"north\" + 0.009*\"sourc\" + 0.009*\"foam\" + 0.008*\"vacant\"\n", - "2019-01-31 01:02:39,964 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.036*\"leagu\" + 0.030*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.013*\"schmitz\"\n", - "2019-01-31 01:02:39,970 : INFO : topic diff=0.003706, rho=0.027186\n", - "2019-01-31 01:02:40,123 : INFO : PROGRESS: pass 0, at document #2708000/4922894\n", - "2019-01-31 01:02:41,479 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:02:41,746 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.033*\"publicis\" + 0.027*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.014*\"presid\" + 0.012*\"collect\" + 0.012*\"storag\" + 0.011*\"nicola\" + 0.011*\"author\"\n", - "2019-01-31 01:02:41,747 : INFO : topic #19 (0.020): 0.015*\"centuri\" + 0.015*\"languag\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.009*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.006*\"ancestor\"\n", - "2019-01-31 01:02:41,748 : INFO : topic #35 (0.020): 0.058*\"russia\" + 0.037*\"sovereignti\" + 0.033*\"rural\" + 0.025*\"poison\" + 0.024*\"personifi\" + 0.023*\"reprint\" + 0.020*\"moscow\" + 0.017*\"poland\" + 0.016*\"unfortun\" + 0.015*\"czech\"\n", - "2019-01-31 01:02:41,749 : INFO : topic #39 (0.020): 0.056*\"canada\" + 0.045*\"canadian\" + 0.025*\"hoar\" + 0.021*\"toronto\" + 0.021*\"ontario\" + 0.016*\"novotná\" + 0.015*\"hydrogen\" + 0.014*\"new\" + 0.014*\"misericordia\" + 0.013*\"quebec\"\n", - "2019-01-31 01:02:41,750 : INFO : topic #28 (0.020): 0.032*\"build\" + 0.027*\"hous\" + 0.020*\"rivièr\" + 0.018*\"buford\" + 0.014*\"histor\" + 0.011*\"briarwood\" + 0.011*\"strategist\" + 0.011*\"constitut\" + 0.010*\"linear\" + 0.010*\"depress\"\n", - "2019-01-31 01:02:41,756 : INFO : topic diff=0.003404, rho=0.027176\n", - "2019-01-31 01:02:41,910 : INFO : PROGRESS: pass 0, at document #2710000/4922894\n", - "2019-01-31 01:02:43,276 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:02:43,543 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.045*\"chilton\" + 0.023*\"kong\" + 0.023*\"korea\" + 0.023*\"hong\" + 0.018*\"korean\" + 0.015*\"sourc\" + 0.015*\"leah\" + 0.015*\"shirin\" + 0.014*\"kim\"\n", - "2019-01-31 01:02:43,544 : INFO : topic #42 (0.020): 0.045*\"german\" + 0.031*\"germani\" + 0.016*\"vol\" + 0.014*\"berlin\" + 0.014*\"der\" + 0.013*\"israel\" + 0.013*\"jewish\" + 0.010*\"european\" + 0.010*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:02:43,545 : INFO : topic #29 (0.020): 0.030*\"companhia\" + 0.012*\"busi\" + 0.012*\"bank\" + 0.011*\"million\" + 0.011*\"market\" + 0.011*\"produc\" + 0.009*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 01:02:43,546 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.024*\"cortic\" + 0.020*\"act\" + 0.018*\"start\" + 0.013*\"case\" + 0.013*\"ricardo\" + 0.010*\"replac\" + 0.010*\"polaris\" + 0.009*\"legal\" + 0.007*\"rudolf\"\n", - "2019-01-31 01:02:43,547 : INFO : topic #26 (0.020): 0.029*\"workplac\" + 0.028*\"woman\" + 0.028*\"champion\" + 0.026*\"men\" + 0.025*\"alic\" + 0.024*\"olymp\" + 0.021*\"medal\" + 0.020*\"event\" + 0.018*\"atheist\" + 0.018*\"rainfal\"\n", - "2019-01-31 01:02:43,553 : INFO : topic diff=0.004612, rho=0.027166\n", - "2019-01-31 01:02:43,702 : INFO : PROGRESS: pass 0, at document #2712000/4922894\n", - "2019-01-31 01:02:45,030 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:02:45,296 : INFO : topic #19 (0.020): 0.015*\"centuri\" + 0.014*\"languag\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.009*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.006*\"ancestor\"\n", - "2019-01-31 01:02:45,297 : INFO : topic #32 (0.020): 0.047*\"district\" + 0.043*\"popolo\" + 0.042*\"vigour\" + 0.035*\"tortur\" + 0.034*\"cotton\" + 0.023*\"area\" + 0.023*\"multitud\" + 0.021*\"citi\" + 0.019*\"cede\" + 0.019*\"regim\"\n", - "2019-01-31 01:02:45,298 : INFO : topic #2 (0.020): 0.052*\"isl\" + 0.037*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.013*\"blur\" + 0.012*\"pope\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.009*\"bahá\" + 0.009*\"sai\"\n", - "2019-01-31 01:02:45,299 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.027*\"final\" + 0.023*\"wife\" + 0.020*\"tourist\" + 0.019*\"champion\" + 0.015*\"martin\" + 0.015*\"chamber\" + 0.014*\"tiepolo\" + 0.013*\"taxpay\" + 0.012*\"winner\"\n", - "2019-01-31 01:02:45,300 : INFO : topic #26 (0.020): 0.029*\"workplac\" + 0.028*\"woman\" + 0.027*\"champion\" + 0.025*\"men\" + 0.025*\"alic\" + 0.024*\"olymp\" + 0.021*\"medal\" + 0.020*\"event\" + 0.018*\"atheist\" + 0.018*\"rainfal\"\n", - "2019-01-31 01:02:45,306 : INFO : topic diff=0.004241, rho=0.027156\n", - "2019-01-31 01:02:45,463 : INFO : PROGRESS: pass 0, at document #2714000/4922894\n", - "2019-01-31 01:02:46,851 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:02:47,117 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.023*\"cortic\" + 0.020*\"act\" + 0.018*\"start\" + 0.014*\"ricardo\" + 0.013*\"case\" + 0.010*\"replac\" + 0.010*\"polaris\" + 0.009*\"legal\" + 0.007*\"rudolf\"\n", - "2019-01-31 01:02:47,118 : INFO : topic #47 (0.020): 0.066*\"muscl\" + 0.034*\"perceptu\" + 0.019*\"theater\" + 0.018*\"compos\" + 0.018*\"place\" + 0.015*\"damn\" + 0.014*\"orchestr\" + 0.013*\"physician\" + 0.013*\"olympo\" + 0.011*\"word\"\n", - "2019-01-31 01:02:47,119 : INFO : topic #48 (0.020): 0.086*\"march\" + 0.079*\"sens\" + 0.078*\"octob\" + 0.073*\"januari\" + 0.072*\"juli\" + 0.071*\"notion\" + 0.070*\"judici\" + 0.070*\"august\" + 0.069*\"april\" + 0.067*\"decatur\"\n", - "2019-01-31 01:02:47,120 : INFO : topic #28 (0.020): 0.032*\"build\" + 0.027*\"hous\" + 0.020*\"rivièr\" + 0.018*\"buford\" + 0.014*\"histor\" + 0.011*\"briarwood\" + 0.011*\"constitut\" + 0.011*\"strategist\" + 0.010*\"linear\" + 0.010*\"depress\"\n", - "2019-01-31 01:02:47,121 : INFO : topic #20 (0.020): 0.144*\"scholar\" + 0.038*\"struggl\" + 0.036*\"high\" + 0.029*\"educ\" + 0.023*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.009*\"gothic\" + 0.009*\"start\"\n", - "2019-01-31 01:02:47,127 : INFO : topic diff=0.004319, rho=0.027146\n", - "2019-01-31 01:02:47,283 : INFO : PROGRESS: pass 0, at document #2716000/4922894\n", - "2019-01-31 01:02:48,660 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:02:48,926 : INFO : topic #20 (0.020): 0.142*\"scholar\" + 0.038*\"struggl\" + 0.036*\"high\" + 0.029*\"educ\" + 0.023*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.011*\"district\" + 0.010*\"gothic\" + 0.010*\"start\"\n", - "2019-01-31 01:02:48,927 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.024*\"schuster\" + 0.022*\"institut\" + 0.021*\"requir\" + 0.020*\"collector\" + 0.018*\"student\" + 0.015*\"professor\" + 0.012*\"word\" + 0.012*\"http\" + 0.011*\"governor\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:02:48,928 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"disco\" + 0.008*\"media\" + 0.007*\"pathwai\" + 0.007*\"hormon\" + 0.007*\"caus\" + 0.007*\"have\" + 0.006*\"proper\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 01:02:48,929 : INFO : topic #37 (0.020): 0.011*\"charact\" + 0.010*\"man\" + 0.010*\"septemb\" + 0.009*\"anim\" + 0.008*\"comic\" + 0.007*\"love\" + 0.007*\"appear\" + 0.006*\"gestur\" + 0.006*\"workplac\" + 0.006*\"storag\"\n", - "2019-01-31 01:02:48,930 : INFO : topic #48 (0.020): 0.085*\"march\" + 0.078*\"sens\" + 0.077*\"octob\" + 0.072*\"januari\" + 0.071*\"juli\" + 0.070*\"notion\" + 0.070*\"judici\" + 0.069*\"august\" + 0.068*\"april\" + 0.067*\"decatur\"\n", - "2019-01-31 01:02:48,936 : INFO : topic diff=0.004555, rho=0.027136\n", - "2019-01-31 01:02:49,095 : INFO : PROGRESS: pass 0, at document #2718000/4922894\n", - "2019-01-31 01:02:50,489 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:02:50,756 : INFO : topic #28 (0.020): 0.032*\"build\" + 0.027*\"hous\" + 0.020*\"rivièr\" + 0.018*\"buford\" + 0.014*\"histor\" + 0.011*\"briarwood\" + 0.011*\"constitut\" + 0.011*\"strategist\" + 0.010*\"linear\" + 0.010*\"depress\"\n", - "2019-01-31 01:02:50,757 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.024*\"palmer\" + 0.021*\"new\" + 0.015*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.009*\"highli\" + 0.009*\"hot\"\n", - "2019-01-31 01:02:50,758 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.009*\"mode\" + 0.009*\"elabor\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.006*\"encyclopedia\" + 0.006*\"produc\" + 0.006*\"develop\"\n", - "2019-01-31 01:02:50,759 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.033*\"publicis\" + 0.027*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.014*\"presid\" + 0.012*\"collect\" + 0.012*\"storag\" + 0.011*\"nicola\" + 0.011*\"author\"\n", - "2019-01-31 01:02:50,760 : INFO : topic #27 (0.020): 0.072*\"questionnair\" + 0.021*\"candid\" + 0.021*\"taxpay\" + 0.014*\"ret\" + 0.014*\"driver\" + 0.012*\"tornado\" + 0.012*\"fool\" + 0.011*\"find\" + 0.011*\"squatter\" + 0.010*\"champion\"\n", - "2019-01-31 01:02:50,766 : INFO : topic diff=0.004202, rho=0.027126\n", - "2019-01-31 01:02:53,395 : INFO : -11.589 per-word bound, 3080.4 perplexity estimate based on a held-out corpus of 2000 documents with 510275 words\n", - "2019-01-31 01:02:53,396 : INFO : PROGRESS: pass 0, at document #2720000/4922894\n", - "2019-01-31 01:02:54,727 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:02:54,993 : INFO : topic #28 (0.020): 0.032*\"build\" + 0.026*\"hous\" + 0.020*\"rivièr\" + 0.018*\"buford\" + 0.014*\"histor\" + 0.011*\"briarwood\" + 0.011*\"linear\" + 0.011*\"constitut\" + 0.011*\"strategist\" + 0.010*\"depress\"\n", - "2019-01-31 01:02:54,994 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.009*\"word\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.006*\"woman\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:02:54,995 : INFO : topic #20 (0.020): 0.142*\"scholar\" + 0.038*\"struggl\" + 0.036*\"high\" + 0.029*\"educ\" + 0.023*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.011*\"district\" + 0.010*\"gothic\" + 0.009*\"start\"\n", - "2019-01-31 01:02:54,996 : INFO : topic #42 (0.020): 0.046*\"german\" + 0.032*\"germani\" + 0.015*\"vol\" + 0.014*\"berlin\" + 0.014*\"der\" + 0.013*\"jewish\" + 0.013*\"israel\" + 0.010*\"european\" + 0.010*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:02:54,997 : INFO : topic #16 (0.020): 0.054*\"king\" + 0.031*\"priest\" + 0.022*\"duke\" + 0.019*\"grammat\" + 0.019*\"idiosyncrat\" + 0.018*\"rotterdam\" + 0.018*\"quarterli\" + 0.013*\"brazil\" + 0.012*\"kingdom\" + 0.012*\"maria\"\n", - "2019-01-31 01:02:55,003 : INFO : topic diff=0.004335, rho=0.027116\n", - "2019-01-31 01:02:55,161 : INFO : PROGRESS: pass 0, at document #2722000/4922894\n", - "2019-01-31 01:02:56,546 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:02:56,814 : INFO : topic #9 (0.020): 0.067*\"bone\" + 0.046*\"american\" + 0.027*\"valour\" + 0.019*\"dutch\" + 0.018*\"player\" + 0.018*\"folei\" + 0.018*\"english\" + 0.017*\"polit\" + 0.013*\"simpler\" + 0.012*\"acrimoni\"\n", - "2019-01-31 01:02:56,815 : INFO : topic #13 (0.020): 0.026*\"sourc\" + 0.025*\"australia\" + 0.024*\"london\" + 0.024*\"new\" + 0.022*\"england\" + 0.022*\"australian\" + 0.020*\"ireland\" + 0.019*\"british\" + 0.014*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:02:56,816 : INFO : topic #42 (0.020): 0.046*\"german\" + 0.032*\"germani\" + 0.015*\"vol\" + 0.014*\"berlin\" + 0.014*\"der\" + 0.013*\"jewish\" + 0.013*\"israel\" + 0.010*\"european\" + 0.010*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:02:56,817 : INFO : topic #35 (0.020): 0.059*\"russia\" + 0.037*\"sovereignti\" + 0.032*\"rural\" + 0.026*\"poison\" + 0.023*\"personifi\" + 0.022*\"reprint\" + 0.021*\"moscow\" + 0.017*\"poland\" + 0.016*\"unfortun\" + 0.015*\"turin\"\n", - "2019-01-31 01:02:56,818 : INFO : topic #0 (0.020): 0.064*\"statewid\" + 0.045*\"line\" + 0.033*\"raid\" + 0.027*\"arsen\" + 0.023*\"museo\" + 0.019*\"traceabl\" + 0.019*\"rosenwald\" + 0.019*\"serv\" + 0.012*\"oper\" + 0.012*\"exhaust\"\n", - "2019-01-31 01:02:56,824 : INFO : topic diff=0.003329, rho=0.027106\n", - "2019-01-31 01:02:56,981 : INFO : PROGRESS: pass 0, at document #2724000/4922894\n", - "2019-01-31 01:02:58,357 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:02:58,625 : INFO : topic #35 (0.020): 0.059*\"russia\" + 0.037*\"sovereignti\" + 0.032*\"rural\" + 0.025*\"poison\" + 0.023*\"personifi\" + 0.023*\"reprint\" + 0.021*\"moscow\" + 0.017*\"poland\" + 0.016*\"unfortun\" + 0.015*\"turin\"\n", - "2019-01-31 01:02:58,626 : INFO : topic #38 (0.020): 0.024*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.008*\"forc\" + 0.008*\"teufel\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.006*\"till\" + 0.006*\"militari\" + 0.006*\"govern\"\n", - "2019-01-31 01:02:58,627 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.020*\"walter\" + 0.020*\"armi\" + 0.017*\"com\" + 0.014*\"oper\" + 0.014*\"unionist\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.010*\"diversifi\"\n", - "2019-01-31 01:02:58,628 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"help\" + 0.004*\"call\"\n", - "2019-01-31 01:02:58,629 : INFO : topic #43 (0.020): 0.067*\"elect\" + 0.053*\"parti\" + 0.023*\"voluntari\" + 0.023*\"democrat\" + 0.022*\"member\" + 0.015*\"polici\" + 0.015*\"republ\" + 0.014*\"bypass\" + 0.013*\"liber\" + 0.013*\"report\"\n", - "2019-01-31 01:02:58,635 : INFO : topic diff=0.004157, rho=0.027096\n", - "2019-01-31 01:02:58,801 : INFO : PROGRESS: pass 0, at document #2726000/4922894\n", - "2019-01-31 01:03:00,222 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:03:00,488 : INFO : topic #33 (0.020): 0.060*\"french\" + 0.046*\"franc\" + 0.032*\"pari\" + 0.024*\"sail\" + 0.022*\"jean\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.012*\"piec\" + 0.009*\"wreath\"\n", - "2019-01-31 01:03:00,489 : INFO : topic #46 (0.020): 0.017*\"sweden\" + 0.017*\"wind\" + 0.017*\"norwai\" + 0.015*\"stop\" + 0.015*\"swedish\" + 0.014*\"damag\" + 0.014*\"norwegian\" + 0.012*\"danish\" + 0.012*\"denmark\" + 0.011*\"huntsvil\"\n", - "2019-01-31 01:03:00,490 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.022*\"cathol\" + 0.021*\"christian\" + 0.020*\"bishop\" + 0.015*\"retroflex\" + 0.015*\"sail\" + 0.013*\"centuri\" + 0.009*\"cathedr\" + 0.009*\"historiographi\" + 0.009*\"relationship\"\n", - "2019-01-31 01:03:00,491 : INFO : topic #34 (0.020): 0.068*\"start\" + 0.034*\"new\" + 0.031*\"american\" + 0.030*\"unionist\" + 0.024*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.014*\"warrior\" + 0.013*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:03:00,492 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"help\" + 0.004*\"call\"\n", - "2019-01-31 01:03:00,498 : INFO : topic diff=0.004914, rho=0.027086\n", - "2019-01-31 01:03:00,657 : INFO : PROGRESS: pass 0, at document #2728000/4922894\n", - "2019-01-31 01:03:02,046 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:03:02,312 : INFO : topic #13 (0.020): 0.026*\"sourc\" + 0.025*\"australia\" + 0.024*\"new\" + 0.024*\"london\" + 0.022*\"australian\" + 0.022*\"england\" + 0.020*\"ireland\" + 0.019*\"british\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:03:02,313 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.057*\"parti\" + 0.024*\"democrat\" + 0.023*\"voluntari\" + 0.022*\"member\" + 0.015*\"polici\" + 0.015*\"republ\" + 0.014*\"bypass\" + 0.013*\"liber\" + 0.013*\"report\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:03:02,314 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.022*\"cathol\" + 0.021*\"christian\" + 0.020*\"bishop\" + 0.015*\"retroflex\" + 0.015*\"sail\" + 0.013*\"centuri\" + 0.009*\"cathedr\" + 0.009*\"historiographi\" + 0.009*\"relationship\"\n", - "2019-01-31 01:03:02,315 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.020*\"walter\" + 0.019*\"armi\" + 0.017*\"com\" + 0.014*\"oper\" + 0.014*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.010*\"diversifi\"\n", - "2019-01-31 01:03:02,316 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.035*\"leagu\" + 0.030*\"place\" + 0.028*\"taxpay\" + 0.025*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.016*\"martin\" + 0.013*\"schmitz\"\n", - "2019-01-31 01:03:02,322 : INFO : topic diff=0.004180, rho=0.027077\n", - "2019-01-31 01:03:02,479 : INFO : PROGRESS: pass 0, at document #2730000/4922894\n", - "2019-01-31 01:03:03,841 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:03:04,108 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.024*\"palmer\" + 0.022*\"new\" + 0.015*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.009*\"highli\" + 0.009*\"dai\"\n", - "2019-01-31 01:03:04,109 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.023*\"aggress\" + 0.020*\"walter\" + 0.019*\"armi\" + 0.017*\"com\" + 0.014*\"oper\" + 0.014*\"unionist\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.010*\"diversifi\"\n", - "2019-01-31 01:03:04,111 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"help\" + 0.004*\"call\"\n", - "2019-01-31 01:03:04,112 : INFO : topic #1 (0.020): 0.053*\"china\" + 0.045*\"chilton\" + 0.025*\"hong\" + 0.024*\"kong\" + 0.023*\"korea\" + 0.019*\"korean\" + 0.016*\"sourc\" + 0.016*\"leah\" + 0.015*\"shirin\" + 0.014*\"kim\"\n", - "2019-01-31 01:03:04,113 : INFO : topic #21 (0.020): 0.034*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.018*\"mexico\" + 0.015*\"italian\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"lizard\" + 0.011*\"carlo\"\n", - "2019-01-31 01:03:04,119 : INFO : topic diff=0.004918, rho=0.027067\n", - "2019-01-31 01:03:04,277 : INFO : PROGRESS: pass 0, at document #2732000/4922894\n", - "2019-01-31 01:03:05,669 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:03:05,935 : INFO : topic #21 (0.020): 0.033*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.018*\"mexico\" + 0.015*\"italian\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"lizard\" + 0.011*\"carlo\"\n", - "2019-01-31 01:03:05,936 : INFO : topic #48 (0.020): 0.082*\"march\" + 0.078*\"octob\" + 0.078*\"sens\" + 0.071*\"juli\" + 0.071*\"januari\" + 0.070*\"notion\" + 0.069*\"august\" + 0.068*\"judici\" + 0.068*\"decatur\" + 0.067*\"april\"\n", - "2019-01-31 01:03:05,937 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.032*\"germani\" + 0.015*\"vol\" + 0.014*\"berlin\" + 0.014*\"israel\" + 0.013*\"jewish\" + 0.013*\"der\" + 0.010*\"european\" + 0.010*\"europ\" + 0.009*\"isra\"\n", - "2019-01-31 01:03:05,939 : INFO : topic #31 (0.020): 0.051*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.022*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.012*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"yard\"\n", - "2019-01-31 01:03:05,940 : INFO : topic #47 (0.020): 0.066*\"muscl\" + 0.034*\"perceptu\" + 0.020*\"theater\" + 0.018*\"place\" + 0.018*\"compos\" + 0.015*\"damn\" + 0.014*\"orchestr\" + 0.013*\"physician\" + 0.013*\"olympo\" + 0.011*\"word\"\n", - "2019-01-31 01:03:05,945 : INFO : topic diff=0.004245, rho=0.027057\n", - "2019-01-31 01:03:06,099 : INFO : PROGRESS: pass 0, at document #2734000/4922894\n", - "2019-01-31 01:03:07,450 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:03:07,717 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.006*\"cultur\" + 0.006*\"woman\"\n", - "2019-01-31 01:03:07,719 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.033*\"publicis\" + 0.027*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.014*\"presid\" + 0.012*\"collect\" + 0.012*\"nicola\" + 0.012*\"storag\" + 0.011*\"author\"\n", - "2019-01-31 01:03:07,720 : INFO : topic #31 (0.020): 0.051*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.022*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.012*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"yard\"\n", - "2019-01-31 01:03:07,721 : INFO : topic #20 (0.020): 0.141*\"scholar\" + 0.038*\"struggl\" + 0.035*\"high\" + 0.029*\"educ\" + 0.022*\"collector\" + 0.017*\"yawn\" + 0.012*\"prognosi\" + 0.011*\"district\" + 0.010*\"gothic\" + 0.010*\"start\"\n", - "2019-01-31 01:03:07,722 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.022*\"factor\" + 0.013*\"plaisir\" + 0.011*\"genu\" + 0.011*\"feel\" + 0.010*\"male\" + 0.008*\"median\" + 0.008*\"western\" + 0.008*\"adulthood\" + 0.008*\"biom\"\n", - "2019-01-31 01:03:07,728 : INFO : topic diff=0.004264, rho=0.027047\n", - "2019-01-31 01:03:07,883 : INFO : PROGRESS: pass 0, at document #2736000/4922894\n", - "2019-01-31 01:03:09,265 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:03:09,532 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.033*\"publicis\" + 0.027*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.014*\"presid\" + 0.012*\"collect\" + 0.012*\"nicola\" + 0.012*\"storag\" + 0.011*\"author\"\n", - "2019-01-31 01:03:09,533 : INFO : topic #35 (0.020): 0.058*\"russia\" + 0.037*\"sovereignti\" + 0.031*\"rural\" + 0.027*\"poison\" + 0.023*\"personifi\" + 0.023*\"reprint\" + 0.021*\"moscow\" + 0.017*\"poland\" + 0.016*\"unfortun\" + 0.015*\"czech\"\n", - "2019-01-31 01:03:09,534 : INFO : topic #13 (0.020): 0.026*\"sourc\" + 0.025*\"australia\" + 0.024*\"new\" + 0.024*\"london\" + 0.022*\"australian\" + 0.022*\"england\" + 0.020*\"ireland\" + 0.019*\"british\" + 0.014*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:03:09,535 : INFO : topic #37 (0.020): 0.011*\"charact\" + 0.011*\"man\" + 0.010*\"septemb\" + 0.009*\"anim\" + 0.008*\"comic\" + 0.007*\"love\" + 0.007*\"appear\" + 0.006*\"gestur\" + 0.006*\"workplac\" + 0.006*\"vision\"\n", - "2019-01-31 01:03:09,536 : INFO : topic #34 (0.020): 0.068*\"start\" + 0.034*\"new\" + 0.031*\"american\" + 0.030*\"unionist\" + 0.025*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.014*\"warrior\" + 0.013*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:03:09,542 : INFO : topic diff=0.004053, rho=0.027037\n", - "2019-01-31 01:03:09,700 : INFO : PROGRESS: pass 0, at document #2738000/4922894\n", - "2019-01-31 01:03:11,093 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:03:11,360 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.022*\"christian\" + 0.022*\"cathol\" + 0.020*\"bishop\" + 0.015*\"retroflex\" + 0.015*\"sail\" + 0.013*\"centuri\" + 0.009*\"relationship\" + 0.009*\"cathedr\" + 0.009*\"historiographi\"\n", - "2019-01-31 01:03:11,361 : INFO : topic #34 (0.020): 0.067*\"start\" + 0.034*\"new\" + 0.032*\"american\" + 0.030*\"unionist\" + 0.025*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.014*\"warrior\" + 0.013*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:03:11,362 : INFO : topic #1 (0.020): 0.052*\"china\" + 0.044*\"chilton\" + 0.025*\"hong\" + 0.024*\"kong\" + 0.022*\"korea\" + 0.019*\"korean\" + 0.016*\"sourc\" + 0.016*\"leah\" + 0.014*\"shirin\" + 0.014*\"kim\"\n", - "2019-01-31 01:03:11,363 : INFO : topic #35 (0.020): 0.059*\"russia\" + 0.037*\"sovereignti\" + 0.032*\"rural\" + 0.026*\"poison\" + 0.023*\"personifi\" + 0.023*\"reprint\" + 0.021*\"moscow\" + 0.017*\"poland\" + 0.016*\"unfortun\" + 0.015*\"czech\"\n", - "2019-01-31 01:03:11,364 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.032*\"germani\" + 0.015*\"vol\" + 0.014*\"berlin\" + 0.014*\"israel\" + 0.014*\"der\" + 0.013*\"jewish\" + 0.010*\"european\" + 0.010*\"europ\" + 0.009*\"isra\"\n", - "2019-01-31 01:03:11,370 : INFO : topic diff=0.003620, rho=0.027027\n", - "2019-01-31 01:03:14,068 : INFO : -11.721 per-word bound, 3375.2 perplexity estimate based on a held-out corpus of 2000 documents with 540851 words\n", - "2019-01-31 01:03:14,068 : INFO : PROGRESS: pass 0, at document #2740000/4922894\n", - "2019-01-31 01:03:15,450 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:03:15,716 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.047*\"franc\" + 0.031*\"pari\" + 0.024*\"sail\" + 0.022*\"jean\" + 0.018*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.012*\"piec\" + 0.008*\"wreath\"\n", - "2019-01-31 01:03:15,717 : INFO : topic #0 (0.020): 0.065*\"statewid\" + 0.044*\"line\" + 0.032*\"raid\" + 0.026*\"arsen\" + 0.023*\"museo\" + 0.020*\"rosenwald\" + 0.019*\"serv\" + 0.019*\"traceabl\" + 0.013*\"oper\" + 0.012*\"exhaust\"\n", - "2019-01-31 01:03:15,718 : INFO : topic #13 (0.020): 0.026*\"sourc\" + 0.026*\"australia\" + 0.024*\"new\" + 0.024*\"london\" + 0.022*\"australian\" + 0.022*\"england\" + 0.020*\"ireland\" + 0.019*\"british\" + 0.014*\"youth\" + 0.014*\"wale\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:03:15,719 : INFO : topic #48 (0.020): 0.082*\"march\" + 0.077*\"octob\" + 0.077*\"sens\" + 0.071*\"juli\" + 0.070*\"januari\" + 0.069*\"notion\" + 0.069*\"august\" + 0.068*\"judici\" + 0.068*\"decatur\" + 0.067*\"april\"\n", - "2019-01-31 01:03:15,720 : INFO : topic #9 (0.020): 0.067*\"bone\" + 0.045*\"american\" + 0.027*\"valour\" + 0.018*\"dutch\" + 0.018*\"player\" + 0.018*\"folei\" + 0.017*\"polit\" + 0.017*\"english\" + 0.012*\"simpler\" + 0.012*\"acrimoni\"\n", - "2019-01-31 01:03:15,726 : INFO : topic diff=0.004130, rho=0.027017\n", - "2019-01-31 01:03:15,888 : INFO : PROGRESS: pass 0, at document #2742000/4922894\n", - "2019-01-31 01:03:17,297 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:03:17,562 : INFO : topic #21 (0.020): 0.033*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.017*\"mexico\" + 0.015*\"italian\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"carlo\" + 0.011*\"lizard\"\n", - "2019-01-31 01:03:17,564 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.024*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"movi\" + 0.011*\"direct\" + 0.011*\"acrimoni\"\n", - "2019-01-31 01:03:17,565 : INFO : topic #37 (0.020): 0.011*\"charact\" + 0.010*\"man\" + 0.010*\"septemb\" + 0.009*\"anim\" + 0.008*\"comic\" + 0.007*\"love\" + 0.007*\"appear\" + 0.006*\"gestur\" + 0.006*\"workplac\" + 0.006*\"vision\"\n", - "2019-01-31 01:03:17,566 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.033*\"publicis\" + 0.027*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.014*\"presid\" + 0.012*\"collect\" + 0.012*\"nicola\" + 0.011*\"storag\" + 0.011*\"author\"\n", - "2019-01-31 01:03:17,567 : INFO : topic #39 (0.020): 0.056*\"canada\" + 0.045*\"canadian\" + 0.024*\"hoar\" + 0.021*\"ontario\" + 0.021*\"toronto\" + 0.016*\"new\" + 0.016*\"hydrogen\" + 0.015*\"novotná\" + 0.014*\"misericordia\" + 0.014*\"quebec\"\n", - "2019-01-31 01:03:17,573 : INFO : topic diff=0.005132, rho=0.027007\n", - "2019-01-31 01:03:17,728 : INFO : PROGRESS: pass 0, at document #2744000/4922894\n", - "2019-01-31 01:03:19,088 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:03:19,355 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.023*\"christian\" + 0.022*\"cathol\" + 0.020*\"bishop\" + 0.015*\"retroflex\" + 0.015*\"sail\" + 0.013*\"centuri\" + 0.009*\"relationship\" + 0.009*\"cathedr\" + 0.009*\"historiographi\"\n", - "2019-01-31 01:03:19,356 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.017*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.013*\"militari\" + 0.011*\"airbu\" + 0.010*\"refut\"\n", - "2019-01-31 01:03:19,357 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"help\" + 0.004*\"call\"\n", - "2019-01-31 01:03:19,358 : INFO : topic #21 (0.020): 0.032*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.018*\"mexico\" + 0.015*\"italian\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"carlo\" + 0.011*\"lizard\"\n", - "2019-01-31 01:03:19,359 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.009*\"hormon\" + 0.008*\"media\" + 0.008*\"disco\" + 0.008*\"have\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 01:03:19,365 : INFO : topic diff=0.004357, rho=0.026997\n", - "2019-01-31 01:03:19,524 : INFO : PROGRESS: pass 0, at document #2746000/4922894\n", - "2019-01-31 01:03:21,267 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:03:21,534 : INFO : topic #17 (0.020): 0.078*\"church\" + 0.023*\"christian\" + 0.022*\"cathol\" + 0.020*\"bishop\" + 0.015*\"retroflex\" + 0.015*\"sail\" + 0.013*\"centuri\" + 0.009*\"historiographi\" + 0.009*\"cathedr\" + 0.009*\"relationship\"\n", - "2019-01-31 01:03:21,535 : INFO : topic #4 (0.020): 0.019*\"enfranchis\" + 0.015*\"depress\" + 0.015*\"pour\" + 0.010*\"mode\" + 0.009*\"elabor\" + 0.007*\"veget\" + 0.007*\"uruguayan\" + 0.006*\"encyclopedia\" + 0.006*\"produc\" + 0.006*\"develop\"\n", - "2019-01-31 01:03:21,536 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.046*\"franc\" + 0.031*\"pari\" + 0.024*\"sail\" + 0.022*\"jean\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.012*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:03:21,537 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.017*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.013*\"militari\" + 0.011*\"airbu\" + 0.010*\"refut\"\n", - "2019-01-31 01:03:21,538 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.012*\"will\" + 0.011*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"paul\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:03:21,544 : INFO : topic diff=0.004067, rho=0.026988\n", - "2019-01-31 01:03:21,703 : INFO : PROGRESS: pass 0, at document #2748000/4922894\n", - "2019-01-31 01:03:23,091 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:03:23,357 : INFO : topic #40 (0.020): 0.089*\"unit\" + 0.024*\"schuster\" + 0.022*\"institut\" + 0.021*\"requir\" + 0.020*\"collector\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.012*\"http\" + 0.011*\"degre\"\n", - "2019-01-31 01:03:23,359 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"help\" + 0.004*\"call\"\n", - "2019-01-31 01:03:23,359 : INFO : topic #20 (0.020): 0.140*\"scholar\" + 0.038*\"struggl\" + 0.034*\"high\" + 0.029*\"educ\" + 0.022*\"collector\" + 0.017*\"yawn\" + 0.012*\"prognosi\" + 0.011*\"district\" + 0.010*\"gothic\" + 0.010*\"start\"\n", - "2019-01-31 01:03:23,361 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.022*\"christian\" + 0.022*\"cathol\" + 0.020*\"bishop\" + 0.015*\"retroflex\" + 0.015*\"sail\" + 0.012*\"centuri\" + 0.009*\"historiographi\" + 0.009*\"cathedr\" + 0.009*\"relationship\"\n", - "2019-01-31 01:03:23,362 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.007*\"woman\" + 0.006*\"cultur\"\n", - "2019-01-31 01:03:23,367 : INFO : topic diff=0.004250, rho=0.026978\n", - "2019-01-31 01:03:23,583 : INFO : PROGRESS: pass 0, at document #2750000/4922894\n", - "2019-01-31 01:03:24,968 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:03:25,234 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.032*\"germani\" + 0.015*\"vol\" + 0.014*\"israel\" + 0.014*\"berlin\" + 0.014*\"der\" + 0.013*\"jewish\" + 0.010*\"european\" + 0.010*\"europ\" + 0.009*\"isra\"\n", - "2019-01-31 01:03:25,235 : INFO : topic #0 (0.020): 0.065*\"statewid\" + 0.043*\"line\" + 0.032*\"raid\" + 0.026*\"arsen\" + 0.023*\"museo\" + 0.020*\"rosenwald\" + 0.020*\"traceabl\" + 0.019*\"serv\" + 0.013*\"oper\" + 0.012*\"exhaust\"\n", - "2019-01-31 01:03:25,236 : INFO : topic #28 (0.020): 0.032*\"build\" + 0.026*\"hous\" + 0.021*\"rivièr\" + 0.018*\"buford\" + 0.014*\"histor\" + 0.012*\"briarwood\" + 0.011*\"constitut\" + 0.011*\"strategist\" + 0.011*\"linear\" + 0.010*\"depress\"\n", - "2019-01-31 01:03:25,238 : INFO : topic #38 (0.020): 0.024*\"walter\" + 0.011*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.008*\"teufel\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.007*\"till\" + 0.006*\"militari\" + 0.006*\"govern\"\n", - "2019-01-31 01:03:25,239 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.017*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.010*\"refut\"\n", - "2019-01-31 01:03:25,245 : INFO : topic diff=0.003930, rho=0.026968\n", - "2019-01-31 01:03:25,404 : INFO : PROGRESS: pass 0, at document #2752000/4922894\n", - "2019-01-31 01:03:26,789 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:03:27,056 : INFO : topic #3 (0.020): 0.032*\"present\" + 0.026*\"offic\" + 0.024*\"nation\" + 0.023*\"minist\" + 0.021*\"govern\" + 0.021*\"member\" + 0.018*\"serv\" + 0.017*\"gener\" + 0.016*\"start\" + 0.014*\"seri\"\n", - "2019-01-31 01:03:27,057 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.017*\"com\" + 0.013*\"oper\" + 0.013*\"unionist\" + 0.013*\"militari\" + 0.011*\"airbu\" + 0.010*\"refut\"\n", - "2019-01-31 01:03:27,058 : INFO : topic #21 (0.020): 0.032*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.018*\"mexico\" + 0.015*\"italian\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"carlo\" + 0.011*\"lizard\"\n", - "2019-01-31 01:03:27,059 : INFO : topic #9 (0.020): 0.065*\"bone\" + 0.046*\"american\" + 0.027*\"valour\" + 0.019*\"player\" + 0.018*\"folei\" + 0.018*\"dutch\" + 0.018*\"polit\" + 0.017*\"english\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:03:27,060 : INFO : topic #20 (0.020): 0.141*\"scholar\" + 0.038*\"struggl\" + 0.034*\"high\" + 0.029*\"educ\" + 0.023*\"collector\" + 0.017*\"yawn\" + 0.012*\"prognosi\" + 0.011*\"district\" + 0.010*\"gothic\" + 0.009*\"start\"\n", - "2019-01-31 01:03:27,066 : INFO : topic diff=0.003851, rho=0.026958\n", - "2019-01-31 01:03:27,223 : INFO : PROGRESS: pass 0, at document #2754000/4922894\n", - "2019-01-31 01:03:28,593 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:03:28,860 : INFO : topic #12 (0.020): 0.010*\"number\" + 0.008*\"frontal\" + 0.007*\"gener\" + 0.006*\"théori\" + 0.006*\"southern\" + 0.006*\"servitud\" + 0.006*\"exampl\" + 0.006*\"poet\" + 0.006*\"method\" + 0.006*\"theoret\"\n", - "2019-01-31 01:03:28,861 : INFO : topic #46 (0.020): 0.017*\"stop\" + 0.016*\"wind\" + 0.016*\"sweden\" + 0.015*\"norwai\" + 0.015*\"swedish\" + 0.014*\"damag\" + 0.013*\"norwegian\" + 0.012*\"danish\" + 0.011*\"huntsvil\" + 0.011*\"denmark\"\n", - "2019-01-31 01:03:28,862 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"develop\" + 0.010*\"organ\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.006*\"woman\" + 0.006*\"cultur\"\n", - "2019-01-31 01:03:28,863 : INFO : topic #1 (0.020): 0.052*\"china\" + 0.045*\"chilton\" + 0.026*\"hong\" + 0.025*\"kong\" + 0.021*\"korea\" + 0.018*\"korean\" + 0.016*\"sourc\" + 0.016*\"leah\" + 0.014*\"shirin\" + 0.014*\"kim\"\n", - "2019-01-31 01:03:28,864 : INFO : topic #45 (0.020): 0.028*\"jpg\" + 0.026*\"fifteenth\" + 0.019*\"illicit\" + 0.016*\"colder\" + 0.015*\"black\" + 0.014*\"western\" + 0.012*\"pain\" + 0.012*\"record\" + 0.010*\"blind\" + 0.009*\"depress\"\n", - "2019-01-31 01:03:28,870 : INFO : topic diff=0.005384, rho=0.026948\n", - "2019-01-31 01:03:29,027 : INFO : PROGRESS: pass 0, at document #2756000/4922894\n", - "2019-01-31 01:03:30,422 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:03:30,688 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.017*\"com\" + 0.013*\"oper\" + 0.013*\"unionist\" + 0.013*\"militari\" + 0.011*\"airbu\" + 0.010*\"diversifi\"\n", - "2019-01-31 01:03:30,689 : INFO : topic #43 (0.020): 0.067*\"elect\" + 0.055*\"parti\" + 0.024*\"democrat\" + 0.023*\"voluntari\" + 0.023*\"member\" + 0.016*\"liber\" + 0.015*\"polici\" + 0.015*\"republ\" + 0.013*\"report\" + 0.013*\"bypass\"\n", - "2019-01-31 01:03:30,690 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.022*\"factor\" + 0.013*\"plaisir\" + 0.011*\"feel\" + 0.011*\"genu\" + 0.010*\"male\" + 0.008*\"median\" + 0.008*\"western\" + 0.008*\"biom\" + 0.007*\"incom\"\n", - "2019-01-31 01:03:30,691 : INFO : topic #46 (0.020): 0.018*\"norwai\" + 0.017*\"stop\" + 0.016*\"wind\" + 0.016*\"sweden\" + 0.015*\"swedish\" + 0.014*\"damag\" + 0.013*\"norwegian\" + 0.012*\"denmark\" + 0.012*\"danish\" + 0.011*\"huntsvil\"\n", - "2019-01-31 01:03:30,692 : INFO : topic #4 (0.020): 0.019*\"enfranchis\" + 0.015*\"depress\" + 0.015*\"pour\" + 0.010*\"mode\" + 0.009*\"elabor\" + 0.007*\"veget\" + 0.007*\"uruguayan\" + 0.006*\"encyclopedia\" + 0.006*\"produc\" + 0.006*\"spectacl\"\n", - "2019-01-31 01:03:30,698 : INFO : topic diff=0.003998, rho=0.026939\n", - "2019-01-31 01:03:30,852 : INFO : PROGRESS: pass 0, at document #2758000/4922894\n", - "2019-01-31 01:03:32,211 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:03:32,478 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.045*\"chilton\" + 0.026*\"hong\" + 0.025*\"kong\" + 0.022*\"korea\" + 0.018*\"korean\" + 0.016*\"sourc\" + 0.015*\"leah\" + 0.014*\"shirin\" + 0.013*\"kim\"\n", - "2019-01-31 01:03:32,479 : INFO : topic #36 (0.020): 0.011*\"prognosi\" + 0.011*\"network\" + 0.009*\"pop\" + 0.008*\"cytokin\" + 0.008*\"develop\" + 0.008*\"softwar\" + 0.008*\"diggin\" + 0.008*\"uruguayan\" + 0.008*\"user\" + 0.007*\"championship\"\n", - "2019-01-31 01:03:32,480 : INFO : topic #28 (0.020): 0.032*\"build\" + 0.026*\"hous\" + 0.021*\"rivièr\" + 0.018*\"buford\" + 0.014*\"histor\" + 0.011*\"constitut\" + 0.011*\"briarwood\" + 0.011*\"linear\" + 0.011*\"strategist\" + 0.010*\"depress\"\n", - "2019-01-31 01:03:32,481 : INFO : topic #9 (0.020): 0.067*\"bone\" + 0.048*\"american\" + 0.026*\"valour\" + 0.018*\"english\" + 0.018*\"dutch\" + 0.018*\"player\" + 0.017*\"folei\" + 0.017*\"polit\" + 0.016*\"poch\" + 0.012*\"simpler\"\n", - "2019-01-31 01:03:32,482 : INFO : topic #32 (0.020): 0.049*\"district\" + 0.043*\"popolo\" + 0.041*\"vigour\" + 0.036*\"cotton\" + 0.035*\"tortur\" + 0.024*\"area\" + 0.021*\"multitud\" + 0.021*\"citi\" + 0.019*\"cede\" + 0.019*\"regim\"\n", - "2019-01-31 01:03:32,488 : INFO : topic diff=0.003665, rho=0.026929\n", - "2019-01-31 01:03:35,176 : INFO : -12.105 per-word bound, 4403.9 perplexity estimate based on a held-out corpus of 2000 documents with 559641 words\n", - "2019-01-31 01:03:35,177 : INFO : PROGRESS: pass 0, at document #2760000/4922894\n", - "2019-01-31 01:03:36,562 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:03:36,828 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.021*\"factor\" + 0.013*\"plaisir\" + 0.011*\"feel\" + 0.011*\"genu\" + 0.010*\"male\" + 0.008*\"median\" + 0.008*\"western\" + 0.008*\"biom\" + 0.007*\"incom\"\n", - "2019-01-31 01:03:36,829 : INFO : topic #21 (0.020): 0.032*\"samford\" + 0.022*\"spain\" + 0.020*\"del\" + 0.018*\"mexico\" + 0.015*\"italian\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"carlo\" + 0.011*\"lizard\"\n", - "2019-01-31 01:03:36,831 : INFO : topic #29 (0.020): 0.029*\"companhia\" + 0.012*\"busi\" + 0.012*\"million\" + 0.012*\"bank\" + 0.011*\"market\" + 0.011*\"produc\" + 0.009*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"serv\"\n", - "2019-01-31 01:03:36,831 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.012*\"will\" + 0.011*\"david\" + 0.011*\"jame\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"paul\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:03:36,833 : INFO : topic #40 (0.020): 0.088*\"unit\" + 0.024*\"schuster\" + 0.022*\"institut\" + 0.021*\"requir\" + 0.020*\"collector\" + 0.019*\"student\" + 0.015*\"professor\" + 0.012*\"word\" + 0.012*\"http\" + 0.011*\"governor\"\n", - "2019-01-31 01:03:36,838 : INFO : topic diff=0.004872, rho=0.026919\n", - "2019-01-31 01:03:36,998 : INFO : PROGRESS: pass 0, at document #2762000/4922894\n", - "2019-01-31 01:03:38,395 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:03:38,661 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.033*\"perceptu\" + 0.019*\"theater\" + 0.017*\"place\" + 0.017*\"compos\" + 0.015*\"damn\" + 0.015*\"orchestr\" + 0.013*\"physician\" + 0.013*\"olympo\" + 0.011*\"word\"\n", - "2019-01-31 01:03:38,662 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.017*\"com\" + 0.013*\"oper\" + 0.013*\"unionist\" + 0.013*\"militari\" + 0.011*\"airbu\" + 0.011*\"refut\"\n", - "2019-01-31 01:03:38,664 : INFO : topic #45 (0.020): 0.028*\"jpg\" + 0.026*\"fifteenth\" + 0.019*\"illicit\" + 0.016*\"colder\" + 0.015*\"black\" + 0.014*\"western\" + 0.012*\"pain\" + 0.012*\"record\" + 0.010*\"blind\" + 0.009*\"depress\"\n", - "2019-01-31 01:03:38,665 : INFO : topic #32 (0.020): 0.049*\"district\" + 0.043*\"popolo\" + 0.041*\"vigour\" + 0.036*\"cotton\" + 0.035*\"tortur\" + 0.024*\"area\" + 0.021*\"multitud\" + 0.021*\"citi\" + 0.019*\"cede\" + 0.019*\"regim\"\n", - "2019-01-31 01:03:38,666 : INFO : topic #24 (0.020): 0.038*\"book\" + 0.033*\"publicis\" + 0.027*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.014*\"presid\" + 0.012*\"collect\" + 0.012*\"storag\" + 0.011*\"nicola\" + 0.010*\"author\"\n", - "2019-01-31 01:03:38,671 : INFO : topic diff=0.004664, rho=0.026909\n", - "2019-01-31 01:03:38,827 : INFO : PROGRESS: pass 0, at document #2764000/4922894\n", - "2019-01-31 01:03:40,214 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:03:40,480 : INFO : topic #49 (0.020): 0.042*\"india\" + 0.031*\"incumb\" + 0.014*\"islam\" + 0.012*\"pakistan\" + 0.012*\"anglo\" + 0.011*\"televis\" + 0.011*\"tajikistan\" + 0.010*\"khalsa\" + 0.010*\"muskoge\" + 0.010*\"sri\"\n", - "2019-01-31 01:03:40,481 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.009*\"media\" + 0.008*\"hormon\" + 0.008*\"disco\" + 0.007*\"pathwai\" + 0.007*\"have\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 01:03:40,482 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.035*\"leagu\" + 0.030*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:03:40,483 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"develop\" + 0.010*\"organ\" + 0.010*\"commun\" + 0.008*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.006*\"woman\" + 0.006*\"summerhil\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:03:40,484 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.026*\"final\" + 0.022*\"wife\" + 0.020*\"tourist\" + 0.019*\"champion\" + 0.015*\"martin\" + 0.014*\"chamber\" + 0.014*\"taxpay\" + 0.013*\"tiepolo\" + 0.013*\"winner\"\n", - "2019-01-31 01:03:40,490 : INFO : topic diff=0.004126, rho=0.026900\n", - "2019-01-31 01:03:40,645 : INFO : PROGRESS: pass 0, at document #2766000/4922894\n", - "2019-01-31 01:03:42,012 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:03:42,279 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.017*\"com\" + 0.013*\"oper\" + 0.013*\"unionist\" + 0.013*\"militari\" + 0.011*\"airbu\" + 0.011*\"refut\"\n", - "2019-01-31 01:03:42,280 : INFO : topic #32 (0.020): 0.049*\"district\" + 0.043*\"popolo\" + 0.041*\"vigour\" + 0.036*\"cotton\" + 0.035*\"tortur\" + 0.024*\"area\" + 0.021*\"multitud\" + 0.021*\"citi\" + 0.019*\"cede\" + 0.019*\"regim\"\n", - "2019-01-31 01:03:42,281 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.007*\"ancestor\"\n", - "2019-01-31 01:03:42,282 : INFO : topic #26 (0.020): 0.031*\"workplac\" + 0.029*\"champion\" + 0.028*\"woman\" + 0.026*\"men\" + 0.024*\"olymp\" + 0.022*\"alic\" + 0.021*\"medal\" + 0.020*\"event\" + 0.018*\"atheist\" + 0.018*\"rainfal\"\n", - "2019-01-31 01:03:42,283 : INFO : topic #49 (0.020): 0.042*\"india\" + 0.031*\"incumb\" + 0.014*\"islam\" + 0.012*\"anglo\" + 0.012*\"pakistan\" + 0.011*\"televis\" + 0.010*\"tajikistan\" + 0.010*\"muskoge\" + 0.010*\"khalsa\" + 0.010*\"sri\"\n", - "2019-01-31 01:03:42,289 : INFO : topic diff=0.003602, rho=0.026890\n", - "2019-01-31 01:03:42,443 : INFO : PROGRESS: pass 0, at document #2768000/4922894\n", - "2019-01-31 01:03:43,825 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:03:44,091 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"media\" + 0.008*\"hormon\" + 0.008*\"disco\" + 0.007*\"have\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 01:03:44,093 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.033*\"publicis\" + 0.027*\"word\" + 0.018*\"new\" + 0.015*\"edit\" + 0.014*\"presid\" + 0.012*\"collect\" + 0.012*\"storag\" + 0.011*\"nicola\" + 0.010*\"author\"\n", - "2019-01-31 01:03:44,094 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"develop\" + 0.010*\"organ\" + 0.010*\"commun\" + 0.009*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.006*\"woman\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:03:44,095 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.025*\"palmer\" + 0.022*\"new\" + 0.014*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:03:44,096 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.022*\"christian\" + 0.022*\"cathol\" + 0.020*\"bishop\" + 0.015*\"sail\" + 0.015*\"retroflex\" + 0.012*\"centuri\" + 0.009*\"relationship\" + 0.009*\"cathedr\" + 0.009*\"historiographi\"\n", - "2019-01-31 01:03:44,102 : INFO : topic diff=0.003832, rho=0.026880\n", - "2019-01-31 01:03:44,253 : INFO : PROGRESS: pass 0, at document #2770000/4922894\n", - "2019-01-31 01:03:45,590 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:03:45,856 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"develop\" + 0.010*\"organ\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.006*\"woman\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:03:45,857 : INFO : topic #35 (0.020): 0.057*\"russia\" + 0.037*\"sovereignti\" + 0.033*\"rural\" + 0.027*\"poison\" + 0.025*\"personifi\" + 0.023*\"moscow\" + 0.023*\"reprint\" + 0.017*\"poland\" + 0.016*\"unfortun\" + 0.014*\"malaysia\"\n", - "2019-01-31 01:03:45,858 : INFO : topic #37 (0.020): 0.011*\"charact\" + 0.010*\"man\" + 0.010*\"septemb\" + 0.009*\"anim\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.007*\"love\" + 0.006*\"gestur\" + 0.006*\"workplac\" + 0.005*\"storag\"\n", - "2019-01-31 01:03:45,859 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.024*\"schuster\" + 0.023*\"institut\" + 0.021*\"requir\" + 0.021*\"collector\" + 0.019*\"student\" + 0.015*\"professor\" + 0.012*\"word\" + 0.012*\"http\" + 0.011*\"governor\"\n", - "2019-01-31 01:03:45,860 : INFO : topic #48 (0.020): 0.081*\"march\" + 0.080*\"octob\" + 0.079*\"sens\" + 0.071*\"juli\" + 0.071*\"januari\" + 0.071*\"august\" + 0.070*\"notion\" + 0.069*\"judici\" + 0.068*\"decatur\" + 0.068*\"april\"\n", - "2019-01-31 01:03:45,866 : INFO : topic diff=0.004574, rho=0.026870\n", - "2019-01-31 01:03:46,026 : INFO : PROGRESS: pass 0, at document #2772000/4922894\n", - "2019-01-31 01:03:47,429 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:03:47,695 : INFO : topic #23 (0.020): 0.137*\"audit\" + 0.067*\"best\" + 0.033*\"yawn\" + 0.029*\"jacksonvil\" + 0.023*\"japanes\" + 0.021*\"noll\" + 0.020*\"festiv\" + 0.019*\"women\" + 0.018*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 01:03:47,696 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"pour\" + 0.015*\"depress\" + 0.010*\"elabor\" + 0.010*\"mode\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.006*\"encyclopedia\" + 0.006*\"develop\" + 0.006*\"spectacl\"\n", - "2019-01-31 01:03:47,697 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.043*\"line\" + 0.032*\"raid\" + 0.025*\"arsen\" + 0.023*\"museo\" + 0.021*\"rosenwald\" + 0.020*\"traceabl\" + 0.019*\"serv\" + 0.013*\"oper\" + 0.011*\"exhaust\"\n", - "2019-01-31 01:03:47,698 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"deal\" + 0.012*\"john\"\n", - "2019-01-31 01:03:47,700 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.025*\"palmer\" + 0.022*\"new\" + 0.014*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:03:47,705 : INFO : topic diff=0.004350, rho=0.026861\n", - "2019-01-31 01:03:47,861 : INFO : PROGRESS: pass 0, at document #2774000/4922894\n", - "2019-01-31 01:03:49,243 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:03:49,509 : INFO : topic #35 (0.020): 0.057*\"russia\" + 0.038*\"sovereignti\" + 0.033*\"rural\" + 0.026*\"poison\" + 0.025*\"personifi\" + 0.023*\"moscow\" + 0.023*\"reprint\" + 0.017*\"poland\" + 0.016*\"unfortun\" + 0.015*\"malaysia\"\n", - "2019-01-31 01:03:49,510 : INFO : topic #45 (0.020): 0.027*\"jpg\" + 0.025*\"fifteenth\" + 0.019*\"illicit\" + 0.016*\"colder\" + 0.015*\"black\" + 0.014*\"western\" + 0.012*\"pain\" + 0.012*\"record\" + 0.010*\"blind\" + 0.009*\"depress\"\n", - "2019-01-31 01:03:49,511 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.009*\"hormon\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"pathwai\" + 0.007*\"have\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 01:03:49,513 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.067*\"best\" + 0.033*\"yawn\" + 0.029*\"jacksonvil\" + 0.023*\"japanes\" + 0.021*\"noll\" + 0.020*\"festiv\" + 0.019*\"women\" + 0.018*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 01:03:49,514 : INFO : topic #39 (0.020): 0.058*\"canada\" + 0.044*\"canadian\" + 0.024*\"hoar\" + 0.022*\"toronto\" + 0.021*\"ontario\" + 0.016*\"new\" + 0.015*\"hydrogen\" + 0.014*\"novotná\" + 0.014*\"misericordia\" + 0.013*\"quebec\"\n", - "2019-01-31 01:03:49,520 : INFO : topic diff=0.003771, rho=0.026851\n", - "2019-01-31 01:03:49,671 : INFO : PROGRESS: pass 0, at document #2776000/4922894\n", - "2019-01-31 01:03:51,045 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:03:51,311 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"armi\" + 0.022*\"aggress\" + 0.020*\"walter\" + 0.017*\"com\" + 0.013*\"oper\" + 0.013*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.011*\"refut\"\n", - "2019-01-31 01:03:51,312 : INFO : topic #16 (0.020): 0.053*\"king\" + 0.031*\"priest\" + 0.023*\"duke\" + 0.021*\"idiosyncrat\" + 0.020*\"rotterdam\" + 0.018*\"grammat\" + 0.018*\"quarterli\" + 0.012*\"kingdom\" + 0.012*\"brazil\" + 0.012*\"count\"\n", - "2019-01-31 01:03:51,313 : INFO : topic #21 (0.020): 0.034*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.017*\"mexico\" + 0.015*\"italian\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"lizard\" + 0.011*\"carlo\" + 0.011*\"juan\"\n", - "2019-01-31 01:03:51,314 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.021*\"factor\" + 0.013*\"plaisir\" + 0.011*\"genu\" + 0.010*\"feel\" + 0.009*\"male\" + 0.008*\"median\" + 0.008*\"western\" + 0.008*\"biom\" + 0.007*\"incom\"\n", - "2019-01-31 01:03:51,315 : INFO : topic #24 (0.020): 0.038*\"book\" + 0.034*\"publicis\" + 0.028*\"word\" + 0.018*\"new\" + 0.015*\"edit\" + 0.014*\"presid\" + 0.012*\"collect\" + 0.012*\"storag\" + 0.011*\"nicola\" + 0.010*\"author\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:03:51,321 : INFO : topic diff=0.003960, rho=0.026841\n", - "2019-01-31 01:03:51,479 : INFO : PROGRESS: pass 0, at document #2778000/4922894\n", - "2019-01-31 01:03:52,981 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:03:53,246 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.031*\"germani\" + 0.016*\"vol\" + 0.014*\"berlin\" + 0.014*\"israel\" + 0.014*\"der\" + 0.013*\"jewish\" + 0.010*\"european\" + 0.009*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:03:53,248 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:03:53,249 : INFO : topic #46 (0.020): 0.019*\"norwai\" + 0.017*\"sweden\" + 0.016*\"stop\" + 0.016*\"wind\" + 0.015*\"swedish\" + 0.014*\"norwegian\" + 0.013*\"damag\" + 0.012*\"danish\" + 0.012*\"denmark\" + 0.010*\"huntsvil\"\n", - "2019-01-31 01:03:53,250 : INFO : topic #21 (0.020): 0.034*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.017*\"mexico\" + 0.015*\"italian\" + 0.014*\"soviet\" + 0.013*\"santa\" + 0.011*\"lizard\" + 0.011*\"carlo\" + 0.011*\"juan\"\n", - "2019-01-31 01:03:53,251 : INFO : topic #12 (0.020): 0.010*\"number\" + 0.008*\"frontal\" + 0.007*\"gener\" + 0.007*\"théori\" + 0.006*\"exampl\" + 0.006*\"southern\" + 0.006*\"method\" + 0.006*\"servitud\" + 0.006*\"poet\" + 0.006*\"measur\"\n", - "2019-01-31 01:03:53,257 : INFO : topic diff=0.004358, rho=0.026832\n", - "2019-01-31 01:03:55,893 : INFO : -11.579 per-word bound, 3060.1 perplexity estimate based on a held-out corpus of 2000 documents with 531217 words\n", - "2019-01-31 01:03:55,893 : INFO : PROGRESS: pass 0, at document #2780000/4922894\n", - "2019-01-31 01:03:57,259 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:03:57,525 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.027*\"final\" + 0.022*\"wife\" + 0.021*\"tourist\" + 0.019*\"champion\" + 0.015*\"martin\" + 0.015*\"chamber\" + 0.014*\"tiepolo\" + 0.014*\"taxpay\" + 0.013*\"winner\"\n", - "2019-01-31 01:03:57,526 : INFO : topic #28 (0.020): 0.032*\"build\" + 0.026*\"hous\" + 0.021*\"rivièr\" + 0.017*\"buford\" + 0.014*\"histor\" + 0.011*\"briarwood\" + 0.011*\"constitut\" + 0.011*\"strategist\" + 0.010*\"depress\" + 0.010*\"linear\"\n", - "2019-01-31 01:03:57,527 : INFO : topic #16 (0.020): 0.053*\"king\" + 0.031*\"priest\" + 0.023*\"duke\" + 0.021*\"idiosyncrat\" + 0.020*\"rotterdam\" + 0.018*\"grammat\" + 0.018*\"quarterli\" + 0.012*\"brazil\" + 0.012*\"kingdom\" + 0.012*\"count\"\n", - "2019-01-31 01:03:57,529 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"depress\" + 0.015*\"pour\" + 0.010*\"mode\" + 0.010*\"elabor\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.006*\"spectacl\" + 0.006*\"develop\" + 0.006*\"encyclopedia\"\n", - "2019-01-31 01:03:57,530 : INFO : topic #49 (0.020): 0.042*\"india\" + 0.033*\"incumb\" + 0.014*\"islam\" + 0.012*\"pakistan\" + 0.012*\"anglo\" + 0.011*\"muskoge\" + 0.010*\"televis\" + 0.010*\"khalsa\" + 0.010*\"affection\" + 0.010*\"tajikistan\"\n", - "2019-01-31 01:03:57,535 : INFO : topic diff=0.003553, rho=0.026822\n", - "2019-01-31 01:03:57,749 : INFO : PROGRESS: pass 0, at document #2782000/4922894\n", - "2019-01-31 01:03:59,140 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:03:59,406 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.067*\"best\" + 0.033*\"yawn\" + 0.029*\"jacksonvil\" + 0.023*\"japanes\" + 0.021*\"noll\" + 0.020*\"festiv\" + 0.019*\"women\" + 0.018*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 01:03:59,408 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.012*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"paul\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:03:59,409 : INFO : topic #16 (0.020): 0.053*\"king\" + 0.031*\"priest\" + 0.023*\"duke\" + 0.021*\"idiosyncrat\" + 0.020*\"rotterdam\" + 0.018*\"quarterli\" + 0.018*\"grammat\" + 0.012*\"brazil\" + 0.012*\"kingdom\" + 0.012*\"portugues\"\n", - "2019-01-31 01:03:59,410 : INFO : topic #34 (0.020): 0.067*\"start\" + 0.034*\"new\" + 0.031*\"american\" + 0.029*\"unionist\" + 0.025*\"cotton\" + 0.022*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.013*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:03:59,411 : INFO : topic #43 (0.020): 0.067*\"elect\" + 0.055*\"parti\" + 0.024*\"democrat\" + 0.023*\"voluntari\" + 0.022*\"member\" + 0.016*\"polici\" + 0.015*\"liber\" + 0.015*\"republ\" + 0.014*\"bypass\" + 0.013*\"report\"\n", - "2019-01-31 01:03:59,417 : INFO : topic diff=0.004201, rho=0.026812\n", - "2019-01-31 01:03:59,576 : INFO : PROGRESS: pass 0, at document #2784000/4922894\n", - "2019-01-31 01:04:00,967 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:04:01,234 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.044*\"line\" + 0.034*\"raid\" + 0.024*\"arsen\" + 0.023*\"museo\" + 0.020*\"rosenwald\" + 0.020*\"traceabl\" + 0.019*\"serv\" + 0.013*\"oper\" + 0.011*\"exhaust\"\n", - "2019-01-31 01:04:01,235 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.027*\"final\" + 0.023*\"wife\" + 0.021*\"tourist\" + 0.019*\"champion\" + 0.015*\"martin\" + 0.015*\"chamber\" + 0.014*\"tiepolo\" + 0.014*\"taxpay\" + 0.013*\"winner\"\n", - "2019-01-31 01:04:01,236 : INFO : topic #28 (0.020): 0.032*\"build\" + 0.026*\"hous\" + 0.020*\"rivièr\" + 0.017*\"buford\" + 0.014*\"histor\" + 0.012*\"briarwood\" + 0.011*\"constitut\" + 0.011*\"strategist\" + 0.010*\"depress\" + 0.010*\"linear\"\n", - "2019-01-31 01:04:01,237 : INFO : topic #39 (0.020): 0.058*\"canada\" + 0.044*\"canadian\" + 0.023*\"hoar\" + 0.023*\"toronto\" + 0.022*\"ontario\" + 0.017*\"new\" + 0.015*\"novotná\" + 0.014*\"hydrogen\" + 0.014*\"misericordia\" + 0.013*\"quebec\"\n", - "2019-01-31 01:04:01,238 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"kenworthi\"\n", - "2019-01-31 01:04:01,244 : INFO : topic diff=0.004013, rho=0.026803\n", - "2019-01-31 01:04:01,403 : INFO : PROGRESS: pass 0, at document #2786000/4922894\n", - "2019-01-31 01:04:02,795 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:04:03,061 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.032*\"perceptu\" + 0.019*\"theater\" + 0.017*\"compos\" + 0.017*\"place\" + 0.015*\"damn\" + 0.014*\"orchestr\" + 0.013*\"olympo\" + 0.013*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 01:04:03,063 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.009*\"hormon\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"have\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 01:04:03,065 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"develop\" + 0.010*\"organ\" + 0.009*\"commun\" + 0.008*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.006*\"summerhil\" + 0.006*\"woman\"\n", - "2019-01-31 01:04:03,066 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.031*\"germani\" + 0.015*\"vol\" + 0.014*\"berlin\" + 0.014*\"israel\" + 0.014*\"der\" + 0.013*\"jewish\" + 0.010*\"european\" + 0.009*\"austria\" + 0.009*\"europ\"\n", - "2019-01-31 01:04:03,067 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"depress\" + 0.015*\"pour\" + 0.010*\"mode\" + 0.010*\"elabor\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.006*\"spectacl\" + 0.006*\"encyclopedia\" + 0.006*\"produc\"\n", - "2019-01-31 01:04:03,073 : INFO : topic diff=0.004963, rho=0.026793\n", - "2019-01-31 01:04:03,224 : INFO : PROGRESS: pass 0, at document #2788000/4922894\n", - "2019-01-31 01:04:04,694 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:04:04,960 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.014*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.006*\"ancestor\"\n", - "2019-01-31 01:04:04,962 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.031*\"germani\" + 0.015*\"vol\" + 0.014*\"berlin\" + 0.014*\"israel\" + 0.014*\"der\" + 0.013*\"jewish\" + 0.011*\"european\" + 0.009*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:04:04,963 : INFO : topic #16 (0.020): 0.053*\"king\" + 0.030*\"priest\" + 0.023*\"duke\" + 0.020*\"idiosyncrat\" + 0.020*\"rotterdam\" + 0.018*\"grammat\" + 0.018*\"quarterli\" + 0.013*\"brazil\" + 0.012*\"kingdom\" + 0.012*\"portugues\"\n", - "2019-01-31 01:04:04,964 : INFO : topic #28 (0.020): 0.032*\"build\" + 0.026*\"hous\" + 0.020*\"rivièr\" + 0.017*\"buford\" + 0.014*\"histor\" + 0.011*\"strategist\" + 0.011*\"briarwood\" + 0.011*\"constitut\" + 0.010*\"depress\" + 0.010*\"linear\"\n", - "2019-01-31 01:04:04,965 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.033*\"publicis\" + 0.028*\"word\" + 0.018*\"new\" + 0.015*\"edit\" + 0.013*\"presid\" + 0.012*\"storag\" + 0.012*\"collect\" + 0.011*\"nicola\" + 0.010*\"author\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:04:04,971 : INFO : topic diff=0.003588, rho=0.026784\n", - "2019-01-31 01:04:05,129 : INFO : PROGRESS: pass 0, at document #2790000/4922894\n", - "2019-01-31 01:04:06,533 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:04:06,800 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.012*\"will\" + 0.012*\"jame\" + 0.012*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"paul\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:04:06,801 : INFO : topic #41 (0.020): 0.042*\"citi\" + 0.024*\"palmer\" + 0.022*\"new\" + 0.016*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:04:06,802 : INFO : topic #36 (0.020): 0.011*\"prognosi\" + 0.011*\"network\" + 0.009*\"pop\" + 0.009*\"cytokin\" + 0.008*\"develop\" + 0.008*\"uruguayan\" + 0.008*\"user\" + 0.008*\"softwar\" + 0.007*\"diggin\" + 0.007*\"includ\"\n", - "2019-01-31 01:04:06,803 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.022*\"armi\" + 0.020*\"walter\" + 0.017*\"com\" + 0.013*\"oper\" + 0.013*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.011*\"refut\"\n", - "2019-01-31 01:04:06,804 : INFO : topic #13 (0.020): 0.027*\"sourc\" + 0.026*\"australia\" + 0.024*\"new\" + 0.024*\"london\" + 0.022*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:04:06,810 : INFO : topic diff=0.004202, rho=0.026774\n", - "2019-01-31 01:04:06,969 : INFO : PROGRESS: pass 0, at document #2792000/4922894\n", - "2019-01-31 01:04:08,367 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:04:08,634 : INFO : topic #46 (0.020): 0.018*\"norwai\" + 0.017*\"stop\" + 0.017*\"sweden\" + 0.015*\"wind\" + 0.015*\"damag\" + 0.014*\"swedish\" + 0.014*\"norwegian\" + 0.012*\"denmark\" + 0.011*\"farid\" + 0.011*\"danish\"\n", - "2019-01-31 01:04:08,635 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.021*\"factor\" + 0.013*\"plaisir\" + 0.011*\"genu\" + 0.010*\"feel\" + 0.009*\"male\" + 0.008*\"median\" + 0.008*\"western\" + 0.007*\"biom\" + 0.007*\"incom\"\n", - "2019-01-31 01:04:08,636 : INFO : topic #39 (0.020): 0.059*\"canada\" + 0.044*\"canadian\" + 0.023*\"toronto\" + 0.023*\"hoar\" + 0.022*\"ontario\" + 0.017*\"new\" + 0.015*\"novotná\" + 0.015*\"misericordia\" + 0.014*\"hydrogen\" + 0.013*\"quebec\"\n", - "2019-01-31 01:04:08,637 : INFO : topic #29 (0.020): 0.030*\"companhia\" + 0.012*\"busi\" + 0.012*\"bank\" + 0.012*\"market\" + 0.011*\"million\" + 0.011*\"produc\" + 0.009*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"serv\"\n", - "2019-01-31 01:04:08,638 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.022*\"christian\" + 0.022*\"cathol\" + 0.020*\"bishop\" + 0.016*\"retroflex\" + 0.015*\"sail\" + 0.012*\"centuri\" + 0.010*\"relationship\" + 0.009*\"historiographi\" + 0.009*\"cathedr\"\n", - "2019-01-31 01:04:08,644 : INFO : topic diff=0.003997, rho=0.026764\n", - "2019-01-31 01:04:08,806 : INFO : PROGRESS: pass 0, at document #2794000/4922894\n", - "2019-01-31 01:04:10,233 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:04:10,499 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.021*\"factor\" + 0.013*\"plaisir\" + 0.011*\"genu\" + 0.010*\"feel\" + 0.009*\"male\" + 0.008*\"western\" + 0.008*\"median\" + 0.007*\"biom\" + 0.007*\"incom\"\n", - "2019-01-31 01:04:10,500 : INFO : topic #43 (0.020): 0.067*\"elect\" + 0.056*\"parti\" + 0.024*\"democrat\" + 0.023*\"voluntari\" + 0.022*\"member\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.014*\"liber\" + 0.013*\"bypass\" + 0.013*\"report\"\n", - "2019-01-31 01:04:10,501 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.011*\"develop\" + 0.010*\"organ\" + 0.009*\"commun\" + 0.008*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.006*\"woman\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:04:10,502 : INFO : topic #16 (0.020): 0.053*\"king\" + 0.030*\"priest\" + 0.022*\"duke\" + 0.021*\"idiosyncrat\" + 0.020*\"rotterdam\" + 0.018*\"grammat\" + 0.018*\"quarterli\" + 0.013*\"portugues\" + 0.012*\"brazil\" + 0.012*\"kingdom\"\n", - "2019-01-31 01:04:10,503 : INFO : topic #37 (0.020): 0.011*\"charact\" + 0.010*\"man\" + 0.010*\"septemb\" + 0.009*\"anim\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.007*\"love\" + 0.006*\"gestur\" + 0.006*\"workplac\" + 0.006*\"storag\"\n", - "2019-01-31 01:04:10,509 : INFO : topic diff=0.004727, rho=0.026755\n", - "2019-01-31 01:04:10,668 : INFO : PROGRESS: pass 0, at document #2796000/4922894\n", - "2019-01-31 01:04:12,083 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:04:12,349 : INFO : topic #48 (0.020): 0.085*\"march\" + 0.079*\"octob\" + 0.078*\"sens\" + 0.074*\"januari\" + 0.072*\"juli\" + 0.070*\"august\" + 0.070*\"notion\" + 0.070*\"judici\" + 0.069*\"april\" + 0.068*\"decatur\"\n", - "2019-01-31 01:04:12,350 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.067*\"best\" + 0.033*\"yawn\" + 0.028*\"jacksonvil\" + 0.022*\"japanes\" + 0.021*\"noll\" + 0.020*\"festiv\" + 0.019*\"women\" + 0.018*\"intern\" + 0.015*\"prison\"\n", - "2019-01-31 01:04:12,351 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.011*\"develop\" + 0.010*\"organ\" + 0.009*\"commun\" + 0.008*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.006*\"woman\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:04:12,352 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.014*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.006*\"ancestor\"\n", - "2019-01-31 01:04:12,353 : INFO : topic #1 (0.020): 0.053*\"china\" + 0.045*\"chilton\" + 0.025*\"hong\" + 0.024*\"kong\" + 0.021*\"korea\" + 0.019*\"korean\" + 0.016*\"sourc\" + 0.016*\"shirin\" + 0.015*\"leah\" + 0.013*\"kim\"\n", - "2019-01-31 01:04:12,359 : INFO : topic diff=0.004487, rho=0.026745\n", - "2019-01-31 01:04:12,518 : INFO : PROGRESS: pass 0, at document #2798000/4922894\n", - "2019-01-31 01:04:13,909 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:04:14,176 : INFO : topic #35 (0.020): 0.063*\"russia\" + 0.036*\"sovereignti\" + 0.033*\"rural\" + 0.027*\"personifi\" + 0.025*\"poison\" + 0.025*\"reprint\" + 0.021*\"moscow\" + 0.017*\"poland\" + 0.015*\"unfortun\" + 0.015*\"malaysia\"\n", - "2019-01-31 01:04:14,177 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"prognosi\" + 0.009*\"pop\" + 0.008*\"cytokin\" + 0.008*\"develop\" + 0.008*\"user\" + 0.008*\"uruguayan\" + 0.008*\"softwar\" + 0.007*\"diggin\" + 0.007*\"championship\"\n", - "2019-01-31 01:04:14,178 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.022*\"christian\" + 0.021*\"cathol\" + 0.020*\"bishop\" + 0.016*\"retroflex\" + 0.015*\"sail\" + 0.012*\"centuri\" + 0.010*\"relationship\" + 0.009*\"cathedr\" + 0.009*\"historiographi\"\n", - "2019-01-31 01:04:14,179 : INFO : topic #1 (0.020): 0.053*\"china\" + 0.046*\"chilton\" + 0.025*\"hong\" + 0.024*\"kong\" + 0.021*\"korea\" + 0.019*\"korean\" + 0.016*\"sourc\" + 0.016*\"shirin\" + 0.015*\"leah\" + 0.013*\"kim\"\n", - "2019-01-31 01:04:14,180 : INFO : topic #48 (0.020): 0.084*\"march\" + 0.079*\"octob\" + 0.078*\"sens\" + 0.074*\"januari\" + 0.072*\"juli\" + 0.070*\"august\" + 0.070*\"notion\" + 0.070*\"judici\" + 0.068*\"april\" + 0.068*\"decatur\"\n", - "2019-01-31 01:04:14,186 : INFO : topic diff=0.003417, rho=0.026736\n", - "2019-01-31 01:04:16,870 : INFO : -11.760 per-word bound, 3467.9 perplexity estimate based on a held-out corpus of 2000 documents with 547626 words\n", - "2019-01-31 01:04:16,870 : INFO : PROGRESS: pass 0, at document #2800000/4922894\n", - "2019-01-31 01:04:18,251 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:04:18,518 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.007*\"dai\" + 0.005*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:04:18,519 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.023*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"movi\" + 0.011*\"produc\" + 0.011*\"direct\"\n", - "2019-01-31 01:04:18,520 : INFO : topic #39 (0.020): 0.059*\"canada\" + 0.044*\"canadian\" + 0.022*\"hoar\" + 0.022*\"toronto\" + 0.022*\"ontario\" + 0.016*\"new\" + 0.014*\"novotná\" + 0.014*\"hydrogen\" + 0.014*\"misericordia\" + 0.014*\"quebec\"\n", - "2019-01-31 01:04:18,521 : INFO : topic #35 (0.020): 0.063*\"russia\" + 0.036*\"sovereignti\" + 0.033*\"rural\" + 0.027*\"personifi\" + 0.025*\"poison\" + 0.025*\"reprint\" + 0.021*\"moscow\" + 0.017*\"poland\" + 0.015*\"unfortun\" + 0.015*\"malaysia\"\n", - "2019-01-31 01:04:18,522 : INFO : topic #29 (0.020): 0.030*\"companhia\" + 0.012*\"busi\" + 0.012*\"million\" + 0.011*\"market\" + 0.011*\"bank\" + 0.011*\"produc\" + 0.009*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"serv\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:04:18,528 : INFO : topic diff=0.003759, rho=0.026726\n", - "2019-01-31 01:04:18,690 : INFO : PROGRESS: pass 0, at document #2802000/4922894\n", - "2019-01-31 01:04:20,108 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:04:20,375 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"deal\" + 0.012*\"john\"\n", - "2019-01-31 01:04:20,376 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.034*\"publicis\" + 0.028*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"storag\" + 0.012*\"collect\" + 0.011*\"nicola\" + 0.011*\"author\"\n", - "2019-01-31 01:04:20,377 : INFO : topic #37 (0.020): 0.011*\"charact\" + 0.010*\"man\" + 0.010*\"septemb\" + 0.009*\"anim\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.006*\"love\" + 0.006*\"gestur\" + 0.006*\"workplac\" + 0.005*\"storag\"\n", - "2019-01-31 01:04:20,379 : INFO : topic #41 (0.020): 0.042*\"citi\" + 0.024*\"palmer\" + 0.022*\"new\" + 0.016*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:04:20,380 : INFO : topic #12 (0.020): 0.010*\"number\" + 0.008*\"frontal\" + 0.007*\"gener\" + 0.007*\"théori\" + 0.006*\"exampl\" + 0.006*\"poet\" + 0.006*\"method\" + 0.006*\"southern\" + 0.006*\"servitud\" + 0.006*\"measur\"\n", - "2019-01-31 01:04:20,385 : INFO : topic diff=0.004402, rho=0.026717\n", - "2019-01-31 01:04:20,540 : INFO : PROGRESS: pass 0, at document #2804000/4922894\n", - "2019-01-31 01:04:21,910 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:04:22,176 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.014*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.006*\"ancestor\"\n", - "2019-01-31 01:04:22,177 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.011*\"develop\" + 0.010*\"organ\" + 0.009*\"commun\" + 0.008*\"word\" + 0.008*\"group\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.006*\"cultur\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:04:22,178 : INFO : topic #28 (0.020): 0.032*\"build\" + 0.026*\"hous\" + 0.020*\"rivièr\" + 0.017*\"buford\" + 0.014*\"histor\" + 0.011*\"briarwood\" + 0.011*\"constitut\" + 0.011*\"strategist\" + 0.011*\"depress\" + 0.010*\"silicon\"\n", - "2019-01-31 01:04:22,179 : INFO : topic #12 (0.020): 0.010*\"number\" + 0.008*\"frontal\" + 0.007*\"théori\" + 0.007*\"gener\" + 0.006*\"exampl\" + 0.006*\"poet\" + 0.006*\"method\" + 0.006*\"southern\" + 0.006*\"measur\" + 0.006*\"servitud\"\n", - "2019-01-31 01:04:22,180 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.032*\"incumb\" + 0.013*\"islam\" + 0.012*\"pakistan\" + 0.011*\"sri\" + 0.011*\"televis\" + 0.011*\"anglo\" + 0.010*\"muskoge\" + 0.010*\"tajikistan\" + 0.010*\"singh\"\n", - "2019-01-31 01:04:22,186 : INFO : topic diff=0.003843, rho=0.026707\n", - "2019-01-31 01:04:22,341 : INFO : PROGRESS: pass 0, at document #2806000/4922894\n", - "2019-01-31 01:04:23,723 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:04:23,989 : INFO : topic #34 (0.020): 0.068*\"start\" + 0.034*\"new\" + 0.031*\"american\" + 0.030*\"unionist\" + 0.024*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.013*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:04:23,990 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.021*\"factor\" + 0.013*\"plaisir\" + 0.011*\"genu\" + 0.010*\"feel\" + 0.009*\"male\" + 0.008*\"western\" + 0.008*\"median\" + 0.008*\"incom\" + 0.008*\"biom\"\n", - "2019-01-31 01:04:23,991 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.014*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.006*\"ancestor\"\n", - "2019-01-31 01:04:23,992 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.032*\"incumb\" + 0.013*\"islam\" + 0.012*\"pakistan\" + 0.012*\"sri\" + 0.011*\"televis\" + 0.011*\"anglo\" + 0.010*\"muskoge\" + 0.010*\"tajikistan\" + 0.010*\"singh\"\n", - "2019-01-31 01:04:23,993 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"prognosi\" + 0.009*\"pop\" + 0.008*\"develop\" + 0.008*\"cytokin\" + 0.008*\"softwar\" + 0.008*\"uruguayan\" + 0.008*\"user\" + 0.007*\"diggin\" + 0.007*\"includ\"\n", - "2019-01-31 01:04:23,999 : INFO : topic diff=0.003960, rho=0.026698\n", - "2019-01-31 01:04:24,155 : INFO : PROGRESS: pass 0, at document #2808000/4922894\n", - "2019-01-31 01:04:25,542 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:04:25,809 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.023*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.013*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"movi\" + 0.011*\"direct\" + 0.011*\"produc\"\n", - "2019-01-31 01:04:25,810 : INFO : topic #48 (0.020): 0.084*\"march\" + 0.078*\"octob\" + 0.077*\"sens\" + 0.074*\"januari\" + 0.072*\"juli\" + 0.070*\"august\" + 0.069*\"notion\" + 0.069*\"judici\" + 0.069*\"april\" + 0.068*\"decatur\"\n", - "2019-01-31 01:04:25,811 : INFO : topic #20 (0.020): 0.139*\"scholar\" + 0.038*\"struggl\" + 0.034*\"high\" + 0.029*\"educ\" + 0.024*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.011*\"gothic\" + 0.011*\"district\" + 0.010*\"task\"\n", - "2019-01-31 01:04:25,812 : INFO : topic #27 (0.020): 0.068*\"questionnair\" + 0.020*\"candid\" + 0.019*\"taxpay\" + 0.017*\"ret\" + 0.013*\"driver\" + 0.012*\"tornado\" + 0.012*\"find\" + 0.011*\"fool\" + 0.010*\"squatter\" + 0.010*\"landslid\"\n", - "2019-01-31 01:04:25,813 : INFO : topic #21 (0.020): 0.033*\"samford\" + 0.021*\"spain\" + 0.019*\"del\" + 0.017*\"mexico\" + 0.015*\"italian\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.011*\"lizard\" + 0.011*\"juan\" + 0.011*\"carlo\"\n", - "2019-01-31 01:04:25,819 : INFO : topic diff=0.004372, rho=0.026688\n", - "2019-01-31 01:04:25,976 : INFO : PROGRESS: pass 0, at document #2810000/4922894\n", - "2019-01-31 01:04:27,364 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:04:27,630 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.046*\"chilton\" + 0.024*\"hong\" + 0.024*\"kong\" + 0.024*\"korea\" + 0.019*\"korean\" + 0.016*\"sourc\" + 0.016*\"shirin\" + 0.015*\"leah\" + 0.013*\"kim\"\n", - "2019-01-31 01:04:27,631 : INFO : topic #41 (0.020): 0.042*\"citi\" + 0.024*\"palmer\" + 0.022*\"new\" + 0.015*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:04:27,632 : INFO : topic #16 (0.020): 0.056*\"king\" + 0.032*\"priest\" + 0.022*\"duke\" + 0.020*\"idiosyncrat\" + 0.020*\"rotterdam\" + 0.018*\"grammat\" + 0.016*\"quarterli\" + 0.014*\"count\" + 0.013*\"kingdom\" + 0.012*\"brazil\"\n", - "2019-01-31 01:04:27,633 : INFO : topic #42 (0.020): 0.048*\"german\" + 0.031*\"germani\" + 0.015*\"vol\" + 0.014*\"jewish\" + 0.014*\"der\" + 0.014*\"berlin\" + 0.014*\"israel\" + 0.011*\"european\" + 0.009*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:04:27,634 : INFO : topic #35 (0.020): 0.060*\"russia\" + 0.039*\"sovereignti\" + 0.033*\"rural\" + 0.026*\"personifi\" + 0.025*\"reprint\" + 0.024*\"poison\" + 0.021*\"moscow\" + 0.019*\"alexand\" + 0.017*\"poland\" + 0.016*\"unfortun\"\n", - "2019-01-31 01:04:27,640 : INFO : topic diff=0.004003, rho=0.026679\n", - "2019-01-31 01:04:27,796 : INFO : PROGRESS: pass 0, at document #2812000/4922894\n", - "2019-01-31 01:04:29,181 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:04:29,447 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.014*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.006*\"ancestor\"\n", - "2019-01-31 01:04:29,448 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.046*\"chilton\" + 0.024*\"hong\" + 0.024*\"kong\" + 0.024*\"korea\" + 0.019*\"korean\" + 0.016*\"sourc\" + 0.016*\"shirin\" + 0.015*\"leah\" + 0.013*\"kim\"\n", - "2019-01-31 01:04:29,449 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.032*\"perceptu\" + 0.020*\"theater\" + 0.017*\"place\" + 0.017*\"compos\" + 0.014*\"damn\" + 0.014*\"orchestr\" + 0.013*\"olympo\" + 0.013*\"physician\" + 0.012*\"jack\"\n", - "2019-01-31 01:04:29,450 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"pour\" + 0.015*\"depress\" + 0.010*\"mode\" + 0.010*\"elabor\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.006*\"encyclopedia\" + 0.006*\"develop\" + 0.006*\"spectacl\"\n", - "2019-01-31 01:04:29,451 : INFO : topic #38 (0.020): 0.025*\"walter\" + 0.010*\"aza\" + 0.009*\"empath\" + 0.009*\"battalion\" + 0.008*\"forc\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.006*\"till\" + 0.006*\"militari\" + 0.006*\"govern\"\n", - "2019-01-31 01:04:29,457 : INFO : topic diff=0.003786, rho=0.026669\n", - "2019-01-31 01:04:29,668 : INFO : PROGRESS: pass 0, at document #2814000/4922894\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:04:31,053 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:04:31,320 : INFO : topic #34 (0.020): 0.069*\"start\" + 0.034*\"new\" + 0.031*\"american\" + 0.030*\"unionist\" + 0.025*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.014*\"terri\" + 0.013*\"warrior\" + 0.012*\"north\"\n", - "2019-01-31 01:04:31,321 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.005*\"like\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:04:31,322 : INFO : topic #3 (0.020): 0.032*\"present\" + 0.027*\"offic\" + 0.023*\"nation\" + 0.023*\"minist\" + 0.021*\"govern\" + 0.021*\"member\" + 0.019*\"serv\" + 0.016*\"gener\" + 0.016*\"start\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:04:31,323 : INFO : topic #38 (0.020): 0.025*\"walter\" + 0.010*\"aza\" + 0.009*\"empath\" + 0.009*\"battalion\" + 0.008*\"forc\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.006*\"militari\" + 0.006*\"till\" + 0.006*\"govern\"\n", - "2019-01-31 01:04:31,324 : INFO : topic #12 (0.020): 0.010*\"number\" + 0.008*\"frontal\" + 0.007*\"théori\" + 0.007*\"gener\" + 0.006*\"exampl\" + 0.006*\"poet\" + 0.006*\"southern\" + 0.006*\"servitud\" + 0.006*\"method\" + 0.006*\"differ\"\n", - "2019-01-31 01:04:31,330 : INFO : topic diff=0.003671, rho=0.026660\n", - "2019-01-31 01:04:31,490 : INFO : PROGRESS: pass 0, at document #2816000/4922894\n", - "2019-01-31 01:04:32,901 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:04:33,168 : INFO : topic #28 (0.020): 0.033*\"build\" + 0.026*\"hous\" + 0.019*\"rivièr\" + 0.018*\"buford\" + 0.014*\"histor\" + 0.011*\"briarwood\" + 0.011*\"constitut\" + 0.010*\"depress\" + 0.010*\"strategist\" + 0.010*\"linear\"\n", - "2019-01-31 01:04:33,169 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.034*\"publicis\" + 0.028*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"storag\" + 0.012*\"collect\" + 0.011*\"nicola\" + 0.011*\"author\"\n", - "2019-01-31 01:04:33,170 : INFO : topic #46 (0.020): 0.018*\"norwai\" + 0.017*\"stop\" + 0.017*\"sweden\" + 0.015*\"wind\" + 0.015*\"swedish\" + 0.015*\"norwegian\" + 0.015*\"damag\" + 0.011*\"farid\" + 0.011*\"denmark\" + 0.011*\"huntsvil\"\n", - "2019-01-31 01:04:33,171 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"pour\" + 0.015*\"depress\" + 0.010*\"mode\" + 0.010*\"elabor\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.006*\"encyclopedia\" + 0.006*\"develop\" + 0.006*\"spectacl\"\n", - "2019-01-31 01:04:33,172 : INFO : topic #20 (0.020): 0.140*\"scholar\" + 0.039*\"struggl\" + 0.033*\"high\" + 0.029*\"educ\" + 0.024*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.011*\"gothic\" + 0.010*\"district\" + 0.010*\"task\"\n", - "2019-01-31 01:04:33,178 : INFO : topic diff=0.005209, rho=0.026650\n", - "2019-01-31 01:04:33,337 : INFO : PROGRESS: pass 0, at document #2818000/4922894\n", - "2019-01-31 01:04:34,732 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:04:34,998 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.023*\"aggress\" + 0.021*\"armi\" + 0.019*\"walter\" + 0.017*\"com\" + 0.014*\"oper\" + 0.014*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.012*\"solitari\"\n", - "2019-01-31 01:04:34,999 : INFO : topic #37 (0.020): 0.011*\"charact\" + 0.010*\"man\" + 0.010*\"septemb\" + 0.009*\"anim\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.007*\"love\" + 0.006*\"gestur\" + 0.006*\"workplac\" + 0.005*\"storag\"\n", - "2019-01-31 01:04:35,000 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.012*\"will\" + 0.012*\"david\" + 0.011*\"jame\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.008*\"georg\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:04:35,001 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.034*\"publicis\" + 0.028*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"storag\" + 0.012*\"collect\" + 0.011*\"nicola\" + 0.010*\"author\"\n", - "2019-01-31 01:04:35,002 : INFO : topic #49 (0.020): 0.046*\"india\" + 0.032*\"incumb\" + 0.013*\"islam\" + 0.012*\"pakistan\" + 0.012*\"televis\" + 0.011*\"sri\" + 0.011*\"anglo\" + 0.010*\"muskoge\" + 0.010*\"affection\" + 0.010*\"tajikistan\"\n", - "2019-01-31 01:04:35,008 : INFO : topic diff=0.004168, rho=0.026641\n", - "2019-01-31 01:04:37,758 : INFO : -11.921 per-word bound, 3878.7 perplexity estimate based on a held-out corpus of 2000 documents with 562777 words\n", - "2019-01-31 01:04:37,759 : INFO : PROGRESS: pass 0, at document #2820000/4922894\n", - "2019-01-31 01:04:39,161 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:04:39,427 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.020*\"factor\" + 0.012*\"plaisir\" + 0.010*\"feel\" + 0.010*\"genu\" + 0.010*\"male\" + 0.008*\"median\" + 0.008*\"western\" + 0.008*\"biom\" + 0.008*\"incom\"\n", - "2019-01-31 01:04:39,428 : INFO : topic #35 (0.020): 0.059*\"russia\" + 0.038*\"sovereignti\" + 0.033*\"rural\" + 0.026*\"personifi\" + 0.024*\"reprint\" + 0.023*\"poison\" + 0.021*\"moscow\" + 0.019*\"alexand\" + 0.016*\"poland\" + 0.015*\"unfortun\"\n", - "2019-01-31 01:04:39,429 : INFO : topic #48 (0.020): 0.085*\"march\" + 0.078*\"octob\" + 0.076*\"sens\" + 0.075*\"januari\" + 0.073*\"juli\" + 0.071*\"notion\" + 0.071*\"judici\" + 0.070*\"august\" + 0.069*\"april\" + 0.069*\"decatur\"\n", - "2019-01-31 01:04:39,430 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"media\" + 0.008*\"hormon\" + 0.008*\"disco\" + 0.007*\"have\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 01:04:39,431 : INFO : topic #28 (0.020): 0.033*\"build\" + 0.026*\"hous\" + 0.019*\"rivièr\" + 0.018*\"buford\" + 0.014*\"histor\" + 0.011*\"briarwood\" + 0.011*\"constitut\" + 0.011*\"strategist\" + 0.011*\"linear\" + 0.010*\"depress\"\n", - "2019-01-31 01:04:39,437 : INFO : topic diff=0.003160, rho=0.026631\n", - "2019-01-31 01:04:39,599 : INFO : PROGRESS: pass 0, at document #2822000/4922894\n", - "2019-01-31 01:04:40,995 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:04:41,262 : INFO : topic #28 (0.020): 0.033*\"build\" + 0.026*\"hous\" + 0.019*\"rivièr\" + 0.018*\"buford\" + 0.014*\"histor\" + 0.011*\"briarwood\" + 0.011*\"constitut\" + 0.011*\"strategist\" + 0.011*\"linear\" + 0.010*\"depress\"\n", - "2019-01-31 01:04:41,263 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.027*\"final\" + 0.022*\"wife\" + 0.020*\"tourist\" + 0.019*\"champion\" + 0.015*\"martin\" + 0.015*\"chamber\" + 0.014*\"tiepolo\" + 0.013*\"open\" + 0.013*\"taxpay\"\n", - "2019-01-31 01:04:41,265 : INFO : topic #29 (0.020): 0.030*\"companhia\" + 0.012*\"busi\" + 0.012*\"market\" + 0.011*\"million\" + 0.011*\"produc\" + 0.011*\"bank\" + 0.009*\"industri\" + 0.008*\"manag\" + 0.008*\"yawn\" + 0.007*\"serv\"\n", - "2019-01-31 01:04:41,266 : INFO : topic #43 (0.020): 0.067*\"elect\" + 0.056*\"parti\" + 0.025*\"democrat\" + 0.024*\"voluntari\" + 0.022*\"member\" + 0.016*\"polici\" + 0.016*\"republ\" + 0.014*\"liber\" + 0.014*\"bypass\" + 0.013*\"report\"\n", - "2019-01-31 01:04:41,267 : INFO : topic #45 (0.020): 0.027*\"jpg\" + 0.026*\"fifteenth\" + 0.018*\"illicit\" + 0.016*\"colder\" + 0.015*\"western\" + 0.014*\"black\" + 0.014*\"pain\" + 0.011*\"record\" + 0.010*\"depress\" + 0.009*\"blind\"\n", - "2019-01-31 01:04:41,273 : INFO : topic diff=0.004925, rho=0.026622\n", - "2019-01-31 01:04:41,424 : INFO : PROGRESS: pass 0, at document #2824000/4922894\n", - "2019-01-31 01:04:42,775 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:04:43,041 : INFO : topic #16 (0.020): 0.057*\"king\" + 0.031*\"priest\" + 0.021*\"duke\" + 0.020*\"idiosyncrat\" + 0.020*\"rotterdam\" + 0.018*\"grammat\" + 0.017*\"quarterli\" + 0.013*\"kingdom\" + 0.013*\"count\" + 0.012*\"portugues\"\n", - "2019-01-31 01:04:43,043 : INFO : topic #9 (0.020): 0.068*\"bone\" + 0.045*\"american\" + 0.027*\"valour\" + 0.019*\"player\" + 0.019*\"folei\" + 0.018*\"dutch\" + 0.017*\"english\" + 0.016*\"polit\" + 0.013*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:04:43,044 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.011*\"develop\" + 0.010*\"organ\" + 0.009*\"commun\" + 0.008*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.006*\"woman\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:04:43,045 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.020*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:04:43,046 : INFO : topic #45 (0.020): 0.027*\"jpg\" + 0.026*\"fifteenth\" + 0.018*\"illicit\" + 0.015*\"colder\" + 0.015*\"western\" + 0.014*\"black\" + 0.014*\"pain\" + 0.011*\"record\" + 0.010*\"depress\" + 0.009*\"blind\"\n", - "2019-01-31 01:04:43,052 : INFO : topic diff=0.004127, rho=0.026612\n", - "2019-01-31 01:04:43,210 : INFO : PROGRESS: pass 0, at document #2826000/4922894\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:04:44,578 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:04:44,847 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.012*\"will\" + 0.012*\"david\" + 0.011*\"jame\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"paul\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:04:44,848 : INFO : topic #39 (0.020): 0.059*\"canada\" + 0.044*\"canadian\" + 0.023*\"hoar\" + 0.022*\"ontario\" + 0.022*\"toronto\" + 0.016*\"hydrogen\" + 0.016*\"new\" + 0.015*\"novotná\" + 0.014*\"misericordia\" + 0.013*\"quebec\"\n", - "2019-01-31 01:04:44,849 : INFO : topic #21 (0.020): 0.034*\"samford\" + 0.021*\"spain\" + 0.018*\"del\" + 0.017*\"mexico\" + 0.015*\"italian\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.011*\"lizard\" + 0.011*\"juan\" + 0.011*\"carlo\"\n", - "2019-01-31 01:04:44,850 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"théori\" + 0.007*\"poet\" + 0.007*\"gener\" + 0.006*\"exampl\" + 0.006*\"southern\" + 0.006*\"method\" + 0.006*\"servitud\" + 0.006*\"differ\"\n", - "2019-01-31 01:04:44,851 : INFO : topic #37 (0.020): 0.011*\"charact\" + 0.010*\"man\" + 0.010*\"septemb\" + 0.009*\"anim\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.006*\"love\" + 0.006*\"gestur\" + 0.006*\"workplac\" + 0.006*\"dixi\"\n", - "2019-01-31 01:04:44,857 : INFO : topic diff=0.004192, rho=0.026603\n", - "2019-01-31 01:04:45,013 : INFO : PROGRESS: pass 0, at document #2828000/4922894\n", - "2019-01-31 01:04:46,390 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:04:46,656 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.031*\"germani\" + 0.015*\"vol\" + 0.015*\"israel\" + 0.015*\"jewish\" + 0.014*\"berlin\" + 0.014*\"der\" + 0.011*\"european\" + 0.009*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:04:46,657 : INFO : topic #28 (0.020): 0.034*\"build\" + 0.026*\"hous\" + 0.019*\"rivièr\" + 0.018*\"buford\" + 0.014*\"histor\" + 0.011*\"briarwood\" + 0.011*\"constitut\" + 0.011*\"strategist\" + 0.010*\"depress\" + 0.010*\"linear\"\n", - "2019-01-31 01:04:46,659 : INFO : topic #2 (0.020): 0.050*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.016*\"scot\" + 0.012*\"blur\" + 0.011*\"pope\" + 0.010*\"coalit\" + 0.010*\"nativist\" + 0.010*\"bahá\" + 0.010*\"fleet\"\n", - "2019-01-31 01:04:46,660 : INFO : topic #48 (0.020): 0.085*\"march\" + 0.078*\"octob\" + 0.077*\"sens\" + 0.074*\"januari\" + 0.073*\"juli\" + 0.071*\"notion\" + 0.070*\"judici\" + 0.070*\"august\" + 0.069*\"decatur\" + 0.068*\"april\"\n", - "2019-01-31 01:04:46,661 : INFO : topic #8 (0.020): 0.028*\"law\" + 0.023*\"cortic\" + 0.019*\"start\" + 0.018*\"act\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.010*\"polaris\" + 0.009*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 01:04:46,666 : INFO : topic diff=0.004394, rho=0.026593\n", - "2019-01-31 01:04:46,822 : INFO : PROGRESS: pass 0, at document #2830000/4922894\n", - "2019-01-31 01:04:48,211 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:04:48,477 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.033*\"perceptu\" + 0.020*\"theater\" + 0.017*\"place\" + 0.017*\"compos\" + 0.014*\"damn\" + 0.013*\"orchestr\" + 0.013*\"olympo\" + 0.013*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 01:04:48,478 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:04:48,479 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.043*\"line\" + 0.035*\"raid\" + 0.021*\"arsen\" + 0.021*\"museo\" + 0.020*\"traceabl\" + 0.020*\"rosenwald\" + 0.019*\"serv\" + 0.012*\"oper\" + 0.011*\"exhaust\"\n", - "2019-01-31 01:04:48,480 : INFO : topic #21 (0.020): 0.034*\"samford\" + 0.021*\"spain\" + 0.018*\"del\" + 0.017*\"mexico\" + 0.015*\"italian\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.011*\"lizard\" + 0.011*\"juan\" + 0.011*\"mexican\"\n", - "2019-01-31 01:04:48,481 : INFO : topic #35 (0.020): 0.059*\"russia\" + 0.038*\"sovereignti\" + 0.033*\"rural\" + 0.026*\"personifi\" + 0.024*\"reprint\" + 0.024*\"poison\" + 0.020*\"moscow\" + 0.019*\"alexand\" + 0.017*\"poland\" + 0.015*\"unfortun\"\n", - "2019-01-31 01:04:48,487 : INFO : topic diff=0.003896, rho=0.026584\n", - "2019-01-31 01:04:48,640 : INFO : PROGRESS: pass 0, at document #2832000/4922894\n", - "2019-01-31 01:04:49,999 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:04:50,268 : INFO : topic #13 (0.020): 0.027*\"sourc\" + 0.025*\"australia\" + 0.025*\"london\" + 0.024*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.020*\"ireland\" + 0.019*\"british\" + 0.014*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 01:04:50,269 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.043*\"line\" + 0.036*\"raid\" + 0.021*\"museo\" + 0.021*\"arsen\" + 0.020*\"traceabl\" + 0.019*\"rosenwald\" + 0.019*\"serv\" + 0.012*\"oper\" + 0.011*\"exhaust\"\n", - "2019-01-31 01:04:50,270 : INFO : topic #39 (0.020): 0.059*\"canada\" + 0.044*\"canadian\" + 0.024*\"hoar\" + 0.023*\"toronto\" + 0.022*\"ontario\" + 0.016*\"hydrogen\" + 0.016*\"new\" + 0.015*\"misericordia\" + 0.015*\"novotná\" + 0.013*\"quebec\"\n", - "2019-01-31 01:04:50,271 : INFO : topic #46 (0.020): 0.018*\"stop\" + 0.017*\"norwai\" + 0.017*\"sweden\" + 0.015*\"swedish\" + 0.015*\"wind\" + 0.014*\"norwegian\" + 0.014*\"damag\" + 0.012*\"huntsvil\" + 0.011*\"treeless\" + 0.011*\"denmark\"\n", - "2019-01-31 01:04:50,272 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"deal\" + 0.012*\"daughter\"\n", - "2019-01-31 01:04:50,278 : INFO : topic diff=0.003917, rho=0.026575\n", - "2019-01-31 01:04:50,434 : INFO : PROGRESS: pass 0, at document #2834000/4922894\n", - "2019-01-31 01:04:51,808 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:04:52,074 : INFO : topic #29 (0.020): 0.030*\"companhia\" + 0.012*\"busi\" + 0.012*\"market\" + 0.011*\"million\" + 0.011*\"produc\" + 0.011*\"bank\" + 0.009*\"industri\" + 0.008*\"manag\" + 0.008*\"yawn\" + 0.007*\"serv\"\n", - "2019-01-31 01:04:52,075 : INFO : topic #40 (0.020): 0.088*\"unit\" + 0.024*\"schuster\" + 0.023*\"institut\" + 0.021*\"collector\" + 0.021*\"requir\" + 0.019*\"student\" + 0.015*\"professor\" + 0.012*\"word\" + 0.011*\"governor\" + 0.011*\"http\"\n", - "2019-01-31 01:04:52,076 : INFO : topic #26 (0.020): 0.031*\"workplac\" + 0.029*\"champion\" + 0.028*\"woman\" + 0.026*\"olymp\" + 0.024*\"men\" + 0.023*\"medal\" + 0.022*\"alic\" + 0.020*\"event\" + 0.019*\"rainfal\" + 0.018*\"atheist\"\n", - "2019-01-31 01:04:52,077 : INFO : topic #39 (0.020): 0.059*\"canada\" + 0.045*\"canadian\" + 0.023*\"hoar\" + 0.023*\"toronto\" + 0.022*\"ontario\" + 0.016*\"new\" + 0.016*\"hydrogen\" + 0.015*\"misericordia\" + 0.015*\"novotná\" + 0.013*\"quebec\"\n", - "2019-01-31 01:04:52,078 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.023*\"palmer\" + 0.022*\"new\" + 0.016*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.009*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:04:52,084 : INFO : topic diff=0.003520, rho=0.026565\n", - "2019-01-31 01:04:52,247 : INFO : PROGRESS: pass 0, at document #2836000/4922894\n", - "2019-01-31 01:04:53,655 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:04:53,924 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.056*\"parti\" + 0.024*\"democrat\" + 0.023*\"voluntari\" + 0.022*\"member\" + 0.016*\"polici\" + 0.016*\"republ\" + 0.014*\"liber\" + 0.014*\"bypass\" + 0.013*\"report\"\n", - "2019-01-31 01:04:53,925 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.068*\"best\" + 0.033*\"yawn\" + 0.027*\"jacksonvil\" + 0.022*\"noll\" + 0.021*\"japanes\" + 0.020*\"festiv\" + 0.020*\"women\" + 0.018*\"intern\" + 0.015*\"prison\"\n", - "2019-01-31 01:04:53,926 : INFO : topic #45 (0.020): 0.027*\"jpg\" + 0.025*\"fifteenth\" + 0.018*\"illicit\" + 0.016*\"colder\" + 0.015*\"western\" + 0.014*\"black\" + 0.014*\"pain\" + 0.011*\"record\" + 0.010*\"depress\" + 0.009*\"blind\"\n", - "2019-01-31 01:04:53,927 : INFO : topic #8 (0.020): 0.029*\"law\" + 0.023*\"cortic\" + 0.019*\"start\" + 0.018*\"act\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.010*\"polaris\" + 0.009*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 01:04:53,928 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.021*\"factor\" + 0.012*\"plaisir\" + 0.010*\"feel\" + 0.010*\"genu\" + 0.010*\"male\" + 0.009*\"median\" + 0.009*\"western\" + 0.008*\"biom\" + 0.008*\"incom\"\n", - "2019-01-31 01:04:53,934 : INFO : topic diff=0.003504, rho=0.026556\n", - "2019-01-31 01:04:54,087 : INFO : PROGRESS: pass 0, at document #2838000/4922894\n", - "2019-01-31 01:04:55,435 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:04:55,702 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.023*\"palmer\" + 0.022*\"new\" + 0.016*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.009*\"dai\" + 0.009*\"highli\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:04:55,703 : INFO : topic #1 (0.020): 0.052*\"china\" + 0.043*\"chilton\" + 0.023*\"hong\" + 0.023*\"korea\" + 0.022*\"kong\" + 0.019*\"korean\" + 0.017*\"leah\" + 0.016*\"kim\" + 0.016*\"sourc\" + 0.014*\"shirin\"\n", - "2019-01-31 01:04:55,704 : INFO : topic #35 (0.020): 0.059*\"russia\" + 0.037*\"sovereignti\" + 0.033*\"rural\" + 0.025*\"personifi\" + 0.025*\"poison\" + 0.024*\"reprint\" + 0.021*\"moscow\" + 0.018*\"alexand\" + 0.017*\"poland\" + 0.015*\"unfortun\"\n", - "2019-01-31 01:04:55,705 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.021*\"factor\" + 0.012*\"plaisir\" + 0.010*\"feel\" + 0.010*\"genu\" + 0.010*\"male\" + 0.009*\"median\" + 0.009*\"western\" + 0.008*\"biom\" + 0.008*\"incom\"\n", - "2019-01-31 01:04:55,706 : INFO : topic #45 (0.020): 0.026*\"jpg\" + 0.025*\"fifteenth\" + 0.018*\"illicit\" + 0.016*\"colder\" + 0.015*\"western\" + 0.014*\"black\" + 0.014*\"pain\" + 0.011*\"record\" + 0.010*\"depress\" + 0.009*\"blind\"\n", - "2019-01-31 01:04:55,712 : INFO : topic diff=0.004200, rho=0.026547\n", - "2019-01-31 01:04:58,414 : INFO : -11.467 per-word bound, 2830.7 perplexity estimate based on a held-out corpus of 2000 documents with 565743 words\n", - "2019-01-31 01:04:58,415 : INFO : PROGRESS: pass 0, at document #2840000/4922894\n", - "2019-01-31 01:04:59,795 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:05:00,062 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.033*\"perceptu\" + 0.020*\"theater\" + 0.017*\"place\" + 0.017*\"compos\" + 0.014*\"damn\" + 0.013*\"orchestr\" + 0.013*\"physician\" + 0.013*\"olympo\" + 0.011*\"word\"\n", - "2019-01-31 01:05:00,063 : INFO : topic #25 (0.020): 0.031*\"ring\" + 0.018*\"area\" + 0.017*\"lagrang\" + 0.017*\"warmth\" + 0.015*\"mount\" + 0.009*\"palmer\" + 0.009*\"north\" + 0.009*\"sourc\" + 0.009*\"foam\" + 0.009*\"land\"\n", - "2019-01-31 01:05:00,064 : INFO : topic #31 (0.020): 0.052*\"fusiform\" + 0.026*\"scientist\" + 0.026*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:05:00,066 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.024*\"palmer\" + 0.022*\"new\" + 0.016*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.009*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:05:00,067 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 01:05:00,073 : INFO : topic diff=0.003749, rho=0.026537\n", - "2019-01-31 01:05:00,228 : INFO : PROGRESS: pass 0, at document #2842000/4922894\n", - "2019-01-31 01:05:01,599 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:05:01,866 : INFO : topic #35 (0.020): 0.058*\"russia\" + 0.038*\"sovereignti\" + 0.032*\"rural\" + 0.026*\"reprint\" + 0.025*\"personifi\" + 0.025*\"poison\" + 0.021*\"moscow\" + 0.018*\"alexand\" + 0.018*\"poland\" + 0.015*\"unfortun\"\n", - "2019-01-31 01:05:01,867 : INFO : topic #34 (0.020): 0.068*\"start\" + 0.034*\"new\" + 0.031*\"american\" + 0.030*\"unionist\" + 0.026*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"terri\" + 0.013*\"warrior\" + 0.012*\"north\"\n", - "2019-01-31 01:05:01,868 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.008*\"hormon\" + 0.008*\"have\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 01:05:01,869 : INFO : topic #28 (0.020): 0.033*\"build\" + 0.026*\"hous\" + 0.019*\"rivièr\" + 0.018*\"buford\" + 0.014*\"histor\" + 0.012*\"briarwood\" + 0.011*\"constitut\" + 0.011*\"strategist\" + 0.010*\"linear\" + 0.010*\"depress\"\n", - "2019-01-31 01:05:01,870 : INFO : topic #39 (0.020): 0.060*\"canada\" + 0.044*\"canadian\" + 0.024*\"hoar\" + 0.023*\"toronto\" + 0.022*\"ontario\" + 0.016*\"hydrogen\" + 0.016*\"new\" + 0.015*\"misericordia\" + 0.015*\"novotná\" + 0.013*\"quebec\"\n", - "2019-01-31 01:05:01,877 : INFO : topic diff=0.004018, rho=0.026528\n", - "2019-01-31 01:05:02,034 : INFO : PROGRESS: pass 0, at document #2844000/4922894\n", - "2019-01-31 01:05:03,415 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:05:03,681 : INFO : topic #35 (0.020): 0.058*\"russia\" + 0.038*\"sovereignti\" + 0.032*\"rural\" + 0.026*\"personifi\" + 0.025*\"reprint\" + 0.024*\"poison\" + 0.021*\"moscow\" + 0.018*\"alexand\" + 0.017*\"poland\" + 0.015*\"unfortun\"\n", - "2019-01-31 01:05:03,683 : INFO : topic #31 (0.020): 0.053*\"fusiform\" + 0.026*\"scientist\" + 0.025*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:05:03,684 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"prognosi\" + 0.010*\"pop\" + 0.008*\"cytokin\" + 0.008*\"develop\" + 0.008*\"softwar\" + 0.008*\"uruguayan\" + 0.007*\"user\" + 0.007*\"diggin\" + 0.007*\"includ\"\n", - "2019-01-31 01:05:03,685 : INFO : topic #16 (0.020): 0.056*\"king\" + 0.031*\"priest\" + 0.020*\"idiosyncrat\" + 0.020*\"duke\" + 0.019*\"rotterdam\" + 0.019*\"grammat\" + 0.017*\"quarterli\" + 0.013*\"kingdom\" + 0.013*\"count\" + 0.012*\"portugues\"\n", - "2019-01-31 01:05:03,686 : INFO : topic #1 (0.020): 0.053*\"china\" + 0.043*\"chilton\" + 0.023*\"hong\" + 0.022*\"kong\" + 0.022*\"korea\" + 0.018*\"korean\" + 0.017*\"leah\" + 0.016*\"kim\" + 0.016*\"sourc\" + 0.014*\"shirin\"\n", - "2019-01-31 01:05:03,691 : INFO : topic diff=0.003896, rho=0.026519\n", - "2019-01-31 01:05:03,851 : INFO : PROGRESS: pass 0, at document #2846000/4922894\n", - "2019-01-31 01:05:05,240 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:05:05,507 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.036*\"cleveland\" + 0.029*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.024*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:05:05,508 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"deal\" + 0.012*\"john\"\n", - "2019-01-31 01:05:05,509 : INFO : topic #38 (0.020): 0.024*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.009*\"empath\" + 0.008*\"forc\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.006*\"till\" + 0.006*\"militari\" + 0.006*\"govern\"\n", - "2019-01-31 01:05:05,510 : INFO : topic #2 (0.020): 0.050*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.012*\"blur\" + 0.011*\"pope\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.010*\"fleet\" + 0.010*\"bahá\"\n", - "2019-01-31 01:05:05,511 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.023*\"palmer\" + 0.022*\"new\" + 0.016*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:05:05,517 : INFO : topic diff=0.003716, rho=0.026509\n", - "2019-01-31 01:05:05,731 : INFO : PROGRESS: pass 0, at document #2848000/4922894\n", - "2019-01-31 01:05:07,083 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:05:07,350 : INFO : topic #2 (0.020): 0.050*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.012*\"blur\" + 0.011*\"coalit\" + 0.011*\"pope\" + 0.010*\"nativist\" + 0.010*\"fleet\" + 0.010*\"bahá\"\n", - "2019-01-31 01:05:07,351 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"prognosi\" + 0.010*\"pop\" + 0.008*\"cytokin\" + 0.008*\"develop\" + 0.008*\"softwar\" + 0.008*\"uruguayan\" + 0.008*\"user\" + 0.007*\"includ\" + 0.007*\"diggin\"\n", - "2019-01-31 01:05:07,352 : INFO : topic #13 (0.020): 0.026*\"sourc\" + 0.025*\"london\" + 0.025*\"australia\" + 0.024*\"new\" + 0.024*\"england\" + 0.021*\"australian\" + 0.019*\"ireland\" + 0.019*\"british\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:05:07,353 : INFO : topic #48 (0.020): 0.084*\"march\" + 0.078*\"sens\" + 0.078*\"octob\" + 0.077*\"januari\" + 0.073*\"juli\" + 0.071*\"judici\" + 0.071*\"notion\" + 0.070*\"august\" + 0.069*\"decatur\" + 0.069*\"april\"\n", - "2019-01-31 01:05:07,354 : INFO : topic #0 (0.020): 0.066*\"statewid\" + 0.042*\"line\" + 0.035*\"raid\" + 0.021*\"museo\" + 0.020*\"arsen\" + 0.020*\"rosenwald\" + 0.020*\"traceabl\" + 0.019*\"serv\" + 0.013*\"oper\" + 0.010*\"exhaust\"\n", - "2019-01-31 01:05:07,360 : INFO : topic diff=0.004339, rho=0.026500\n", - "2019-01-31 01:05:07,514 : INFO : PROGRESS: pass 0, at document #2850000/4922894\n", - "2019-01-31 01:05:08,892 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:05:09,159 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.028*\"final\" + 0.023*\"wife\" + 0.020*\"tourist\" + 0.019*\"champion\" + 0.015*\"chamber\" + 0.015*\"martin\" + 0.014*\"tiepolo\" + 0.014*\"taxpay\" + 0.013*\"open\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:05:09,160 : INFO : topic #21 (0.020): 0.034*\"samford\" + 0.021*\"spain\" + 0.018*\"del\" + 0.017*\"mexico\" + 0.015*\"italian\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"carlo\" + 0.011*\"lizard\"\n", - "2019-01-31 01:05:09,161 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"prognosi\" + 0.010*\"pop\" + 0.008*\"cytokin\" + 0.008*\"develop\" + 0.008*\"softwar\" + 0.008*\"uruguayan\" + 0.007*\"user\" + 0.007*\"includ\" + 0.007*\"diggin\"\n", - "2019-01-31 01:05:09,162 : INFO : topic #20 (0.020): 0.145*\"scholar\" + 0.039*\"struggl\" + 0.033*\"high\" + 0.029*\"educ\" + 0.023*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.010*\"gothic\" + 0.009*\"start\"\n", - "2019-01-31 01:05:09,163 : INFO : topic #33 (0.020): 0.063*\"french\" + 0.050*\"franc\" + 0.034*\"pari\" + 0.023*\"sail\" + 0.022*\"jean\" + 0.017*\"daphn\" + 0.014*\"loui\" + 0.013*\"lazi\" + 0.011*\"piec\" + 0.010*\"wreath\"\n", - "2019-01-31 01:05:09,169 : INFO : topic diff=0.004088, rho=0.026491\n", - "2019-01-31 01:05:09,325 : INFO : PROGRESS: pass 0, at document #2852000/4922894\n", - "2019-01-31 01:05:10,702 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:05:10,969 : INFO : topic #28 (0.020): 0.033*\"build\" + 0.026*\"hous\" + 0.019*\"rivièr\" + 0.018*\"buford\" + 0.014*\"histor\" + 0.011*\"briarwood\" + 0.011*\"constitut\" + 0.011*\"strategist\" + 0.010*\"depress\" + 0.010*\"linear\"\n", - "2019-01-31 01:05:10,970 : INFO : topic #34 (0.020): 0.068*\"start\" + 0.034*\"new\" + 0.031*\"unionist\" + 0.031*\"american\" + 0.026*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"terri\" + 0.013*\"warrior\" + 0.012*\"north\"\n", - "2019-01-31 01:05:10,971 : INFO : topic #9 (0.020): 0.070*\"bone\" + 0.044*\"american\" + 0.028*\"valour\" + 0.019*\"dutch\" + 0.018*\"folei\" + 0.018*\"player\" + 0.017*\"polit\" + 0.016*\"english\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:05:10,973 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.034*\"publicis\" + 0.028*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"collect\" + 0.011*\"storag\" + 0.011*\"nicola\" + 0.011*\"arsen\"\n", - "2019-01-31 01:05:10,974 : INFO : topic #23 (0.020): 0.135*\"audit\" + 0.067*\"best\" + 0.033*\"yawn\" + 0.028*\"jacksonvil\" + 0.022*\"noll\" + 0.021*\"japanes\" + 0.020*\"festiv\" + 0.020*\"women\" + 0.018*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 01:05:10,979 : INFO : topic diff=0.004027, rho=0.026481\n", - "2019-01-31 01:05:11,135 : INFO : PROGRESS: pass 0, at document #2854000/4922894\n", - "2019-01-31 01:05:12,507 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:05:12,773 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.012*\"busi\" + 0.012*\"market\" + 0.012*\"million\" + 0.011*\"produc\" + 0.010*\"bank\" + 0.009*\"industri\" + 0.008*\"manag\" + 0.008*\"yawn\" + 0.007*\"oper\"\n", - "2019-01-31 01:05:12,775 : INFO : topic #45 (0.020): 0.026*\"jpg\" + 0.024*\"fifteenth\" + 0.018*\"illicit\" + 0.015*\"colder\" + 0.015*\"western\" + 0.014*\"black\" + 0.014*\"pain\" + 0.011*\"record\" + 0.010*\"depress\" + 0.009*\"blind\"\n", - "2019-01-31 01:05:12,776 : INFO : topic #33 (0.020): 0.063*\"french\" + 0.050*\"franc\" + 0.034*\"pari\" + 0.023*\"sail\" + 0.021*\"jean\" + 0.017*\"daphn\" + 0.013*\"loui\" + 0.013*\"lazi\" + 0.011*\"piec\" + 0.010*\"wreath\"\n", - "2019-01-31 01:05:12,777 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.031*\"incumb\" + 0.013*\"islam\" + 0.013*\"pakistan\" + 0.012*\"televis\" + 0.011*\"anglo\" + 0.011*\"sri\" + 0.010*\"muskoge\" + 0.010*\"khalsa\" + 0.009*\"alam\"\n", - "2019-01-31 01:05:12,778 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.006*\"ancestor\"\n", - "2019-01-31 01:05:12,784 : INFO : topic diff=0.003710, rho=0.026472\n", - "2019-01-31 01:05:12,941 : INFO : PROGRESS: pass 0, at document #2856000/4922894\n", - "2019-01-31 01:05:14,323 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:05:14,589 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"deal\" + 0.012*\"daughter\"\n", - "2019-01-31 01:05:14,591 : INFO : topic #32 (0.020): 0.048*\"district\" + 0.044*\"popolo\" + 0.041*\"vigour\" + 0.036*\"tortur\" + 0.034*\"cotton\" + 0.023*\"area\" + 0.021*\"multitud\" + 0.020*\"citi\" + 0.018*\"cede\" + 0.018*\"regim\"\n", - "2019-01-31 01:05:14,592 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.009*\"media\" + 0.008*\"disco\" + 0.008*\"have\" + 0.008*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 01:05:14,593 : INFO : topic #0 (0.020): 0.065*\"statewid\" + 0.042*\"line\" + 0.036*\"raid\" + 0.021*\"rosenwald\" + 0.020*\"museo\" + 0.020*\"traceabl\" + 0.020*\"arsen\" + 0.018*\"serv\" + 0.013*\"oper\" + 0.011*\"radiu\"\n", - "2019-01-31 01:05:14,594 : INFO : topic #45 (0.020): 0.026*\"jpg\" + 0.024*\"fifteenth\" + 0.018*\"illicit\" + 0.015*\"colder\" + 0.015*\"western\" + 0.014*\"black\" + 0.014*\"pain\" + 0.011*\"record\" + 0.010*\"depress\" + 0.009*\"blind\"\n", - "2019-01-31 01:05:14,600 : INFO : topic diff=0.003561, rho=0.026463\n", - "2019-01-31 01:05:14,756 : INFO : PROGRESS: pass 0, at document #2858000/4922894\n", - "2019-01-31 01:05:16,127 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:05:16,394 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"ancestor\"\n", - "2019-01-31 01:05:16,395 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.021*\"factor\" + 0.012*\"plaisir\" + 0.010*\"feel\" + 0.010*\"genu\" + 0.009*\"male\" + 0.009*\"western\" + 0.008*\"median\" + 0.008*\"biom\" + 0.008*\"incom\"\n", - "2019-01-31 01:05:16,396 : INFO : topic #8 (0.020): 0.028*\"law\" + 0.023*\"cortic\" + 0.018*\"act\" + 0.018*\"start\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.010*\"polaris\" + 0.009*\"legal\" + 0.007*\"order\"\n", - "2019-01-31 01:05:16,397 : INFO : topic #39 (0.020): 0.060*\"canada\" + 0.043*\"canadian\" + 0.023*\"toronto\" + 0.023*\"hoar\" + 0.022*\"ontario\" + 0.016*\"new\" + 0.015*\"hydrogen\" + 0.015*\"quebec\" + 0.015*\"misericordia\" + 0.014*\"novotná\"\n", - "2019-01-31 01:05:16,399 : INFO : topic #37 (0.020): 0.011*\"charact\" + 0.010*\"septemb\" + 0.010*\"man\" + 0.009*\"anim\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.007*\"love\" + 0.006*\"gestur\" + 0.006*\"workplac\" + 0.006*\"dixi\"\n", - "2019-01-31 01:05:16,404 : INFO : topic diff=0.003787, rho=0.026454\n", - "2019-01-31 01:05:19,124 : INFO : -11.694 per-word bound, 3312.7 perplexity estimate based on a held-out corpus of 2000 documents with 571272 words\n", - "2019-01-31 01:05:19,124 : INFO : PROGRESS: pass 0, at document #2860000/4922894\n", - "2019-01-31 01:05:20,519 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:05:20,786 : INFO : topic #16 (0.020): 0.055*\"king\" + 0.031*\"priest\" + 0.021*\"idiosyncrat\" + 0.020*\"duke\" + 0.019*\"rotterdam\" + 0.019*\"grammat\" + 0.017*\"quarterli\" + 0.014*\"kingdom\" + 0.013*\"count\" + 0.013*\"portugues\"\n", - "2019-01-31 01:05:20,787 : INFO : topic #14 (0.020): 0.023*\"forc\" + 0.022*\"aggress\" + 0.021*\"armi\" + 0.019*\"walter\" + 0.017*\"com\" + 0.014*\"oper\" + 0.014*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.011*\"solitari\"\n", - "2019-01-31 01:05:20,788 : INFO : topic #9 (0.020): 0.070*\"bone\" + 0.044*\"american\" + 0.028*\"valour\" + 0.019*\"player\" + 0.018*\"dutch\" + 0.018*\"folei\" + 0.017*\"english\" + 0.017*\"polit\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:05:20,789 : INFO : topic #29 (0.020): 0.030*\"companhia\" + 0.012*\"busi\" + 0.012*\"market\" + 0.012*\"million\" + 0.011*\"produc\" + 0.010*\"bank\" + 0.009*\"industri\" + 0.008*\"manag\" + 0.008*\"yawn\" + 0.007*\"oper\"\n", - "2019-01-31 01:05:20,790 : INFO : topic #1 (0.020): 0.052*\"china\" + 0.042*\"chilton\" + 0.022*\"hong\" + 0.022*\"korea\" + 0.022*\"kong\" + 0.019*\"korean\" + 0.017*\"leah\" + 0.016*\"sourc\" + 0.016*\"kim\" + 0.014*\"shirin\"\n", - "2019-01-31 01:05:20,796 : INFO : topic diff=0.004324, rho=0.026444\n", - "2019-01-31 01:05:20,953 : INFO : PROGRESS: pass 0, at document #2862000/4922894\n", - "2019-01-31 01:05:22,330 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:05:22,596 : INFO : topic #46 (0.020): 0.018*\"stop\" + 0.016*\"sweden\" + 0.016*\"norwai\" + 0.016*\"damag\" + 0.015*\"swedish\" + 0.014*\"wind\" + 0.014*\"norwegian\" + 0.012*\"denmark\" + 0.012*\"danish\" + 0.011*\"farid\"\n", - "2019-01-31 01:05:22,597 : INFO : topic #48 (0.020): 0.086*\"march\" + 0.078*\"octob\" + 0.077*\"sens\" + 0.076*\"januari\" + 0.071*\"juli\" + 0.071*\"notion\" + 0.069*\"august\" + 0.069*\"judici\" + 0.069*\"decatur\" + 0.067*\"april\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:05:22,598 : INFO : topic #20 (0.020): 0.145*\"scholar\" + 0.038*\"struggl\" + 0.033*\"high\" + 0.029*\"educ\" + 0.023*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.011*\"district\" + 0.010*\"gothic\" + 0.010*\"start\"\n", - "2019-01-31 01:05:22,599 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"théori\" + 0.007*\"gener\" + 0.006*\"exampl\" + 0.006*\"poet\" + 0.006*\"measur\" + 0.006*\"southern\" + 0.006*\"differ\" + 0.006*\"theoret\"\n", - "2019-01-31 01:05:22,601 : INFO : topic #6 (0.020): 0.072*\"fewer\" + 0.023*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.013*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"movi\" + 0.011*\"direct\" + 0.010*\"produc\"\n", - "2019-01-31 01:05:22,606 : INFO : topic diff=0.004343, rho=0.026435\n", - "2019-01-31 01:05:22,766 : INFO : PROGRESS: pass 0, at document #2864000/4922894\n", - "2019-01-31 01:05:24,151 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:05:24,417 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"depress\" + 0.015*\"pour\" + 0.009*\"mode\" + 0.009*\"elabor\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.006*\"develop\" + 0.006*\"encyclopedia\" + 0.006*\"spectacl\"\n", - "2019-01-31 01:05:24,418 : INFO : topic #6 (0.020): 0.073*\"fewer\" + 0.023*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.013*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"movi\" + 0.011*\"direct\" + 0.010*\"produc\"\n", - "2019-01-31 01:05:24,419 : INFO : topic #14 (0.020): 0.023*\"forc\" + 0.022*\"aggress\" + 0.020*\"armi\" + 0.019*\"walter\" + 0.017*\"com\" + 0.015*\"oper\" + 0.014*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.011*\"solitari\"\n", - "2019-01-31 01:05:24,421 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.034*\"publicis\" + 0.027*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"collect\" + 0.011*\"storag\" + 0.011*\"nicola\" + 0.011*\"arsen\"\n", - "2019-01-31 01:05:24,422 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.012*\"will\" + 0.012*\"david\" + 0.012*\"jame\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.008*\"georg\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:05:24,428 : INFO : topic diff=0.003659, rho=0.026426\n", - "2019-01-31 01:05:24,584 : INFO : PROGRESS: pass 0, at document #2866000/4922894\n", - "2019-01-31 01:05:25,955 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:05:26,222 : INFO : topic #25 (0.020): 0.031*\"ring\" + 0.018*\"area\" + 0.017*\"lagrang\" + 0.016*\"warmth\" + 0.015*\"mount\" + 0.010*\"palmer\" + 0.009*\"north\" + 0.009*\"foam\" + 0.009*\"sourc\" + 0.009*\"land\"\n", - "2019-01-31 01:05:26,223 : INFO : topic #38 (0.020): 0.024*\"walter\" + 0.011*\"battalion\" + 0.010*\"aza\" + 0.009*\"empath\" + 0.008*\"forc\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.006*\"govern\" + 0.006*\"militari\" + 0.006*\"pour\"\n", - "2019-01-31 01:05:26,224 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.031*\"germani\" + 0.016*\"vol\" + 0.014*\"israel\" + 0.014*\"berlin\" + 0.014*\"jewish\" + 0.014*\"der\" + 0.011*\"european\" + 0.009*\"austria\" + 0.009*\"europ\"\n", - "2019-01-31 01:05:26,225 : INFO : topic #6 (0.020): 0.073*\"fewer\" + 0.023*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.013*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:05:26,227 : INFO : topic #14 (0.020): 0.023*\"forc\" + 0.022*\"aggress\" + 0.020*\"armi\" + 0.019*\"walter\" + 0.017*\"com\" + 0.015*\"oper\" + 0.014*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.011*\"solitari\"\n", - "2019-01-31 01:05:26,232 : INFO : topic diff=0.004924, rho=0.026417\n", - "2019-01-31 01:05:26,388 : INFO : PROGRESS: pass 0, at document #2868000/4922894\n", - "2019-01-31 01:05:27,774 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:05:28,040 : INFO : topic #23 (0.020): 0.134*\"audit\" + 0.069*\"best\" + 0.033*\"yawn\" + 0.028*\"jacksonvil\" + 0.023*\"noll\" + 0.020*\"japanes\" + 0.020*\"women\" + 0.020*\"festiv\" + 0.019*\"intern\" + 0.015*\"prison\"\n", - "2019-01-31 01:05:28,041 : INFO : topic #31 (0.020): 0.052*\"fusiform\" + 0.026*\"scientist\" + 0.026*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.011*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:05:28,042 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.034*\"publicis\" + 0.027*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"collect\" + 0.011*\"nicola\" + 0.011*\"storag\" + 0.011*\"arsen\"\n", - "2019-01-31 01:05:28,043 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.022*\"cathol\" + 0.022*\"christian\" + 0.020*\"bishop\" + 0.016*\"sail\" + 0.016*\"retroflex\" + 0.011*\"centuri\" + 0.010*\"relationship\" + 0.009*\"cathedr\" + 0.009*\"historiographi\"\n", - "2019-01-31 01:05:28,044 : INFO : topic #0 (0.020): 0.065*\"statewid\" + 0.042*\"line\" + 0.036*\"raid\" + 0.023*\"arsen\" + 0.021*\"rosenwald\" + 0.020*\"museo\" + 0.020*\"traceabl\" + 0.018*\"serv\" + 0.013*\"oper\" + 0.010*\"exhaust\"\n", - "2019-01-31 01:05:28,050 : INFO : topic diff=0.003945, rho=0.026407\n", - "2019-01-31 01:05:28,209 : INFO : PROGRESS: pass 0, at document #2870000/4922894\n", - "2019-01-31 01:05:29,610 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:05:29,877 : INFO : topic #34 (0.020): 0.067*\"start\" + 0.033*\"new\" + 0.030*\"american\" + 0.030*\"unionist\" + 0.026*\"cotton\" + 0.020*\"year\" + 0.015*\"california\" + 0.013*\"terri\" + 0.013*\"warrior\" + 0.012*\"north\"\n", - "2019-01-31 01:05:29,878 : INFO : topic #36 (0.020): 0.011*\"prognosi\" + 0.011*\"network\" + 0.010*\"pop\" + 0.009*\"cytokin\" + 0.008*\"develop\" + 0.008*\"uruguayan\" + 0.008*\"softwar\" + 0.008*\"user\" + 0.007*\"includ\" + 0.007*\"diggin\"\n", - "2019-01-31 01:05:29,879 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.007*\"summerhil\" + 0.006*\"woman\"\n", - "2019-01-31 01:05:29,880 : INFO : topic #38 (0.020): 0.024*\"walter\" + 0.011*\"battalion\" + 0.010*\"aza\" + 0.009*\"empath\" + 0.008*\"forc\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.006*\"govern\" + 0.006*\"militari\" + 0.006*\"till\"\n", - "2019-01-31 01:05:29,881 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.012*\"will\" + 0.012*\"david\" + 0.012*\"jame\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"georg\" + 0.008*\"paul\" + 0.008*\"slur\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:05:29,887 : INFO : topic diff=0.004331, rho=0.026398\n", - "2019-01-31 01:05:30,042 : INFO : PROGRESS: pass 0, at document #2872000/4922894\n", - "2019-01-31 01:05:31,418 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:05:31,684 : INFO : topic #13 (0.020): 0.027*\"london\" + 0.026*\"england\" + 0.026*\"sourc\" + 0.025*\"australia\" + 0.024*\"new\" + 0.022*\"australian\" + 0.019*\"british\" + 0.019*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:05:31,685 : INFO : topic #39 (0.020): 0.059*\"canada\" + 0.043*\"canadian\" + 0.023*\"hoar\" + 0.022*\"toronto\" + 0.022*\"ontario\" + 0.016*\"new\" + 0.015*\"hydrogen\" + 0.015*\"misericordia\" + 0.014*\"novotná\" + 0.014*\"quebec\"\n", - "2019-01-31 01:05:31,687 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.023*\"palmer\" + 0.022*\"new\" + 0.015*\"strategist\" + 0.013*\"center\" + 0.013*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.009*\"dai\" + 0.009*\"hot\"\n", - "2019-01-31 01:05:31,688 : INFO : topic #35 (0.020): 0.058*\"russia\" + 0.036*\"sovereignti\" + 0.033*\"rural\" + 0.025*\"poison\" + 0.025*\"personifi\" + 0.024*\"reprint\" + 0.020*\"moscow\" + 0.017*\"poland\" + 0.016*\"alexand\" + 0.015*\"unfortun\"\n", - "2019-01-31 01:05:31,689 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.050*\"franc\" + 0.036*\"pari\" + 0.024*\"sail\" + 0.022*\"jean\" + 0.017*\"daphn\" + 0.014*\"loui\" + 0.013*\"lazi\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:05:31,694 : INFO : topic diff=0.004138, rho=0.026389\n", - "2019-01-31 01:05:31,857 : INFO : PROGRESS: pass 0, at document #2874000/4922894\n", - "2019-01-31 01:05:33,274 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:05:33,541 : INFO : topic #21 (0.020): 0.035*\"samford\" + 0.021*\"spain\" + 0.018*\"del\" + 0.017*\"mexico\" + 0.015*\"italian\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"carlo\" + 0.010*\"francisco\"\n", - "2019-01-31 01:05:33,542 : INFO : topic #28 (0.020): 0.033*\"build\" + 0.026*\"hous\" + 0.019*\"rivièr\" + 0.018*\"buford\" + 0.014*\"histor\" + 0.012*\"briarwood\" + 0.011*\"constitut\" + 0.011*\"strategist\" + 0.010*\"linear\" + 0.010*\"silicon\"\n", - "2019-01-31 01:05:33,543 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"pour\" + 0.015*\"depress\" + 0.009*\"mode\" + 0.009*\"elabor\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.006*\"encyclopedia\" + 0.006*\"develop\" + 0.006*\"produc\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:05:33,544 : INFO : topic #37 (0.020): 0.011*\"charact\" + 0.011*\"septemb\" + 0.010*\"man\" + 0.009*\"anim\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.006*\"gestur\" + 0.006*\"love\" + 0.006*\"workplac\" + 0.006*\"fusiform\"\n", - "2019-01-31 01:05:33,545 : INFO : topic #48 (0.020): 0.085*\"march\" + 0.078*\"octob\" + 0.077*\"sens\" + 0.075*\"januari\" + 0.071*\"notion\" + 0.071*\"juli\" + 0.070*\"judici\" + 0.068*\"decatur\" + 0.068*\"august\" + 0.068*\"april\"\n", - "2019-01-31 01:05:33,551 : INFO : topic diff=0.004295, rho=0.026380\n", - "2019-01-31 01:05:33,707 : INFO : PROGRESS: pass 0, at document #2876000/4922894\n", - "2019-01-31 01:05:35,093 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:05:35,359 : INFO : topic #35 (0.020): 0.058*\"russia\" + 0.036*\"sovereignti\" + 0.033*\"rural\" + 0.025*\"poison\" + 0.024*\"personifi\" + 0.024*\"reprint\" + 0.020*\"moscow\" + 0.017*\"poland\" + 0.015*\"alexand\" + 0.015*\"unfortun\"\n", - "2019-01-31 01:05:35,360 : INFO : topic #22 (0.020): 0.036*\"spars\" + 0.021*\"factor\" + 0.012*\"plaisir\" + 0.010*\"genu\" + 0.010*\"feel\" + 0.009*\"male\" + 0.009*\"median\" + 0.009*\"western\" + 0.008*\"biom\" + 0.008*\"incom\"\n", - "2019-01-31 01:05:35,361 : INFO : topic #8 (0.020): 0.029*\"law\" + 0.023*\"cortic\" + 0.018*\"start\" + 0.018*\"act\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"polaris\" + 0.010*\"replac\" + 0.009*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 01:05:35,362 : INFO : topic #3 (0.020): 0.032*\"present\" + 0.026*\"offic\" + 0.024*\"minist\" + 0.023*\"nation\" + 0.021*\"govern\" + 0.020*\"member\" + 0.020*\"serv\" + 0.017*\"gener\" + 0.016*\"council\" + 0.016*\"start\"\n", - "2019-01-31 01:05:35,363 : INFO : topic #37 (0.020): 0.011*\"charact\" + 0.011*\"septemb\" + 0.010*\"man\" + 0.009*\"anim\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.006*\"gestur\" + 0.006*\"love\" + 0.006*\"workplac\" + 0.006*\"fusiform\"\n", - "2019-01-31 01:05:35,369 : INFO : topic diff=0.003851, rho=0.026371\n", - "2019-01-31 01:05:35,588 : INFO : PROGRESS: pass 0, at document #2878000/4922894\n", - "2019-01-31 01:05:37,000 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:05:37,267 : INFO : topic #39 (0.020): 0.058*\"canada\" + 0.043*\"canadian\" + 0.023*\"toronto\" + 0.022*\"hoar\" + 0.022*\"ontario\" + 0.016*\"new\" + 0.015*\"hydrogen\" + 0.014*\"misericordia\" + 0.014*\"novotná\" + 0.013*\"quebec\"\n", - "2019-01-31 01:05:37,268 : INFO : topic #45 (0.020): 0.026*\"jpg\" + 0.025*\"fifteenth\" + 0.019*\"illicit\" + 0.015*\"colder\" + 0.015*\"western\" + 0.015*\"black\" + 0.014*\"pain\" + 0.011*\"record\" + 0.010*\"depress\" + 0.009*\"blind\"\n", - "2019-01-31 01:05:37,269 : INFO : topic #2 (0.020): 0.050*\"isl\" + 0.037*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.012*\"blur\" + 0.011*\"pope\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.010*\"fleet\" + 0.009*\"bahá\"\n", - "2019-01-31 01:05:37,270 : INFO : topic #0 (0.020): 0.068*\"statewid\" + 0.043*\"line\" + 0.036*\"raid\" + 0.022*\"arsen\" + 0.020*\"rosenwald\" + 0.020*\"museo\" + 0.020*\"traceabl\" + 0.018*\"serv\" + 0.013*\"oper\" + 0.011*\"brook\"\n", - "2019-01-31 01:05:37,271 : INFO : topic #1 (0.020): 0.052*\"china\" + 0.042*\"chilton\" + 0.025*\"hong\" + 0.024*\"kong\" + 0.022*\"korea\" + 0.018*\"korean\" + 0.018*\"leah\" + 0.016*\"kim\" + 0.015*\"sourc\" + 0.014*\"shirin\"\n", - "2019-01-31 01:05:37,277 : INFO : topic diff=0.005459, rho=0.026361\n", - "2019-01-31 01:05:40,021 : INFO : -11.841 per-word bound, 3669.2 perplexity estimate based on a held-out corpus of 2000 documents with 574444 words\n", - "2019-01-31 01:05:40,022 : INFO : PROGRESS: pass 0, at document #2880000/4922894\n", - "2019-01-31 01:05:41,423 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:05:41,689 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.012*\"will\" + 0.012*\"david\" + 0.011*\"jame\" + 0.010*\"rival\" + 0.010*\"mexican–american\" + 0.008*\"georg\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:05:41,690 : INFO : topic #34 (0.020): 0.067*\"start\" + 0.034*\"new\" + 0.030*\"american\" + 0.029*\"unionist\" + 0.026*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"terri\" + 0.013*\"warrior\" + 0.012*\"north\"\n", - "2019-01-31 01:05:41,691 : INFO : topic #44 (0.020): 0.028*\"rooftop\" + 0.028*\"final\" + 0.023*\"wife\" + 0.020*\"tourist\" + 0.018*\"champion\" + 0.014*\"martin\" + 0.014*\"tiepolo\" + 0.014*\"open\" + 0.014*\"taxpay\" + 0.014*\"chamber\"\n", - "2019-01-31 01:05:41,692 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"ancestor\"\n", - "2019-01-31 01:05:41,693 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.009*\"disco\" + 0.008*\"media\" + 0.008*\"hormon\" + 0.008*\"have\" + 0.007*\"caus\" + 0.007*\"pathwai\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 01:05:41,699 : INFO : topic diff=0.003446, rho=0.026352\n", - "2019-01-31 01:05:41,859 : INFO : PROGRESS: pass 0, at document #2882000/4922894\n", - "2019-01-31 01:05:43,249 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:05:43,516 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.005*\"like\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:05:43,517 : INFO : topic #36 (0.020): 0.011*\"prognosi\" + 0.011*\"network\" + 0.011*\"pop\" + 0.009*\"cytokin\" + 0.008*\"develop\" + 0.008*\"uruguayan\" + 0.008*\"user\" + 0.008*\"softwar\" + 0.007*\"includ\" + 0.007*\"diggin\"\n", - "2019-01-31 01:05:43,518 : INFO : topic #33 (0.020): 0.063*\"french\" + 0.050*\"franc\" + 0.035*\"pari\" + 0.025*\"sail\" + 0.022*\"jean\" + 0.017*\"daphn\" + 0.013*\"loui\" + 0.013*\"lazi\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:05:43,519 : INFO : topic #40 (0.020): 0.088*\"unit\" + 0.023*\"schuster\" + 0.023*\"institut\" + 0.022*\"collector\" + 0.021*\"requir\" + 0.019*\"student\" + 0.015*\"professor\" + 0.012*\"word\" + 0.012*\"degre\" + 0.011*\"governor\"\n", - "2019-01-31 01:05:43,520 : INFO : topic #28 (0.020): 0.033*\"build\" + 0.026*\"hous\" + 0.019*\"rivièr\" + 0.018*\"buford\" + 0.014*\"histor\" + 0.012*\"briarwood\" + 0.011*\"constitut\" + 0.010*\"strategist\" + 0.010*\"linear\" + 0.010*\"silicon\"\n", - "2019-01-31 01:05:43,526 : INFO : topic diff=0.004025, rho=0.026343\n", - "2019-01-31 01:05:43,683 : INFO : PROGRESS: pass 0, at document #2884000/4922894\n", - "2019-01-31 01:05:45,059 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:05:45,326 : INFO : topic #26 (0.020): 0.031*\"workplac\" + 0.029*\"champion\" + 0.028*\"woman\" + 0.026*\"olymp\" + 0.024*\"men\" + 0.023*\"medal\" + 0.022*\"alic\" + 0.020*\"event\" + 0.018*\"rainfal\" + 0.018*\"taxpay\"\n", - "2019-01-31 01:05:45,327 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.033*\"perceptu\" + 0.019*\"theater\" + 0.017*\"compos\" + 0.017*\"place\" + 0.014*\"damn\" + 0.013*\"orchestr\" + 0.013*\"olympo\" + 0.013*\"physician\" + 0.012*\"word\"\n", - "2019-01-31 01:05:45,328 : INFO : topic #3 (0.020): 0.032*\"present\" + 0.027*\"offic\" + 0.024*\"minist\" + 0.023*\"nation\" + 0.021*\"govern\" + 0.020*\"member\" + 0.020*\"serv\" + 0.017*\"gener\" + 0.016*\"council\" + 0.016*\"start\"\n", - "2019-01-31 01:05:45,329 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.036*\"leagu\" + 0.029*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.024*\"crete\" + 0.022*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:05:45,330 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.054*\"parti\" + 0.024*\"voluntari\" + 0.022*\"democrat\" + 0.022*\"member\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.014*\"liber\" + 0.014*\"bypass\" + 0.014*\"report\"\n", - "2019-01-31 01:05:45,336 : INFO : topic diff=0.004115, rho=0.026334\n", - "2019-01-31 01:05:45,493 : INFO : PROGRESS: pass 0, at document #2886000/4922894\n", - "2019-01-31 01:05:46,856 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:05:47,122 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.068*\"best\" + 0.034*\"yawn\" + 0.028*\"jacksonvil\" + 0.022*\"noll\" + 0.020*\"japanes\" + 0.020*\"festiv\" + 0.020*\"women\" + 0.018*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 01:05:47,123 : INFO : topic #20 (0.020): 0.146*\"scholar\" + 0.039*\"struggl\" + 0.034*\"high\" + 0.029*\"educ\" + 0.023*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.011*\"district\" + 0.010*\"gothic\" + 0.010*\"start\"\n", - "2019-01-31 01:05:47,124 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.009*\"disco\" + 0.008*\"media\" + 0.008*\"hormon\" + 0.008*\"have\" + 0.007*\"caus\" + 0.007*\"pathwai\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 01:05:47,125 : INFO : topic #16 (0.020): 0.056*\"king\" + 0.030*\"priest\" + 0.022*\"idiosyncrat\" + 0.019*\"rotterdam\" + 0.019*\"duke\" + 0.019*\"grammat\" + 0.016*\"quarterli\" + 0.015*\"count\" + 0.013*\"portugues\" + 0.012*\"kingdom\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:05:47,127 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.015*\"bone\" + 0.013*\"faster\" + 0.013*\"deal\" + 0.013*\"life\" + 0.012*\"john\"\n", - "2019-01-31 01:05:47,132 : INFO : topic diff=0.003781, rho=0.026325\n", - "2019-01-31 01:05:47,286 : INFO : PROGRESS: pass 0, at document #2888000/4922894\n", - "2019-01-31 01:05:48,646 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:05:48,911 : INFO : topic #44 (0.020): 0.028*\"final\" + 0.028*\"rooftop\" + 0.023*\"wife\" + 0.020*\"tourist\" + 0.018*\"champion\" + 0.014*\"martin\" + 0.014*\"open\" + 0.014*\"taxpay\" + 0.014*\"tiepolo\" + 0.014*\"chamber\"\n", - "2019-01-31 01:05:48,912 : INFO : topic #12 (0.020): 0.010*\"number\" + 0.008*\"frontal\" + 0.007*\"gener\" + 0.007*\"théori\" + 0.006*\"exampl\" + 0.006*\"poet\" + 0.006*\"measur\" + 0.006*\"method\" + 0.006*\"southern\" + 0.006*\"differ\"\n", - "2019-01-31 01:05:48,914 : INFO : topic #26 (0.020): 0.031*\"workplac\" + 0.029*\"champion\" + 0.027*\"woman\" + 0.026*\"olymp\" + 0.024*\"men\" + 0.023*\"medal\" + 0.022*\"alic\" + 0.020*\"event\" + 0.018*\"rainfal\" + 0.018*\"taxpay\"\n", - "2019-01-31 01:05:48,915 : INFO : topic #38 (0.020): 0.024*\"walter\" + 0.011*\"battalion\" + 0.010*\"aza\" + 0.009*\"empath\" + 0.009*\"forc\" + 0.007*\"armi\" + 0.007*\"teufel\" + 0.006*\"militari\" + 0.006*\"govern\" + 0.006*\"till\"\n", - "2019-01-31 01:05:48,916 : INFO : topic #33 (0.020): 0.063*\"french\" + 0.049*\"franc\" + 0.035*\"pari\" + 0.024*\"sail\" + 0.022*\"jean\" + 0.017*\"daphn\" + 0.013*\"loui\" + 0.013*\"lazi\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:05:48,922 : INFO : topic diff=0.004085, rho=0.026316\n", - "2019-01-31 01:05:49,076 : INFO : PROGRESS: pass 0, at document #2890000/4922894\n", - "2019-01-31 01:05:50,422 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:05:50,689 : INFO : topic #40 (0.020): 0.088*\"unit\" + 0.023*\"schuster\" + 0.023*\"institut\" + 0.022*\"collector\" + 0.021*\"requir\" + 0.019*\"student\" + 0.015*\"professor\" + 0.012*\"word\" + 0.012*\"degre\" + 0.011*\"governor\"\n", - "2019-01-31 01:05:50,691 : INFO : topic #20 (0.020): 0.147*\"scholar\" + 0.039*\"struggl\" + 0.034*\"high\" + 0.030*\"educ\" + 0.023*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.011*\"district\" + 0.010*\"start\" + 0.010*\"gothic\"\n", - "2019-01-31 01:05:50,692 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"origin\" + 0.009*\"form\" + 0.008*\"mean\" + 0.008*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.007*\"ancestor\"\n", - "2019-01-31 01:05:50,693 : INFO : topic #46 (0.020): 0.017*\"stop\" + 0.017*\"sweden\" + 0.016*\"damag\" + 0.016*\"norwai\" + 0.015*\"swedish\" + 0.014*\"wind\" + 0.014*\"norwegian\" + 0.012*\"denmark\" + 0.011*\"danish\" + 0.011*\"huntsvil\"\n", - "2019-01-31 01:05:50,694 : INFO : topic #29 (0.020): 0.030*\"companhia\" + 0.013*\"market\" + 0.012*\"busi\" + 0.011*\"produc\" + 0.011*\"million\" + 0.010*\"bank\" + 0.010*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"serv\"\n", - "2019-01-31 01:05:50,700 : INFO : topic diff=0.003725, rho=0.026307\n", - "2019-01-31 01:05:50,855 : INFO : PROGRESS: pass 0, at document #2892000/4922894\n", - "2019-01-31 01:05:52,245 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:05:52,511 : INFO : topic #43 (0.020): 0.065*\"elect\" + 0.054*\"parti\" + 0.024*\"voluntari\" + 0.022*\"democrat\" + 0.022*\"member\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.014*\"bypass\" + 0.014*\"selma\" + 0.014*\"liber\"\n", - "2019-01-31 01:05:52,512 : INFO : topic #48 (0.020): 0.083*\"march\" + 0.077*\"octob\" + 0.076*\"sens\" + 0.075*\"januari\" + 0.070*\"juli\" + 0.069*\"notion\" + 0.068*\"judici\" + 0.067*\"august\" + 0.067*\"decatur\" + 0.066*\"april\"\n", - "2019-01-31 01:05:52,514 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.023*\"palmer\" + 0.022*\"new\" + 0.016*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.009*\"dai\" + 0.009*\"hot\"\n", - "2019-01-31 01:05:52,515 : INFO : topic #9 (0.020): 0.067*\"bone\" + 0.045*\"american\" + 0.028*\"valour\" + 0.019*\"dutch\" + 0.019*\"player\" + 0.019*\"folei\" + 0.017*\"english\" + 0.017*\"polit\" + 0.012*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 01:05:52,515 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.021*\"spain\" + 0.018*\"del\" + 0.018*\"mexico\" + 0.016*\"italian\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"carlo\" + 0.010*\"francisco\"\n", - "2019-01-31 01:05:52,521 : INFO : topic diff=0.004450, rho=0.026298\n", - "2019-01-31 01:05:52,678 : INFO : PROGRESS: pass 0, at document #2894000/4922894\n", - "2019-01-31 01:05:54,046 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:05:54,313 : INFO : topic #43 (0.020): 0.065*\"elect\" + 0.054*\"parti\" + 0.025*\"voluntari\" + 0.022*\"democrat\" + 0.022*\"member\" + 0.016*\"polici\" + 0.014*\"republ\" + 0.014*\"bypass\" + 0.014*\"selma\" + 0.014*\"report\"\n", - "2019-01-31 01:05:54,313 : INFO : topic #48 (0.020): 0.084*\"march\" + 0.078*\"octob\" + 0.077*\"sens\" + 0.074*\"januari\" + 0.070*\"juli\" + 0.069*\"notion\" + 0.068*\"judici\" + 0.068*\"august\" + 0.067*\"decatur\" + 0.067*\"april\"\n", - "2019-01-31 01:05:54,314 : INFO : topic #3 (0.020): 0.031*\"present\" + 0.027*\"offic\" + 0.024*\"minist\" + 0.023*\"nation\" + 0.021*\"govern\" + 0.021*\"member\" + 0.020*\"serv\" + 0.016*\"gener\" + 0.016*\"council\" + 0.016*\"start\"\n", - "2019-01-31 01:05:54,316 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.024*\"palmer\" + 0.022*\"new\" + 0.015*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.009*\"dai\" + 0.009*\"hot\"\n", - "2019-01-31 01:05:54,317 : INFO : topic #42 (0.020): 0.046*\"german\" + 0.031*\"germani\" + 0.016*\"vol\" + 0.015*\"jewish\" + 0.014*\"israel\" + 0.014*\"berlin\" + 0.014*\"der\" + 0.012*\"european\" + 0.009*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:05:54,322 : INFO : topic diff=0.004276, rho=0.026288\n", - "2019-01-31 01:05:54,478 : INFO : PROGRESS: pass 0, at document #2896000/4922894\n", - "2019-01-31 01:05:55,855 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:05:56,121 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.009*\"disco\" + 0.008*\"media\" + 0.008*\"hormon\" + 0.008*\"have\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 01:05:56,122 : INFO : topic #35 (0.020): 0.057*\"russia\" + 0.036*\"sovereignti\" + 0.035*\"rural\" + 0.025*\"personifi\" + 0.025*\"poison\" + 0.023*\"reprint\" + 0.020*\"moscow\" + 0.017*\"poland\" + 0.016*\"unfortun\" + 0.014*\"tyrant\"\n", - "2019-01-31 01:05:56,123 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"pour\" + 0.014*\"depress\" + 0.010*\"elabor\" + 0.010*\"mode\" + 0.009*\"veget\" + 0.007*\"uruguayan\" + 0.007*\"encyclopedia\" + 0.006*\"develop\" + 0.006*\"produc\"\n", - "2019-01-31 01:05:56,124 : INFO : topic #44 (0.020): 0.029*\"rooftop\" + 0.028*\"final\" + 0.023*\"wife\" + 0.020*\"tourist\" + 0.018*\"champion\" + 0.014*\"martin\" + 0.014*\"taxpay\" + 0.014*\"open\" + 0.014*\"tiepolo\" + 0.014*\"chamber\"\n", - "2019-01-31 01:05:56,126 : INFO : topic #0 (0.020): 0.068*\"statewid\" + 0.042*\"line\" + 0.035*\"raid\" + 0.022*\"arsen\" + 0.022*\"museo\" + 0.022*\"rosenwald\" + 0.020*\"traceabl\" + 0.019*\"serv\" + 0.013*\"oper\" + 0.011*\"brook\"\n", - "2019-01-31 01:05:56,131 : INFO : topic diff=0.004365, rho=0.026279\n", - "2019-01-31 01:05:56,283 : INFO : PROGRESS: pass 0, at document #2898000/4922894\n", - "2019-01-31 01:05:57,629 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:05:57,896 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.041*\"chilton\" + 0.024*\"hong\" + 0.023*\"kong\" + 0.023*\"korea\" + 0.019*\"leah\" + 0.018*\"korean\" + 0.016*\"sourc\" + 0.016*\"kim\" + 0.013*\"shirin\"\n", - "2019-01-31 01:05:57,897 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.012*\"will\" + 0.012*\"david\" + 0.012*\"jame\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"georg\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:05:57,898 : INFO : topic #46 (0.020): 0.017*\"stop\" + 0.017*\"sweden\" + 0.016*\"damag\" + 0.016*\"norwai\" + 0.015*\"swedish\" + 0.014*\"wind\" + 0.013*\"norwegian\" + 0.011*\"denmark\" + 0.011*\"danish\" + 0.010*\"treeless\"\n", - "2019-01-31 01:05:57,899 : INFO : topic #27 (0.020): 0.071*\"questionnair\" + 0.021*\"candid\" + 0.019*\"taxpay\" + 0.013*\"driver\" + 0.013*\"ret\" + 0.013*\"fool\" + 0.012*\"tornado\" + 0.012*\"find\" + 0.011*\"squatter\" + 0.010*\"landslid\"\n", - "2019-01-31 01:05:57,900 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.036*\"leagu\" + 0.029*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.024*\"crete\" + 0.022*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:05:57,906 : INFO : topic diff=0.003455, rho=0.026270\n", - "2019-01-31 01:06:00,558 : INFO : -11.614 per-word bound, 3133.7 perplexity estimate based on a held-out corpus of 2000 documents with 560306 words\n", - "2019-01-31 01:06:00,559 : INFO : PROGRESS: pass 0, at document #2900000/4922894\n", - "2019-01-31 01:06:01,920 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:06:02,186 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.021*\"spain\" + 0.018*\"del\" + 0.018*\"mexico\" + 0.016*\"italian\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"carlo\" + 0.010*\"josé\"\n", - "2019-01-31 01:06:02,187 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.005*\"like\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:06:02,188 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.009*\"disco\" + 0.008*\"media\" + 0.008*\"hormon\" + 0.008*\"have\" + 0.007*\"caus\" + 0.007*\"pathwai\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 01:06:02,189 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.007*\"summerhil\" + 0.006*\"woman\"\n", - "2019-01-31 01:06:02,191 : INFO : topic #37 (0.020): 0.011*\"charact\" + 0.011*\"septemb\" + 0.010*\"man\" + 0.009*\"anim\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.006*\"love\" + 0.006*\"gestur\" + 0.006*\"workplac\" + 0.006*\"dixi\"\n", - "2019-01-31 01:06:02,197 : INFO : topic diff=0.004961, rho=0.026261\n", - "2019-01-31 01:06:02,355 : INFO : PROGRESS: pass 0, at document #2902000/4922894\n", - "2019-01-31 01:06:03,723 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:06:03,989 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 01:06:03,990 : INFO : topic #8 (0.020): 0.029*\"law\" + 0.023*\"cortic\" + 0.019*\"act\" + 0.018*\"start\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.010*\"polaris\" + 0.009*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 01:06:03,991 : INFO : topic #21 (0.020): 0.035*\"samford\" + 0.021*\"spain\" + 0.018*\"del\" + 0.018*\"mexico\" + 0.016*\"italian\" + 0.014*\"soviet\" + 0.011*\"santa\" + 0.011*\"juan\" + 0.011*\"carlo\" + 0.010*\"josé\"\n", - "2019-01-31 01:06:03,992 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.033*\"perceptu\" + 0.019*\"theater\" + 0.018*\"compos\" + 0.017*\"place\" + 0.015*\"damn\" + 0.014*\"orchestr\" + 0.013*\"olympo\" + 0.012*\"physician\" + 0.012*\"word\"\n", - "2019-01-31 01:06:03,993 : INFO : topic #38 (0.020): 0.025*\"walter\" + 0.011*\"battalion\" + 0.010*\"aza\" + 0.009*\"forc\" + 0.008*\"empath\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.006*\"militari\" + 0.006*\"govern\" + 0.006*\"pour\"\n", - "2019-01-31 01:06:03,999 : INFO : topic diff=0.003988, rho=0.026252\n", - "2019-01-31 01:06:04,153 : INFO : PROGRESS: pass 0, at document #2904000/4922894\n", - "2019-01-31 01:06:05,520 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:06:05,786 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.033*\"perceptu\" + 0.019*\"theater\" + 0.018*\"compos\" + 0.017*\"place\" + 0.015*\"damn\" + 0.014*\"orchestr\" + 0.013*\"olympo\" + 0.012*\"physician\" + 0.012*\"word\"\n", - "2019-01-31 01:06:05,788 : INFO : topic #37 (0.020): 0.011*\"charact\" + 0.011*\"septemb\" + 0.010*\"man\" + 0.009*\"anim\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.006*\"love\" + 0.006*\"gestur\" + 0.006*\"workplac\" + 0.006*\"fusiform\"\n", - "2019-01-31 01:06:05,789 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"théori\" + 0.007*\"gener\" + 0.007*\"poet\" + 0.006*\"exampl\" + 0.006*\"southern\" + 0.006*\"measur\" + 0.006*\"differ\" + 0.006*\"servitud\"\n", - "2019-01-31 01:06:05,790 : INFO : topic #39 (0.020): 0.057*\"canada\" + 0.042*\"canadian\" + 0.023*\"toronto\" + 0.022*\"hoar\" + 0.022*\"ontario\" + 0.015*\"new\" + 0.014*\"misericordia\" + 0.014*\"hydrogen\" + 0.014*\"novotná\" + 0.013*\"quebec\"\n", - "2019-01-31 01:06:05,791 : INFO : topic #32 (0.020): 0.049*\"district\" + 0.043*\"popolo\" + 0.041*\"vigour\" + 0.036*\"tortur\" + 0.033*\"cotton\" + 0.024*\"area\" + 0.022*\"multitud\" + 0.020*\"citi\" + 0.019*\"regim\" + 0.018*\"cede\"\n", - "2019-01-31 01:06:05,797 : INFO : topic diff=0.003743, rho=0.026243\n", - "2019-01-31 01:06:05,954 : INFO : PROGRESS: pass 0, at document #2906000/4922894\n", - "2019-01-31 01:06:07,337 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:06:07,603 : INFO : topic #28 (0.020): 0.032*\"build\" + 0.026*\"hous\" + 0.019*\"rivièr\" + 0.017*\"buford\" + 0.014*\"histor\" + 0.011*\"briarwood\" + 0.011*\"constitut\" + 0.010*\"strategist\" + 0.010*\"linear\" + 0.010*\"depress\"\n", - "2019-01-31 01:06:07,604 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.043*\"popolo\" + 0.041*\"vigour\" + 0.036*\"tortur\" + 0.033*\"cotton\" + 0.024*\"area\" + 0.022*\"multitud\" + 0.020*\"citi\" + 0.019*\"regim\" + 0.018*\"cede\"\n", - "2019-01-31 01:06:07,606 : INFO : topic #38 (0.020): 0.025*\"walter\" + 0.011*\"battalion\" + 0.010*\"aza\" + 0.009*\"forc\" + 0.008*\"empath\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.007*\"militari\" + 0.006*\"govern\" + 0.006*\"pour\"\n", - "2019-01-31 01:06:07,607 : INFO : topic #29 (0.020): 0.030*\"companhia\" + 0.013*\"market\" + 0.012*\"busi\" + 0.011*\"million\" + 0.011*\"produc\" + 0.011*\"bank\" + 0.010*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"serv\"\n", - "2019-01-31 01:06:07,608 : INFO : topic #13 (0.020): 0.028*\"australia\" + 0.028*\"sourc\" + 0.026*\"london\" + 0.026*\"new\" + 0.025*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.016*\"youth\" + 0.015*\"wale\"\n", - "2019-01-31 01:06:07,613 : INFO : topic diff=0.003763, rho=0.026234\n", - "2019-01-31 01:06:07,773 : INFO : PROGRESS: pass 0, at document #2908000/4922894\n", - "2019-01-31 01:06:09,170 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:06:09,436 : INFO : topic #1 (0.020): 0.053*\"china\" + 0.041*\"chilton\" + 0.025*\"hong\" + 0.024*\"kong\" + 0.022*\"korea\" + 0.019*\"leah\" + 0.018*\"korean\" + 0.016*\"kim\" + 0.016*\"sourc\" + 0.013*\"shirin\"\n", - "2019-01-31 01:06:09,437 : INFO : topic #45 (0.020): 0.026*\"jpg\" + 0.025*\"fifteenth\" + 0.018*\"illicit\" + 0.015*\"colder\" + 0.015*\"western\" + 0.014*\"pain\" + 0.014*\"black\" + 0.011*\"record\" + 0.010*\"depress\" + 0.010*\"blind\"\n", - "2019-01-31 01:06:09,438 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 01:06:09,440 : INFO : topic #3 (0.020): 0.031*\"present\" + 0.027*\"offic\" + 0.024*\"nation\" + 0.023*\"minist\" + 0.022*\"govern\" + 0.021*\"member\" + 0.020*\"serv\" + 0.016*\"gener\" + 0.016*\"start\" + 0.015*\"council\"\n", - "2019-01-31 01:06:09,441 : INFO : topic #33 (0.020): 0.064*\"french\" + 0.049*\"franc\" + 0.035*\"pari\" + 0.024*\"sail\" + 0.022*\"jean\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.013*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:06:09,446 : INFO : topic diff=0.004871, rho=0.026225\n", - "2019-01-31 01:06:09,663 : INFO : PROGRESS: pass 0, at document #2910000/4922894\n", - "2019-01-31 01:06:11,063 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:06:11,329 : INFO : topic #29 (0.020): 0.030*\"companhia\" + 0.013*\"market\" + 0.012*\"busi\" + 0.011*\"million\" + 0.011*\"produc\" + 0.010*\"bank\" + 0.010*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"serv\"\n", - "2019-01-31 01:06:11,330 : INFO : topic #47 (0.020): 0.067*\"muscl\" + 0.033*\"perceptu\" + 0.019*\"theater\" + 0.018*\"compos\" + 0.017*\"place\" + 0.015*\"damn\" + 0.014*\"orchestr\" + 0.013*\"olympo\" + 0.012*\"word\" + 0.012*\"physician\"\n", - "2019-01-31 01:06:11,332 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.055*\"parti\" + 0.024*\"voluntari\" + 0.022*\"democrat\" + 0.021*\"member\" + 0.017*\"polici\" + 0.014*\"bypass\" + 0.014*\"seaport\" + 0.014*\"republ\" + 0.014*\"report\"\n", - "2019-01-31 01:06:11,333 : INFO : topic #38 (0.020): 0.025*\"walter\" + 0.011*\"battalion\" + 0.010*\"aza\" + 0.009*\"forc\" + 0.008*\"empath\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.007*\"militari\" + 0.006*\"govern\" + 0.006*\"pour\"\n", - "2019-01-31 01:06:11,334 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.033*\"publicis\" + 0.028*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"arsen\" + 0.011*\"collect\" + 0.011*\"nicola\" + 0.011*\"magazin\"\n", - "2019-01-31 01:06:11,340 : INFO : topic diff=0.002952, rho=0.026216\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:06:11,495 : INFO : PROGRESS: pass 0, at document #2912000/4922894\n", - "2019-01-31 01:06:12,956 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:06:13,223 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"end\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:06:13,224 : INFO : topic #40 (0.020): 0.088*\"unit\" + 0.024*\"schuster\" + 0.022*\"institut\" + 0.021*\"collector\" + 0.021*\"requir\" + 0.019*\"student\" + 0.015*\"professor\" + 0.012*\"word\" + 0.012*\"degre\" + 0.011*\"governor\"\n", - "2019-01-31 01:06:13,225 : INFO : topic #33 (0.020): 0.063*\"french\" + 0.049*\"franc\" + 0.034*\"pari\" + 0.024*\"sail\" + 0.022*\"jean\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.013*\"loui\" + 0.011*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 01:06:13,226 : INFO : topic #16 (0.020): 0.056*\"king\" + 0.031*\"priest\" + 0.020*\"idiosyncrat\" + 0.020*\"duke\" + 0.019*\"rotterdam\" + 0.018*\"quarterli\" + 0.018*\"grammat\" + 0.015*\"count\" + 0.013*\"portugues\" + 0.013*\"kingdom\"\n", - "2019-01-31 01:06:13,227 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.041*\"line\" + 0.034*\"raid\" + 0.022*\"rosenwald\" + 0.021*\"museo\" + 0.021*\"arsen\" + 0.021*\"traceabl\" + 0.019*\"serv\" + 0.013*\"oper\" + 0.011*\"brook\"\n", - "2019-01-31 01:06:13,233 : INFO : topic diff=0.004410, rho=0.026207\n", - "2019-01-31 01:06:13,391 : INFO : PROGRESS: pass 0, at document #2914000/4922894\n", - "2019-01-31 01:06:14,784 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:06:15,051 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.014*\"pour\" + 0.014*\"depress\" + 0.010*\"elabor\" + 0.009*\"mode\" + 0.009*\"veget\" + 0.007*\"uruguayan\" + 0.006*\"encyclopedia\" + 0.006*\"develop\" + 0.006*\"produc\"\n", - "2019-01-31 01:06:15,052 : INFO : topic #48 (0.020): 0.082*\"march\" + 0.078*\"sens\" + 0.077*\"octob\" + 0.071*\"januari\" + 0.069*\"juli\" + 0.068*\"notion\" + 0.067*\"judici\" + 0.067*\"august\" + 0.066*\"april\" + 0.066*\"decatur\"\n", - "2019-01-31 01:06:15,054 : INFO : topic #37 (0.020): 0.011*\"charact\" + 0.011*\"septemb\" + 0.010*\"man\" + 0.009*\"anim\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.006*\"workplac\" + 0.006*\"love\" + 0.006*\"gestur\" + 0.006*\"fusiform\"\n", - "2019-01-31 01:06:15,055 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.055*\"parti\" + 0.024*\"voluntari\" + 0.022*\"democrat\" + 0.021*\"member\" + 0.017*\"polici\" + 0.014*\"bypass\" + 0.014*\"seaport\" + 0.014*\"republ\" + 0.014*\"report\"\n", - "2019-01-31 01:06:15,056 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.016*\"will\" + 0.012*\"david\" + 0.012*\"jame\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"georg\" + 0.007*\"paul\" + 0.007*\"slur\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:06:15,062 : INFO : topic diff=0.004112, rho=0.026198\n", - "2019-01-31 01:06:15,221 : INFO : PROGRESS: pass 0, at document #2916000/4922894\n", - "2019-01-31 01:06:16,642 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:06:16,911 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"théori\" + 0.007*\"gener\" + 0.006*\"exampl\" + 0.006*\"poet\" + 0.006*\"measur\" + 0.006*\"southern\" + 0.006*\"differ\" + 0.006*\"servitud\"\n", - "2019-01-31 01:06:16,912 : INFO : topic #16 (0.020): 0.055*\"king\" + 0.030*\"priest\" + 0.021*\"idiosyncrat\" + 0.019*\"duke\" + 0.019*\"rotterdam\" + 0.018*\"quarterli\" + 0.018*\"grammat\" + 0.015*\"count\" + 0.013*\"portugues\" + 0.012*\"kingdom\"\n", - "2019-01-31 01:06:16,914 : INFO : topic #33 (0.020): 0.063*\"french\" + 0.049*\"franc\" + 0.034*\"pari\" + 0.024*\"sail\" + 0.022*\"jean\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.013*\"loui\" + 0.011*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 01:06:16,915 : INFO : topic #8 (0.020): 0.028*\"law\" + 0.023*\"cortic\" + 0.018*\"act\" + 0.018*\"start\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"polaris\" + 0.010*\"replac\" + 0.009*\"legal\" + 0.007*\"justic\"\n", - "2019-01-31 01:06:16,916 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.055*\"parti\" + 0.024*\"voluntari\" + 0.022*\"democrat\" + 0.021*\"member\" + 0.017*\"polici\" + 0.014*\"bypass\" + 0.014*\"seaport\" + 0.014*\"republ\" + 0.014*\"report\"\n", - "2019-01-31 01:06:16,921 : INFO : topic diff=0.003684, rho=0.026189\n", - "2019-01-31 01:06:17,077 : INFO : PROGRESS: pass 0, at document #2918000/4922894\n", - "2019-01-31 01:06:18,443 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:06:18,709 : INFO : topic #13 (0.020): 0.028*\"australia\" + 0.027*\"sourc\" + 0.026*\"london\" + 0.026*\"new\" + 0.024*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.015*\"youth\" + 0.015*\"wale\"\n", - "2019-01-31 01:06:18,710 : INFO : topic #42 (0.020): 0.048*\"german\" + 0.032*\"germani\" + 0.015*\"vol\" + 0.015*\"israel\" + 0.014*\"berlin\" + 0.014*\"jewish\" + 0.014*\"der\" + 0.012*\"european\" + 0.009*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:06:18,711 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.014*\"pour\" + 0.014*\"depress\" + 0.010*\"elabor\" + 0.009*\"mode\" + 0.009*\"veget\" + 0.007*\"uruguayan\" + 0.007*\"encyclopedia\" + 0.006*\"develop\" + 0.006*\"produc\"\n", - "2019-01-31 01:06:18,712 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"théori\" + 0.007*\"gener\" + 0.006*\"poet\" + 0.006*\"exampl\" + 0.006*\"measur\" + 0.006*\"southern\" + 0.006*\"differ\" + 0.006*\"servitud\"\n", - "2019-01-31 01:06:18,713 : INFO : topic #25 (0.020): 0.031*\"ring\" + 0.019*\"area\" + 0.017*\"lagrang\" + 0.016*\"warmth\" + 0.015*\"mount\" + 0.009*\"north\" + 0.009*\"palmer\" + 0.009*\"sourc\" + 0.008*\"land\" + 0.008*\"lobe\"\n", - "2019-01-31 01:06:18,719 : INFO : topic diff=0.004067, rho=0.026180\n", - "2019-01-31 01:06:21,320 : INFO : -11.774 per-word bound, 3501.6 perplexity estimate based on a held-out corpus of 2000 documents with 520506 words\n", - "2019-01-31 01:06:21,321 : INFO : PROGRESS: pass 0, at document #2920000/4922894\n", - "2019-01-31 01:06:22,670 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:06:22,940 : INFO : topic #1 (0.020): 0.052*\"china\" + 0.044*\"chilton\" + 0.025*\"hong\" + 0.024*\"kong\" + 0.022*\"korea\" + 0.018*\"korean\" + 0.017*\"leah\" + 0.016*\"kim\" + 0.015*\"sourc\" + 0.014*\"shirin\"\n", - "2019-01-31 01:06:22,941 : INFO : topic #32 (0.020): 0.049*\"district\" + 0.043*\"popolo\" + 0.041*\"vigour\" + 0.037*\"tortur\" + 0.032*\"cotton\" + 0.024*\"area\" + 0.022*\"multitud\" + 0.020*\"citi\" + 0.019*\"regim\" + 0.018*\"cede\"\n", - "2019-01-31 01:06:22,942 : INFO : topic #28 (0.020): 0.032*\"build\" + 0.025*\"hous\" + 0.019*\"rivièr\" + 0.018*\"buford\" + 0.014*\"histor\" + 0.011*\"briarwood\" + 0.011*\"constitut\" + 0.011*\"strategist\" + 0.010*\"linear\" + 0.010*\"depress\"\n", - "2019-01-31 01:06:22,943 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.014*\"pour\" + 0.014*\"depress\" + 0.010*\"elabor\" + 0.009*\"mode\" + 0.009*\"veget\" + 0.007*\"uruguayan\" + 0.006*\"encyclopedia\" + 0.006*\"develop\" + 0.006*\"produc\"\n", - "2019-01-31 01:06:22,944 : INFO : topic #24 (0.020): 0.038*\"book\" + 0.033*\"publicis\" + 0.028*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"arsen\" + 0.012*\"collect\" + 0.011*\"nicola\" + 0.011*\"storag\"\n", - "2019-01-31 01:06:22,950 : INFO : topic diff=0.004123, rho=0.026171\n", - "2019-01-31 01:06:23,106 : INFO : PROGRESS: pass 0, at document #2922000/4922894\n", - "2019-01-31 01:06:24,481 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:06:24,748 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.014*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.007*\"ancestor\"\n", - "2019-01-31 01:06:24,749 : INFO : topic #13 (0.020): 0.028*\"australia\" + 0.027*\"sourc\" + 0.026*\"london\" + 0.026*\"new\" + 0.024*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.016*\"youth\" + 0.015*\"wale\"\n", - "2019-01-31 01:06:24,750 : INFO : topic #28 (0.020): 0.032*\"build\" + 0.026*\"hous\" + 0.018*\"rivièr\" + 0.018*\"buford\" + 0.014*\"histor\" + 0.011*\"briarwood\" + 0.011*\"constitut\" + 0.011*\"strategist\" + 0.010*\"linear\" + 0.010*\"depress\"\n", - "2019-01-31 01:06:24,751 : INFO : topic #40 (0.020): 0.088*\"unit\" + 0.024*\"schuster\" + 0.022*\"institut\" + 0.021*\"collector\" + 0.020*\"requir\" + 0.019*\"student\" + 0.015*\"professor\" + 0.012*\"degre\" + 0.012*\"word\" + 0.011*\"governor\"\n", - "2019-01-31 01:06:24,752 : INFO : topic #34 (0.020): 0.067*\"start\" + 0.033*\"new\" + 0.031*\"american\" + 0.029*\"unionist\" + 0.025*\"cotton\" + 0.020*\"year\" + 0.015*\"california\" + 0.013*\"terri\" + 0.013*\"warrior\" + 0.012*\"north\"\n", - "2019-01-31 01:06:24,758 : INFO : topic diff=0.003835, rho=0.026162\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:06:24,912 : INFO : PROGRESS: pass 0, at document #2924000/4922894\n", - "2019-01-31 01:06:26,293 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:06:26,559 : INFO : topic #48 (0.020): 0.080*\"march\" + 0.077*\"octob\" + 0.077*\"sens\" + 0.072*\"januari\" + 0.069*\"juli\" + 0.068*\"notion\" + 0.066*\"august\" + 0.066*\"judici\" + 0.066*\"decatur\" + 0.065*\"april\"\n", - "2019-01-31 01:06:26,560 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.007*\"ancestor\"\n", - "2019-01-31 01:06:26,562 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.032*\"germani\" + 0.015*\"vol\" + 0.014*\"israel\" + 0.014*\"berlin\" + 0.014*\"jewish\" + 0.014*\"der\" + 0.012*\"european\" + 0.010*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:06:26,563 : INFO : topic #9 (0.020): 0.072*\"bone\" + 0.048*\"american\" + 0.029*\"valour\" + 0.021*\"folei\" + 0.019*\"player\" + 0.019*\"dutch\" + 0.018*\"english\" + 0.017*\"polit\" + 0.012*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 01:06:26,563 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.019*\"area\" + 0.017*\"lagrang\" + 0.016*\"warmth\" + 0.015*\"mount\" + 0.009*\"north\" + 0.009*\"palmer\" + 0.009*\"sourc\" + 0.008*\"lobe\" + 0.008*\"land\"\n", - "2019-01-31 01:06:26,569 : INFO : topic diff=0.003623, rho=0.026153\n", - "2019-01-31 01:06:26,723 : INFO : PROGRESS: pass 0, at document #2926000/4922894\n", - "2019-01-31 01:06:28,095 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:06:28,361 : INFO : topic #35 (0.020): 0.058*\"russia\" + 0.035*\"sovereignti\" + 0.034*\"rural\" + 0.026*\"personifi\" + 0.024*\"poison\" + 0.023*\"reprint\" + 0.020*\"moscow\" + 0.016*\"turin\" + 0.016*\"poland\" + 0.015*\"unfortun\"\n", - "2019-01-31 01:06:28,362 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"end\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:06:28,363 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.010*\"prognosi\" + 0.010*\"pop\" + 0.009*\"cytokin\" + 0.008*\"develop\" + 0.008*\"softwar\" + 0.008*\"user\" + 0.008*\"uruguayan\" + 0.007*\"includ\" + 0.007*\"diggin\"\n", - "2019-01-31 01:06:28,364 : INFO : topic #13 (0.020): 0.028*\"australia\" + 0.027*\"sourc\" + 0.026*\"london\" + 0.026*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.016*\"youth\" + 0.015*\"wale\"\n", - "2019-01-31 01:06:28,365 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.021*\"factor\" + 0.012*\"plaisir\" + 0.011*\"genu\" + 0.009*\"feel\" + 0.009*\"male\" + 0.009*\"western\" + 0.008*\"median\" + 0.008*\"biom\" + 0.007*\"incom\"\n", - "2019-01-31 01:06:28,371 : INFO : topic diff=0.003958, rho=0.026144\n", - "2019-01-31 01:06:28,523 : INFO : PROGRESS: pass 0, at document #2928000/4922894\n", - "2019-01-31 01:06:29,877 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:06:30,143 : INFO : topic #13 (0.020): 0.028*\"australia\" + 0.027*\"sourc\" + 0.026*\"london\" + 0.026*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.016*\"youth\" + 0.015*\"wale\"\n", - "2019-01-31 01:06:30,144 : INFO : topic #9 (0.020): 0.073*\"bone\" + 0.048*\"american\" + 0.029*\"valour\" + 0.021*\"folei\" + 0.019*\"player\" + 0.019*\"dutch\" + 0.018*\"english\" + 0.017*\"polit\" + 0.012*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 01:06:30,145 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.031*\"incumb\" + 0.012*\"islam\" + 0.012*\"televis\" + 0.011*\"pakistan\" + 0.011*\"sri\" + 0.011*\"affection\" + 0.011*\"anglo\" + 0.011*\"alam\" + 0.010*\"tajikistan\"\n", - "2019-01-31 01:06:30,146 : INFO : topic #47 (0.020): 0.066*\"muscl\" + 0.033*\"perceptu\" + 0.019*\"theater\" + 0.018*\"compos\" + 0.017*\"place\" + 0.014*\"damn\" + 0.014*\"orchestr\" + 0.013*\"olympo\" + 0.012*\"physician\" + 0.012*\"word\"\n", - "2019-01-31 01:06:30,147 : INFO : topic #48 (0.020): 0.081*\"march\" + 0.078*\"octob\" + 0.078*\"sens\" + 0.072*\"januari\" + 0.069*\"juli\" + 0.068*\"notion\" + 0.067*\"judici\" + 0.067*\"august\" + 0.066*\"decatur\" + 0.065*\"april\"\n", - "2019-01-31 01:06:30,153 : INFO : topic diff=0.004249, rho=0.026135\n", - "2019-01-31 01:06:30,311 : INFO : PROGRESS: pass 0, at document #2930000/4922894\n", - "2019-01-31 01:06:31,688 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:06:31,954 : INFO : topic #25 (0.020): 0.031*\"ring\" + 0.019*\"area\" + 0.017*\"lagrang\" + 0.016*\"warmth\" + 0.016*\"mount\" + 0.010*\"north\" + 0.009*\"palmer\" + 0.009*\"sourc\" + 0.008*\"vacant\" + 0.008*\"lobe\"\n", - "2019-01-31 01:06:31,955 : INFO : topic #43 (0.020): 0.065*\"elect\" + 0.058*\"parti\" + 0.024*\"voluntari\" + 0.024*\"democrat\" + 0.021*\"member\" + 0.017*\"polici\" + 0.016*\"republ\" + 0.014*\"bypass\" + 0.014*\"seaport\" + 0.013*\"report\"\n", - "2019-01-31 01:06:31,957 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.014*\"pour\" + 0.014*\"depress\" + 0.011*\"elabor\" + 0.009*\"mode\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.007*\"encyclopedia\" + 0.006*\"develop\" + 0.006*\"produc\"\n", - "2019-01-31 01:06:31,957 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.032*\"germani\" + 0.015*\"israel\" + 0.015*\"vol\" + 0.014*\"berlin\" + 0.014*\"jewish\" + 0.013*\"der\" + 0.012*\"european\" + 0.009*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:06:31,958 : INFO : topic #1 (0.020): 0.052*\"china\" + 0.043*\"chilton\" + 0.026*\"hong\" + 0.025*\"kong\" + 0.022*\"korea\" + 0.018*\"korean\" + 0.017*\"leah\" + 0.016*\"kim\" + 0.015*\"sourc\" + 0.014*\"shirin\"\n", - "2019-01-31 01:06:31,964 : INFO : topic diff=0.003839, rho=0.026126\n", - "2019-01-31 01:06:32,133 : INFO : PROGRESS: pass 0, at document #2932000/4922894\n", - "2019-01-31 01:06:33,558 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:06:33,824 : INFO : topic #20 (0.020): 0.151*\"scholar\" + 0.038*\"struggl\" + 0.035*\"high\" + 0.029*\"educ\" + 0.022*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.011*\"district\" + 0.010*\"task\" + 0.010*\"start\"\n", - "2019-01-31 01:06:33,825 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.036*\"leagu\" + 0.029*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.022*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:06:33,827 : INFO : topic #38 (0.020): 0.024*\"walter\" + 0.010*\"battalion\" + 0.010*\"aza\" + 0.009*\"forc\" + 0.008*\"empath\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.007*\"militari\" + 0.006*\"govern\" + 0.006*\"pour\"\n", - "2019-01-31 01:06:33,828 : INFO : topic #2 (0.020): 0.053*\"isl\" + 0.036*\"shield\" + 0.017*\"narrat\" + 0.015*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.010*\"bahá\" + 0.009*\"class\"\n", - "2019-01-31 01:06:33,829 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.009*\"media\" + 0.008*\"disco\" + 0.008*\"hormon\" + 0.008*\"have\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 01:06:33,834 : INFO : topic diff=0.004412, rho=0.026118\n", - "2019-01-31 01:06:33,987 : INFO : PROGRESS: pass 0, at document #2934000/4922894\n", - "2019-01-31 01:06:35,336 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:06:35,603 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.047*\"franc\" + 0.033*\"pari\" + 0.023*\"sail\" + 0.022*\"jean\" + 0.017*\"daphn\" + 0.013*\"loui\" + 0.013*\"lazi\" + 0.011*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 01:06:35,604 : INFO : topic #46 (0.020): 0.016*\"stop\" + 0.016*\"sweden\" + 0.016*\"norwai\" + 0.016*\"damag\" + 0.015*\"norwegian\" + 0.015*\"swedish\" + 0.014*\"wind\" + 0.012*\"denmark\" + 0.011*\"danish\" + 0.010*\"turkei\"\n", - "2019-01-31 01:06:35,605 : INFO : topic #22 (0.020): 0.036*\"spars\" + 0.020*\"factor\" + 0.012*\"plaisir\" + 0.011*\"genu\" + 0.009*\"feel\" + 0.009*\"male\" + 0.009*\"western\" + 0.008*\"biom\" + 0.008*\"median\" + 0.007*\"incom\"\n", - "2019-01-31 01:06:35,606 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.068*\"best\" + 0.033*\"yawn\" + 0.030*\"jacksonvil\" + 0.022*\"japanes\" + 0.021*\"noll\" + 0.020*\"festiv\" + 0.019*\"women\" + 0.018*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 01:06:35,607 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.041*\"line\" + 0.033*\"raid\" + 0.023*\"rosenwald\" + 0.022*\"traceabl\" + 0.021*\"museo\" + 0.019*\"arsen\" + 0.019*\"serv\" + 0.013*\"oper\" + 0.011*\"brook\"\n", - "2019-01-31 01:06:35,612 : INFO : topic diff=0.004612, rho=0.026109\n", - "2019-01-31 01:06:35,766 : INFO : PROGRESS: pass 0, at document #2936000/4922894\n", - "2019-01-31 01:06:37,184 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:06:37,451 : INFO : topic #34 (0.020): 0.068*\"start\" + 0.033*\"new\" + 0.031*\"american\" + 0.029*\"unionist\" + 0.025*\"cotton\" + 0.020*\"year\" + 0.015*\"california\" + 0.013*\"terri\" + 0.013*\"warrior\" + 0.012*\"north\"\n", - "2019-01-31 01:06:37,452 : INFO : topic #28 (0.020): 0.032*\"build\" + 0.026*\"hous\" + 0.018*\"rivièr\" + 0.018*\"buford\" + 0.014*\"histor\" + 0.011*\"briarwood\" + 0.011*\"constitut\" + 0.010*\"strategist\" + 0.010*\"linear\" + 0.010*\"silicon\"\n", - "2019-01-31 01:06:37,453 : INFO : topic #39 (0.020): 0.057*\"canada\" + 0.043*\"canadian\" + 0.024*\"hoar\" + 0.023*\"toronto\" + 0.021*\"ontario\" + 0.015*\"hydrogen\" + 0.015*\"new\" + 0.015*\"misericordia\" + 0.014*\"novotná\" + 0.013*\"quebec\"\n", - "2019-01-31 01:06:37,454 : INFO : topic #16 (0.020): 0.055*\"king\" + 0.031*\"priest\" + 0.020*\"rotterdam\" + 0.020*\"idiosyncrat\" + 0.020*\"duke\" + 0.018*\"quarterli\" + 0.017*\"grammat\" + 0.014*\"count\" + 0.013*\"portugues\" + 0.012*\"brazil\"\n", - "2019-01-31 01:06:37,455 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.015*\"will\" + 0.012*\"david\" + 0.012*\"jame\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"georg\" + 0.008*\"slur\" + 0.007*\"rhyme\" + 0.007*\"paul\"\n", - "2019-01-31 01:06:37,461 : INFO : topic diff=0.003781, rho=0.026100\n", - "2019-01-31 01:06:37,623 : INFO : PROGRESS: pass 0, at document #2938000/4922894\n", - "2019-01-31 01:06:38,972 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:06:39,241 : INFO : topic #1 (0.020): 0.052*\"china\" + 0.042*\"chilton\" + 0.026*\"hong\" + 0.025*\"kong\" + 0.023*\"korea\" + 0.019*\"korean\" + 0.018*\"leah\" + 0.016*\"kim\" + 0.016*\"sourc\" + 0.014*\"shirin\"\n", - "2019-01-31 01:06:39,242 : INFO : topic #3 (0.020): 0.031*\"present\" + 0.027*\"offic\" + 0.024*\"nation\" + 0.023*\"minist\" + 0.022*\"govern\" + 0.021*\"member\" + 0.020*\"serv\" + 0.016*\"gener\" + 0.016*\"start\" + 0.015*\"council\"\n", - "2019-01-31 01:06:39,243 : INFO : topic #35 (0.020): 0.058*\"russia\" + 0.035*\"sovereignti\" + 0.035*\"rural\" + 0.025*\"poison\" + 0.025*\"personifi\" + 0.023*\"reprint\" + 0.020*\"moscow\" + 0.016*\"poland\" + 0.015*\"unfortun\" + 0.015*\"turin\"\n", - "2019-01-31 01:06:39,244 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.014*\"pour\" + 0.014*\"depress\" + 0.010*\"elabor\" + 0.009*\"mode\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.007*\"encyclopedia\" + 0.006*\"develop\" + 0.006*\"candid\"\n", - "2019-01-31 01:06:39,246 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.017*\"simultan\" + 0.016*\"muscl\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:06:39,251 : INFO : topic diff=0.003591, rho=0.026091\n", - "2019-01-31 01:06:41,885 : INFO : -11.647 per-word bound, 3205.9 perplexity estimate based on a held-out corpus of 2000 documents with 510279 words\n", - "2019-01-31 01:06:41,885 : INFO : PROGRESS: pass 0, at document #2940000/4922894\n", - "2019-01-31 01:06:43,251 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:06:43,517 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.029*\"final\" + 0.025*\"wife\" + 0.021*\"tourist\" + 0.018*\"champion\" + 0.015*\"taxpay\" + 0.014*\"chamber\" + 0.014*\"open\" + 0.013*\"tiepolo\" + 0.013*\"martin\"\n", - "2019-01-31 01:06:43,518 : INFO : topic #35 (0.020): 0.058*\"russia\" + 0.035*\"sovereignti\" + 0.034*\"rural\" + 0.025*\"poison\" + 0.025*\"personifi\" + 0.023*\"reprint\" + 0.020*\"moscow\" + 0.016*\"poland\" + 0.015*\"unfortun\" + 0.015*\"turin\"\n", - "2019-01-31 01:06:43,519 : INFO : topic #27 (0.020): 0.072*\"questionnair\" + 0.019*\"candid\" + 0.019*\"taxpay\" + 0.014*\"ret\" + 0.013*\"driver\" + 0.013*\"tornado\" + 0.012*\"find\" + 0.011*\"fool\" + 0.011*\"squatter\" + 0.010*\"landslid\"\n", - "2019-01-31 01:06:43,521 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.032*\"germani\" + 0.015*\"israel\" + 0.015*\"vol\" + 0.015*\"jewish\" + 0.014*\"berlin\" + 0.013*\"der\" + 0.012*\"european\" + 0.010*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:06:43,522 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.041*\"line\" + 0.034*\"raid\" + 0.024*\"rosenwald\" + 0.022*\"traceabl\" + 0.020*\"museo\" + 0.019*\"arsen\" + 0.018*\"serv\" + 0.013*\"oper\" + 0.010*\"brook\"\n", - "2019-01-31 01:06:43,528 : INFO : topic diff=0.004179, rho=0.026082\n", - "2019-01-31 01:06:43,685 : INFO : PROGRESS: pass 0, at document #2942000/4922894\n", - "2019-01-31 01:06:45,092 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:06:45,359 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.031*\"incumb\" + 0.012*\"televis\" + 0.012*\"islam\" + 0.012*\"pakistan\" + 0.011*\"sri\" + 0.011*\"alam\" + 0.011*\"affection\" + 0.011*\"anglo\" + 0.010*\"tajikistan\"\n", - "2019-01-31 01:06:45,360 : INFO : topic #35 (0.020): 0.058*\"russia\" + 0.035*\"sovereignti\" + 0.034*\"rural\" + 0.026*\"poison\" + 0.025*\"personifi\" + 0.023*\"reprint\" + 0.020*\"moscow\" + 0.016*\"poland\" + 0.015*\"unfortun\" + 0.015*\"czech\"\n", - "2019-01-31 01:06:45,361 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.036*\"leagu\" + 0.030*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.024*\"crete\" + 0.022*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:06:45,362 : INFO : topic #43 (0.020): 0.065*\"elect\" + 0.059*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.021*\"member\" + 0.017*\"polici\" + 0.015*\"republ\" + 0.014*\"bypass\" + 0.014*\"seaport\" + 0.013*\"report\"\n", - "2019-01-31 01:06:45,363 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.024*\"schuster\" + 0.022*\"collector\" + 0.022*\"institut\" + 0.020*\"requir\" + 0.019*\"student\" + 0.015*\"professor\" + 0.012*\"word\" + 0.012*\"degre\" + 0.011*\"governor\"\n", - "2019-01-31 01:06:45,368 : INFO : topic diff=0.003636, rho=0.026073\n", - "2019-01-31 01:06:45,582 : INFO : PROGRESS: pass 0, at document #2944000/4922894\n", - "2019-01-31 01:06:46,972 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:06:47,239 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:06:47,240 : INFO : topic #17 (0.020): 0.076*\"church\" + 0.023*\"christian\" + 0.021*\"cathol\" + 0.020*\"bishop\" + 0.016*\"sail\" + 0.015*\"retroflex\" + 0.010*\"centuri\" + 0.010*\"relationship\" + 0.009*\"cathedr\" + 0.009*\"historiographi\"\n", - "2019-01-31 01:06:47,241 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"prognosi\" + 0.010*\"pop\" + 0.009*\"cytokin\" + 0.008*\"softwar\" + 0.008*\"develop\" + 0.008*\"uruguayan\" + 0.008*\"user\" + 0.007*\"includ\" + 0.007*\"base\"\n", - "2019-01-31 01:06:47,242 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.009*\"media\" + 0.008*\"disco\" + 0.008*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"have\" + 0.007*\"caus\" + 0.007*\"proper\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 01:06:47,243 : INFO : topic #14 (0.020): 0.025*\"forc\" + 0.023*\"aggress\" + 0.020*\"armi\" + 0.019*\"walter\" + 0.017*\"com\" + 0.015*\"oper\" + 0.013*\"unionist\" + 0.012*\"airbu\" + 0.012*\"militari\" + 0.011*\"solitari\"\n", - "2019-01-31 01:06:47,249 : INFO : topic diff=0.004064, rho=0.026064\n", - "2019-01-31 01:06:47,403 : INFO : PROGRESS: pass 0, at document #2946000/4922894\n", - "2019-01-31 01:06:48,771 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:06:49,037 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.011*\"septemb\" + 0.010*\"man\" + 0.009*\"anim\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.006*\"love\" + 0.006*\"workplac\" + 0.006*\"fusiform\" + 0.006*\"storag\"\n", - "2019-01-31 01:06:49,038 : INFO : topic #35 (0.020): 0.057*\"russia\" + 0.035*\"sovereignti\" + 0.034*\"rural\" + 0.027*\"poison\" + 0.025*\"personifi\" + 0.023*\"reprint\" + 0.020*\"moscow\" + 0.017*\"poland\" + 0.015*\"unfortun\" + 0.015*\"tyrant\"\n", - "2019-01-31 01:06:49,039 : INFO : topic #20 (0.020): 0.151*\"scholar\" + 0.038*\"struggl\" + 0.035*\"high\" + 0.029*\"educ\" + 0.022*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.010*\"task\" + 0.009*\"start\"\n", - "2019-01-31 01:06:49,040 : INFO : topic #32 (0.020): 0.049*\"district\" + 0.044*\"popolo\" + 0.041*\"vigour\" + 0.037*\"tortur\" + 0.033*\"cotton\" + 0.024*\"area\" + 0.022*\"multitud\" + 0.020*\"citi\" + 0.019*\"adulthood\" + 0.019*\"cede\"\n", - "2019-01-31 01:06:49,041 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.030*\"incumb\" + 0.012*\"islam\" + 0.012*\"televis\" + 0.012*\"pakistan\" + 0.011*\"sri\" + 0.011*\"anglo\" + 0.011*\"affection\" + 0.011*\"alam\" + 0.010*\"muskoge\"\n", - "2019-01-31 01:06:49,047 : INFO : topic diff=0.003477, rho=0.026055\n", - "2019-01-31 01:06:49,200 : INFO : PROGRESS: pass 0, at document #2948000/4922894\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:06:50,571 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:06:50,837 : INFO : topic #2 (0.020): 0.052*\"isl\" + 0.037*\"shield\" + 0.017*\"narrat\" + 0.015*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.011*\"coalit\" + 0.009*\"bahá\" + 0.009*\"fleet\"\n", - "2019-01-31 01:06:50,839 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.023*\"palmer\" + 0.022*\"new\" + 0.015*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"dai\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.009*\"hot\"\n", - "2019-01-31 01:06:50,840 : INFO : topic #34 (0.020): 0.067*\"start\" + 0.034*\"new\" + 0.031*\"american\" + 0.029*\"unionist\" + 0.026*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.013*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:06:50,841 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.024*\"epiru\" + 0.022*\"septemb\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.013*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"acrimoni\" + 0.011*\"direct\" + 0.011*\"movi\"\n", - "2019-01-31 01:06:50,842 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.008*\"group\" + 0.008*\"peopl\" + 0.008*\"word\" + 0.007*\"human\" + 0.006*\"summerhil\" + 0.006*\"workplac\"\n", - "2019-01-31 01:06:50,848 : INFO : topic diff=0.003853, rho=0.026047\n", - "2019-01-31 01:06:51,006 : INFO : PROGRESS: pass 0, at document #2950000/4922894\n", - "2019-01-31 01:06:52,398 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:06:52,668 : INFO : topic #24 (0.020): 0.038*\"book\" + 0.033*\"publicis\" + 0.028*\"word\" + 0.018*\"new\" + 0.014*\"edit\" + 0.013*\"arsen\" + 0.013*\"presid\" + 0.012*\"collect\" + 0.011*\"nicola\" + 0.011*\"storag\"\n", - "2019-01-31 01:06:52,669 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.035*\"leagu\" + 0.029*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.022*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:06:52,670 : INFO : topic #9 (0.020): 0.073*\"bone\" + 0.047*\"american\" + 0.029*\"valour\" + 0.020*\"folei\" + 0.018*\"player\" + 0.018*\"dutch\" + 0.017*\"english\" + 0.017*\"polit\" + 0.011*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 01:06:52,671 : INFO : topic #39 (0.020): 0.057*\"canada\" + 0.044*\"canadian\" + 0.023*\"hoar\" + 0.023*\"toronto\" + 0.021*\"ontario\" + 0.015*\"new\" + 0.015*\"hydrogen\" + 0.015*\"misericordia\" + 0.014*\"quebec\" + 0.014*\"novotná\"\n", - "2019-01-31 01:06:52,672 : INFO : topic #28 (0.020): 0.032*\"build\" + 0.026*\"hous\" + 0.018*\"rivièr\" + 0.018*\"buford\" + 0.014*\"histor\" + 0.012*\"briarwood\" + 0.011*\"constitut\" + 0.011*\"depress\" + 0.010*\"linear\" + 0.010*\"silicon\"\n", - "2019-01-31 01:06:52,678 : INFO : topic diff=0.004486, rho=0.026038\n", - "2019-01-31 01:06:52,838 : INFO : PROGRESS: pass 0, at document #2952000/4922894\n", - "2019-01-31 01:06:54,238 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:06:54,505 : INFO : topic #29 (0.020): 0.030*\"companhia\" + 0.012*\"busi\" + 0.012*\"market\" + 0.011*\"produc\" + 0.011*\"million\" + 0.010*\"bank\" + 0.010*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 01:06:54,506 : INFO : topic #21 (0.020): 0.034*\"samford\" + 0.021*\"spain\" + 0.020*\"del\" + 0.017*\"mexico\" + 0.016*\"italian\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.011*\"carlo\" + 0.011*\"juan\" + 0.011*\"josé\"\n", - "2019-01-31 01:06:54,507 : INFO : topic #28 (0.020): 0.032*\"build\" + 0.026*\"hous\" + 0.018*\"buford\" + 0.018*\"rivièr\" + 0.014*\"histor\" + 0.012*\"briarwood\" + 0.011*\"constitut\" + 0.010*\"depress\" + 0.010*\"strategist\" + 0.010*\"silicon\"\n", - "2019-01-31 01:06:54,508 : INFO : topic #38 (0.020): 0.024*\"walter\" + 0.010*\"battalion\" + 0.010*\"aza\" + 0.009*\"forc\" + 0.008*\"empath\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.007*\"militari\" + 0.006*\"govern\" + 0.006*\"pour\"\n", - "2019-01-31 01:06:54,509 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.030*\"incumb\" + 0.013*\"pakistan\" + 0.013*\"islam\" + 0.012*\"televis\" + 0.011*\"affection\" + 0.011*\"alam\" + 0.011*\"anglo\" + 0.011*\"sri\" + 0.010*\"muskoge\"\n", - "2019-01-31 01:06:54,515 : INFO : topic diff=0.004274, rho=0.026029\n", - "2019-01-31 01:06:54,674 : INFO : PROGRESS: pass 0, at document #2954000/4922894\n", - "2019-01-31 01:06:56,067 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:06:56,333 : INFO : topic #27 (0.020): 0.071*\"questionnair\" + 0.019*\"candid\" + 0.018*\"taxpay\" + 0.013*\"ret\" + 0.013*\"driver\" + 0.013*\"tornado\" + 0.011*\"find\" + 0.011*\"fool\" + 0.011*\"théori\" + 0.010*\"squatter\"\n", - "2019-01-31 01:06:56,335 : INFO : topic #34 (0.020): 0.067*\"start\" + 0.034*\"new\" + 0.031*\"american\" + 0.029*\"unionist\" + 0.026*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.013*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:06:56,336 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.029*\"final\" + 0.024*\"wife\" + 0.021*\"tourist\" + 0.018*\"champion\" + 0.015*\"taxpay\" + 0.014*\"chamber\" + 0.014*\"open\" + 0.014*\"tiepolo\" + 0.013*\"martin\"\n", - "2019-01-31 01:06:56,337 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.023*\"christian\" + 0.021*\"cathol\" + 0.020*\"bishop\" + 0.016*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.010*\"centuri\" + 0.009*\"cathedr\" + 0.009*\"historiographi\"\n", - "2019-01-31 01:06:56,338 : INFO : topic #13 (0.020): 0.027*\"new\" + 0.027*\"australia\" + 0.026*\"london\" + 0.026*\"sourc\" + 0.023*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.016*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:06:56,343 : INFO : topic diff=0.004382, rho=0.026020\n", - "2019-01-31 01:06:56,505 : INFO : PROGRESS: pass 0, at document #2956000/4922894\n", - "2019-01-31 01:06:57,928 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:06:58,194 : INFO : topic #21 (0.020): 0.034*\"samford\" + 0.021*\"spain\" + 0.020*\"del\" + 0.017*\"mexico\" + 0.016*\"italian\" + 0.013*\"soviet\" + 0.011*\"santa\" + 0.011*\"carlo\" + 0.011*\"juan\" + 0.011*\"josé\"\n", - "2019-01-31 01:06:58,195 : INFO : topic #8 (0.020): 0.028*\"law\" + 0.023*\"cortic\" + 0.018*\"start\" + 0.017*\"act\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.009*\"legal\" + 0.007*\"justic\"\n", - "2019-01-31 01:06:58,196 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.046*\"franc\" + 0.033*\"pari\" + 0.023*\"jean\" + 0.023*\"sail\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:06:58,197 : INFO : topic #31 (0.020): 0.054*\"fusiform\" + 0.027*\"scientist\" + 0.026*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.011*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:06:58,198 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:06:58,204 : INFO : topic diff=0.003995, rho=0.026011\n", - "2019-01-31 01:06:58,359 : INFO : PROGRESS: pass 0, at document #2958000/4922894\n", - "2019-01-31 01:06:59,726 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:06:59,993 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"pour\" + 0.014*\"depress\" + 0.010*\"elabor\" + 0.009*\"mode\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.007*\"encyclopedia\" + 0.006*\"develop\" + 0.006*\"candid\"\n", - "2019-01-31 01:06:59,994 : INFO : topic #27 (0.020): 0.071*\"questionnair\" + 0.019*\"candid\" + 0.018*\"taxpay\" + 0.013*\"driver\" + 0.013*\"ret\" + 0.013*\"tornado\" + 0.011*\"find\" + 0.011*\"fool\" + 0.011*\"théori\" + 0.010*\"squatter\"\n", - "2019-01-31 01:06:59,995 : INFO : topic #14 (0.020): 0.025*\"forc\" + 0.022*\"aggress\" + 0.020*\"armi\" + 0.019*\"walter\" + 0.017*\"com\" + 0.015*\"oper\" + 0.013*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:06:59,996 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.041*\"line\" + 0.034*\"raid\" + 0.024*\"rosenwald\" + 0.022*\"traceabl\" + 0.020*\"museo\" + 0.018*\"serv\" + 0.018*\"arsen\" + 0.013*\"oper\" + 0.010*\"brook\"\n", - "2019-01-31 01:06:59,997 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.005*\"like\" + 0.005*\"wander\" + 0.004*\"call\"\n", - "2019-01-31 01:07:00,003 : INFO : topic diff=0.003716, rho=0.026003\n", - "2019-01-31 01:07:02,730 : INFO : -11.626 per-word bound, 3161.7 perplexity estimate based on a held-out corpus of 2000 documents with 584538 words\n", - "2019-01-31 01:07:02,731 : INFO : PROGRESS: pass 0, at document #2960000/4922894\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:07:04,132 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:07:04,399 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.023*\"epiru\" + 0.021*\"septemb\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.014*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"acrimoni\" + 0.011*\"direct\" + 0.011*\"movi\"\n", - "2019-01-31 01:07:04,400 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.022*\"palmer\" + 0.022*\"new\" + 0.015*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"dai\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.009*\"yawn\"\n", - "2019-01-31 01:07:04,401 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:07:04,402 : INFO : topic #26 (0.020): 0.032*\"workplac\" + 0.030*\"champion\" + 0.028*\"woman\" + 0.025*\"olymp\" + 0.024*\"men\" + 0.022*\"medal\" + 0.020*\"event\" + 0.018*\"taxpay\" + 0.018*\"rainfal\" + 0.017*\"atheist\"\n", - "2019-01-31 01:07:04,403 : INFO : topic #20 (0.020): 0.149*\"scholar\" + 0.038*\"struggl\" + 0.035*\"high\" + 0.029*\"educ\" + 0.023*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.010*\"task\" + 0.009*\"gothic\"\n", - "2019-01-31 01:07:04,409 : INFO : topic diff=0.004390, rho=0.025994\n", - "2019-01-31 01:07:04,567 : INFO : PROGRESS: pass 0, at document #2962000/4922894\n", - "2019-01-31 01:07:05,949 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:07:06,219 : INFO : topic #2 (0.020): 0.051*\"isl\" + 0.038*\"shield\" + 0.017*\"narrat\" + 0.015*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.010*\"bahá\" + 0.009*\"fleet\"\n", - "2019-01-31 01:07:06,220 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.036*\"leagu\" + 0.029*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.024*\"crete\" + 0.022*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:07:06,221 : INFO : topic #28 (0.020): 0.032*\"build\" + 0.025*\"hous\" + 0.018*\"buford\" + 0.018*\"rivièr\" + 0.014*\"histor\" + 0.012*\"briarwood\" + 0.011*\"constitut\" + 0.011*\"silicon\" + 0.010*\"strategist\" + 0.010*\"linear\"\n", - "2019-01-31 01:07:06,222 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.019*\"area\" + 0.017*\"lagrang\" + 0.016*\"warmth\" + 0.016*\"mount\" + 0.010*\"north\" + 0.009*\"palmer\" + 0.009*\"sourc\" + 0.008*\"vacant\" + 0.008*\"lobe\"\n", - "2019-01-31 01:07:06,223 : INFO : topic #48 (0.020): 0.083*\"march\" + 0.077*\"octob\" + 0.076*\"sens\" + 0.072*\"januari\" + 0.068*\"juli\" + 0.068*\"notion\" + 0.065*\"judici\" + 0.065*\"august\" + 0.065*\"april\" + 0.065*\"decatur\"\n", - "2019-01-31 01:07:06,229 : INFO : topic diff=0.004177, rho=0.025985\n", - "2019-01-31 01:07:06,380 : INFO : PROGRESS: pass 0, at document #2964000/4922894\n", - "2019-01-31 01:07:07,732 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:07:07,998 : INFO : topic #48 (0.020): 0.083*\"march\" + 0.077*\"octob\" + 0.077*\"sens\" + 0.072*\"januari\" + 0.069*\"juli\" + 0.068*\"notion\" + 0.066*\"judici\" + 0.066*\"august\" + 0.065*\"april\" + 0.065*\"decatur\"\n", - "2019-01-31 01:07:07,999 : INFO : topic #14 (0.020): 0.025*\"forc\" + 0.022*\"aggress\" + 0.020*\"armi\" + 0.019*\"walter\" + 0.017*\"com\" + 0.015*\"oper\" + 0.014*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:07:08,000 : INFO : topic #46 (0.020): 0.016*\"norwai\" + 0.016*\"sweden\" + 0.016*\"stop\" + 0.015*\"swedish\" + 0.015*\"norwegian\" + 0.015*\"damag\" + 0.014*\"wind\" + 0.011*\"treeless\" + 0.011*\"denmark\" + 0.011*\"danish\"\n", - "2019-01-31 01:07:08,001 : INFO : topic #23 (0.020): 0.135*\"audit\" + 0.070*\"best\" + 0.033*\"yawn\" + 0.030*\"jacksonvil\" + 0.022*\"japanes\" + 0.021*\"noll\" + 0.020*\"festiv\" + 0.019*\"women\" + 0.018*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 01:07:08,002 : INFO : topic #47 (0.020): 0.066*\"muscl\" + 0.033*\"perceptu\" + 0.018*\"theater\" + 0.018*\"compos\" + 0.017*\"place\" + 0.014*\"damn\" + 0.014*\"orchestr\" + 0.013*\"olympo\" + 0.012*\"physician\" + 0.012*\"word\"\n", - "2019-01-31 01:07:08,008 : INFO : topic diff=0.004479, rho=0.025976\n", - "2019-01-31 01:07:08,162 : INFO : PROGRESS: pass 0, at document #2966000/4922894\n", - "2019-01-31 01:07:09,545 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:07:09,811 : INFO : topic #1 (0.020): 0.053*\"china\" + 0.042*\"chilton\" + 0.025*\"hong\" + 0.025*\"kong\" + 0.022*\"korea\" + 0.020*\"korean\" + 0.017*\"leah\" + 0.016*\"sourc\" + 0.016*\"kim\" + 0.013*\"shirin\"\n", - "2019-01-31 01:07:09,812 : INFO : topic #27 (0.020): 0.071*\"questionnair\" + 0.019*\"candid\" + 0.018*\"taxpay\" + 0.013*\"driver\" + 0.012*\"tornado\" + 0.012*\"ret\" + 0.012*\"find\" + 0.011*\"fool\" + 0.011*\"théori\" + 0.010*\"squatter\"\n", - "2019-01-31 01:07:09,813 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.010*\"prognosi\" + 0.010*\"pop\" + 0.009*\"cytokin\" + 0.008*\"develop\" + 0.008*\"softwar\" + 0.008*\"uruguayan\" + 0.008*\"user\" + 0.007*\"includ\" + 0.007*\"base\"\n", - "2019-01-31 01:07:09,814 : INFO : topic #2 (0.020): 0.052*\"isl\" + 0.038*\"shield\" + 0.017*\"narrat\" + 0.015*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.010*\"bahá\" + 0.009*\"fleet\"\n", - "2019-01-31 01:07:09,815 : INFO : topic #48 (0.020): 0.083*\"march\" + 0.077*\"octob\" + 0.077*\"sens\" + 0.072*\"januari\" + 0.069*\"juli\" + 0.068*\"notion\" + 0.066*\"judici\" + 0.066*\"august\" + 0.065*\"april\" + 0.065*\"decatur\"\n", - "2019-01-31 01:07:09,821 : INFO : topic diff=0.003740, rho=0.025967\n", - "2019-01-31 01:07:09,974 : INFO : PROGRESS: pass 0, at document #2968000/4922894\n", - "2019-01-31 01:07:11,343 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:07:11,610 : INFO : topic #1 (0.020): 0.052*\"china\" + 0.042*\"chilton\" + 0.026*\"hong\" + 0.025*\"kong\" + 0.022*\"korea\" + 0.020*\"korean\" + 0.017*\"leah\" + 0.016*\"sourc\" + 0.016*\"kim\" + 0.013*\"shirin\"\n", - "2019-01-31 01:07:11,611 : INFO : topic #26 (0.020): 0.032*\"workplac\" + 0.030*\"champion\" + 0.029*\"woman\" + 0.025*\"olymp\" + 0.024*\"men\" + 0.023*\"medal\" + 0.019*\"event\" + 0.018*\"rainfal\" + 0.018*\"taxpay\" + 0.018*\"atheist\"\n", - "2019-01-31 01:07:11,612 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.020*\"factor\" + 0.012*\"plaisir\" + 0.010*\"genu\" + 0.009*\"feel\" + 0.009*\"male\" + 0.009*\"western\" + 0.008*\"median\" + 0.008*\"biom\" + 0.008*\"incom\"\n", - "2019-01-31 01:07:11,612 : INFO : topic #43 (0.020): 0.065*\"elect\" + 0.057*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.021*\"member\" + 0.017*\"polici\" + 0.015*\"republ\" + 0.014*\"bypass\" + 0.013*\"seaport\" + 0.013*\"liber\"\n", - "2019-01-31 01:07:11,614 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.022*\"palmer\" + 0.022*\"new\" + 0.015*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"dai\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.009*\"hot\"\n", - "2019-01-31 01:07:11,619 : INFO : topic diff=0.004443, rho=0.025959\n", - "2019-01-31 01:07:11,780 : INFO : PROGRESS: pass 0, at document #2970000/4922894\n", - "2019-01-31 01:07:13,182 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:07:13,448 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.029*\"final\" + 0.024*\"wife\" + 0.021*\"tourist\" + 0.018*\"champion\" + 0.015*\"taxpay\" + 0.014*\"chamber\" + 0.014*\"tiepolo\" + 0.013*\"open\" + 0.013*\"martin\"\n", - "2019-01-31 01:07:13,449 : INFO : topic #13 (0.020): 0.026*\"new\" + 0.026*\"london\" + 0.026*\"sourc\" + 0.026*\"australia\" + 0.023*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.015*\"youth\" + 0.015*\"wale\"\n", - "2019-01-31 01:07:13,450 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.022*\"palmer\" + 0.022*\"new\" + 0.015*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"dai\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.009*\"hot\"\n", - "2019-01-31 01:07:13,451 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.014*\"will\" + 0.012*\"david\" + 0.012*\"jame\" + 0.010*\"mexican–american\" + 0.010*\"rival\" + 0.008*\"georg\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:07:13,452 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.026*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 01:07:13,458 : INFO : topic diff=0.003788, rho=0.025950\n", - "2019-01-31 01:07:13,615 : INFO : PROGRESS: pass 0, at document #2972000/4922894\n", - "2019-01-31 01:07:15,016 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:07:15,283 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.020*\"factor\" + 0.012*\"plaisir\" + 0.012*\"genu\" + 0.009*\"feel\" + 0.008*\"male\" + 0.008*\"western\" + 0.008*\"median\" + 0.008*\"biom\" + 0.008*\"incom\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:07:15,284 : INFO : topic #26 (0.020): 0.032*\"workplac\" + 0.030*\"champion\" + 0.028*\"woman\" + 0.025*\"olymp\" + 0.024*\"men\" + 0.023*\"medal\" + 0.019*\"event\" + 0.018*\"rainfal\" + 0.018*\"taxpay\" + 0.018*\"atheist\"\n", - "2019-01-31 01:07:15,286 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.008*\"word\" + 0.008*\"human\" + 0.007*\"summerhil\" + 0.006*\"woman\"\n", - "2019-01-31 01:07:15,287 : INFO : topic #31 (0.020): 0.054*\"fusiform\" + 0.027*\"scientist\" + 0.026*\"taxpay\" + 0.024*\"player\" + 0.021*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.011*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:07:15,288 : INFO : topic #9 (0.020): 0.074*\"bone\" + 0.047*\"american\" + 0.028*\"valour\" + 0.022*\"folei\" + 0.020*\"player\" + 0.019*\"dutch\" + 0.016*\"english\" + 0.016*\"polit\" + 0.011*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 01:07:15,294 : INFO : topic diff=0.003298, rho=0.025941\n", - "2019-01-31 01:07:15,507 : INFO : PROGRESS: pass 0, at document #2974000/4922894\n", - "2019-01-31 01:07:16,891 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:07:17,158 : INFO : topic #39 (0.020): 0.056*\"canada\" + 0.044*\"canadian\" + 0.024*\"toronto\" + 0.023*\"hoar\" + 0.020*\"ontario\" + 0.015*\"hydrogen\" + 0.014*\"misericordia\" + 0.014*\"new\" + 0.014*\"quebec\" + 0.013*\"novotná\"\n", - "2019-01-31 01:07:17,159 : INFO : topic #45 (0.020): 0.026*\"jpg\" + 0.025*\"fifteenth\" + 0.019*\"illicit\" + 0.016*\"colder\" + 0.015*\"pain\" + 0.015*\"western\" + 0.014*\"black\" + 0.011*\"record\" + 0.010*\"depress\" + 0.009*\"blind\"\n", - "2019-01-31 01:07:17,160 : INFO : topic #21 (0.020): 0.032*\"samford\" + 0.021*\"spain\" + 0.019*\"del\" + 0.016*\"mexico\" + 0.016*\"italian\" + 0.013*\"soviet\" + 0.011*\"santa\" + 0.011*\"carlo\" + 0.011*\"juan\" + 0.010*\"josé\"\n", - "2019-01-31 01:07:17,161 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.014*\"will\" + 0.012*\"david\" + 0.011*\"jame\" + 0.010*\"mexican–american\" + 0.010*\"rival\" + 0.008*\"georg\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:07:17,162 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.011*\"septemb\" + 0.010*\"man\" + 0.009*\"anim\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.006*\"love\" + 0.006*\"workplac\" + 0.006*\"storag\" + 0.006*\"dixi\"\n", - "2019-01-31 01:07:17,168 : INFO : topic diff=0.003809, rho=0.025933\n", - "2019-01-31 01:07:17,327 : INFO : PROGRESS: pass 0, at document #2976000/4922894\n", - "2019-01-31 01:07:18,736 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:07:19,002 : INFO : topic #16 (0.020): 0.054*\"king\" + 0.032*\"priest\" + 0.020*\"idiosyncrat\" + 0.019*\"duke\" + 0.019*\"rotterdam\" + 0.017*\"grammat\" + 0.017*\"quarterli\" + 0.014*\"count\" + 0.014*\"portugues\" + 0.013*\"brazil\"\n", - "2019-01-31 01:07:19,003 : INFO : topic #3 (0.020): 0.031*\"present\" + 0.026*\"offic\" + 0.024*\"nation\" + 0.023*\"minist\" + 0.022*\"govern\" + 0.021*\"member\" + 0.020*\"serv\" + 0.016*\"start\" + 0.016*\"gener\" + 0.015*\"council\"\n", - "2019-01-31 01:07:19,004 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.010*\"prognosi\" + 0.010*\"pop\" + 0.009*\"cytokin\" + 0.008*\"develop\" + 0.008*\"softwar\" + 0.008*\"user\" + 0.008*\"uruguayan\" + 0.007*\"includ\" + 0.007*\"ural\"\n", - "2019-01-31 01:07:19,005 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.023*\"christian\" + 0.021*\"cathol\" + 0.020*\"bishop\" + 0.016*\"retroflex\" + 0.015*\"sail\" + 0.010*\"relationship\" + 0.010*\"centuri\" + 0.009*\"cathedr\" + 0.009*\"historiographi\"\n", - "2019-01-31 01:07:19,006 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.011*\"septemb\" + 0.010*\"man\" + 0.009*\"anim\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.006*\"love\" + 0.006*\"workplac\" + 0.006*\"storag\" + 0.006*\"dixi\"\n", - "2019-01-31 01:07:19,012 : INFO : topic diff=0.003767, rho=0.025924\n", - "2019-01-31 01:07:19,170 : INFO : PROGRESS: pass 0, at document #2978000/4922894\n", - "2019-01-31 01:07:20,577 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:07:20,843 : INFO : topic #27 (0.020): 0.070*\"questionnair\" + 0.019*\"candid\" + 0.018*\"taxpay\" + 0.013*\"driver\" + 0.012*\"ret\" + 0.012*\"tornado\" + 0.012*\"find\" + 0.011*\"fool\" + 0.011*\"théori\" + 0.011*\"squatter\"\n", - "2019-01-31 01:07:20,844 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.035*\"leagu\" + 0.030*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.024*\"crete\" + 0.022*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:07:20,845 : INFO : topic #39 (0.020): 0.056*\"canada\" + 0.044*\"canadian\" + 0.023*\"toronto\" + 0.023*\"hoar\" + 0.020*\"ontario\" + 0.015*\"hydrogen\" + 0.014*\"new\" + 0.014*\"misericordia\" + 0.013*\"novotná\" + 0.013*\"quebec\"\n", - "2019-01-31 01:07:20,846 : INFO : topic #38 (0.020): 0.024*\"walter\" + 0.010*\"battalion\" + 0.010*\"aza\" + 0.009*\"forc\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.007*\"teufel\" + 0.007*\"militari\" + 0.006*\"govern\" + 0.006*\"pour\"\n", - "2019-01-31 01:07:20,848 : INFO : topic #6 (0.020): 0.073*\"fewer\" + 0.023*\"epiru\" + 0.021*\"septemb\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.014*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"acrimoni\" + 0.011*\"direct\" + 0.011*\"movi\"\n", - "2019-01-31 01:07:20,853 : INFO : topic diff=0.003541, rho=0.025915\n", - "2019-01-31 01:07:23,514 : INFO : -11.815 per-word bound, 3602.4 perplexity estimate based on a held-out corpus of 2000 documents with 552617 words\n", - "2019-01-31 01:07:23,515 : INFO : PROGRESS: pass 0, at document #2980000/4922894\n", - "2019-01-31 01:07:24,881 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:07:25,147 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.045*\"franc\" + 0.032*\"pari\" + 0.023*\"sail\" + 0.022*\"jean\" + 0.017*\"daphn\" + 0.014*\"loui\" + 0.013*\"lazi\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:07:25,148 : INFO : topic #32 (0.020): 0.049*\"district\" + 0.044*\"popolo\" + 0.042*\"vigour\" + 0.036*\"tortur\" + 0.033*\"cotton\" + 0.024*\"area\" + 0.022*\"multitud\" + 0.020*\"citi\" + 0.019*\"adulthood\" + 0.019*\"cede\"\n", - "2019-01-31 01:07:25,149 : INFO : topic #36 (0.020): 0.010*\"prognosi\" + 0.010*\"network\" + 0.010*\"pop\" + 0.008*\"cytokin\" + 0.008*\"develop\" + 0.008*\"softwar\" + 0.008*\"user\" + 0.008*\"uruguayan\" + 0.007*\"includ\" + 0.007*\"ural\"\n", - "2019-01-31 01:07:25,150 : INFO : topic #29 (0.020): 0.030*\"companhia\" + 0.012*\"busi\" + 0.012*\"bank\" + 0.012*\"market\" + 0.011*\"produc\" + 0.011*\"million\" + 0.010*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 01:07:25,151 : INFO : topic #3 (0.020): 0.031*\"present\" + 0.026*\"offic\" + 0.024*\"nation\" + 0.022*\"minist\" + 0.022*\"govern\" + 0.021*\"member\" + 0.020*\"serv\" + 0.016*\"start\" + 0.016*\"gener\" + 0.015*\"council\"\n", - "2019-01-31 01:07:25,156 : INFO : topic diff=0.003830, rho=0.025906\n", - "2019-01-31 01:07:25,316 : INFO : PROGRESS: pass 0, at document #2982000/4922894\n", - "2019-01-31 01:07:26,713 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:07:26,980 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.020*\"factor\" + 0.012*\"genu\" + 0.012*\"plaisir\" + 0.009*\"feel\" + 0.008*\"biom\" + 0.008*\"western\" + 0.008*\"median\" + 0.008*\"male\" + 0.007*\"incom\"\n", - "2019-01-31 01:07:26,981 : INFO : topic #29 (0.020): 0.030*\"companhia\" + 0.012*\"busi\" + 0.012*\"bank\" + 0.012*\"market\" + 0.011*\"produc\" + 0.011*\"million\" + 0.010*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 01:07:26,982 : INFO : topic #6 (0.020): 0.072*\"fewer\" + 0.023*\"epiru\" + 0.021*\"septemb\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.013*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"acrimoni\" + 0.011*\"direct\" + 0.011*\"movi\"\n", - "2019-01-31 01:07:26,983 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.038*\"shield\" + 0.017*\"narrat\" + 0.015*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.009*\"bahá\" + 0.009*\"fleet\"\n", - "2019-01-31 01:07:26,984 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.014*\"depress\" + 0.014*\"pour\" + 0.010*\"elabor\" + 0.009*\"mode\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.007*\"encyclopedia\" + 0.006*\"develop\" + 0.006*\"candid\"\n", - "2019-01-31 01:07:26,990 : INFO : topic diff=0.003649, rho=0.025898\n", - "2019-01-31 01:07:27,149 : INFO : PROGRESS: pass 0, at document #2984000/4922894\n", - "2019-01-31 01:07:28,536 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:07:28,802 : INFO : topic #25 (0.020): 0.031*\"ring\" + 0.018*\"area\" + 0.018*\"lagrang\" + 0.017*\"warmth\" + 0.016*\"mount\" + 0.010*\"north\" + 0.009*\"palmer\" + 0.009*\"sourc\" + 0.008*\"vacant\" + 0.008*\"land\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:07:28,803 : INFO : topic #40 (0.020): 0.088*\"unit\" + 0.024*\"schuster\" + 0.022*\"institut\" + 0.021*\"collector\" + 0.021*\"requir\" + 0.018*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"degre\" + 0.011*\"http\"\n", - "2019-01-31 01:07:28,804 : INFO : topic #46 (0.020): 0.016*\"sweden\" + 0.016*\"norwai\" + 0.016*\"damag\" + 0.016*\"swedish\" + 0.015*\"stop\" + 0.015*\"norwegian\" + 0.013*\"wind\" + 0.011*\"denmark\" + 0.011*\"danish\" + 0.011*\"treeless\"\n", - "2019-01-31 01:07:28,805 : INFO : topic #32 (0.020): 0.049*\"district\" + 0.044*\"popolo\" + 0.042*\"vigour\" + 0.036*\"tortur\" + 0.033*\"cotton\" + 0.024*\"area\" + 0.022*\"multitud\" + 0.020*\"citi\" + 0.019*\"adulthood\" + 0.019*\"cede\"\n", - "2019-01-31 01:07:28,806 : INFO : topic #3 (0.020): 0.031*\"present\" + 0.027*\"offic\" + 0.024*\"nation\" + 0.023*\"minist\" + 0.022*\"govern\" + 0.021*\"member\" + 0.019*\"serv\" + 0.016*\"start\" + 0.016*\"gener\" + 0.015*\"council\"\n", - "2019-01-31 01:07:28,812 : INFO : topic diff=0.003988, rho=0.025889\n", - "2019-01-31 01:07:28,976 : INFO : PROGRESS: pass 0, at document #2986000/4922894\n", - "2019-01-31 01:07:30,367 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:07:30,636 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.011*\"septemb\" + 0.010*\"man\" + 0.009*\"anim\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.006*\"storag\" + 0.006*\"love\" + 0.006*\"workplac\" + 0.006*\"gestur\"\n", - "2019-01-31 01:07:30,637 : INFO : topic #45 (0.020): 0.026*\"jpg\" + 0.025*\"fifteenth\" + 0.018*\"illicit\" + 0.016*\"colder\" + 0.016*\"pain\" + 0.014*\"western\" + 0.014*\"black\" + 0.011*\"record\" + 0.010*\"depress\" + 0.009*\"blind\"\n", - "2019-01-31 01:07:30,638 : INFO : topic #30 (0.020): 0.037*\"cleveland\" + 0.035*\"leagu\" + 0.030*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.022*\"folei\" + 0.016*\"goal\" + 0.014*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:07:30,639 : INFO : topic #21 (0.020): 0.032*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.017*\"mexico\" + 0.017*\"italian\" + 0.013*\"soviet\" + 0.011*\"santa\" + 0.011*\"juan\" + 0.011*\"carlo\" + 0.010*\"josé\"\n", - "2019-01-31 01:07:30,640 : INFO : topic #28 (0.020): 0.032*\"build\" + 0.025*\"hous\" + 0.018*\"rivièr\" + 0.018*\"buford\" + 0.014*\"histor\" + 0.011*\"constitut\" + 0.011*\"briarwood\" + 0.010*\"depress\" + 0.010*\"strategist\" + 0.010*\"silicon\"\n", - "2019-01-31 01:07:30,646 : INFO : topic diff=0.003692, rho=0.025880\n", - "2019-01-31 01:07:30,800 : INFO : PROGRESS: pass 0, at document #2988000/4922894\n", - "2019-01-31 01:07:32,169 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:07:32,436 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.020*\"factor\" + 0.012*\"genu\" + 0.011*\"plaisir\" + 0.008*\"feel\" + 0.008*\"western\" + 0.008*\"median\" + 0.008*\"biom\" + 0.008*\"male\" + 0.007*\"incom\"\n", - "2019-01-31 01:07:32,437 : INFO : topic #39 (0.020): 0.056*\"canada\" + 0.044*\"canadian\" + 0.024*\"hoar\" + 0.023*\"toronto\" + 0.020*\"ontario\" + 0.015*\"hydrogen\" + 0.015*\"new\" + 0.014*\"misericordia\" + 0.013*\"novotná\" + 0.013*\"quebec\"\n", - "2019-01-31 01:07:32,438 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.012*\"life\" + 0.012*\"deal\" + 0.012*\"daughter\"\n", - "2019-01-31 01:07:32,438 : INFO : topic #13 (0.020): 0.026*\"new\" + 0.026*\"london\" + 0.026*\"sourc\" + 0.025*\"australia\" + 0.023*\"england\" + 0.022*\"australian\" + 0.020*\"ireland\" + 0.019*\"british\" + 0.015*\"youth\" + 0.015*\"wale\"\n", - "2019-01-31 01:07:32,439 : INFO : topic #20 (0.020): 0.151*\"scholar\" + 0.039*\"struggl\" + 0.038*\"high\" + 0.029*\"educ\" + 0.023*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"task\" + 0.009*\"class\" + 0.009*\"district\"\n", - "2019-01-31 01:07:32,445 : INFO : topic diff=0.003734, rho=0.025872\n", - "2019-01-31 01:07:32,603 : INFO : PROGRESS: pass 0, at document #2990000/4922894\n", - "2019-01-31 01:07:33,990 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:07:34,258 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.020*\"armi\" + 0.019*\"walter\" + 0.017*\"com\" + 0.015*\"oper\" + 0.014*\"unionist\" + 0.012*\"airbu\" + 0.012*\"militari\" + 0.011*\"refut\"\n", - "2019-01-31 01:07:34,259 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.020*\"factor\" + 0.012*\"plaisir\" + 0.012*\"genu\" + 0.008*\"feel\" + 0.008*\"western\" + 0.008*\"biom\" + 0.008*\"median\" + 0.008*\"male\" + 0.007*\"incom\"\n", - "2019-01-31 01:07:34,260 : INFO : topic #47 (0.020): 0.068*\"muscl\" + 0.034*\"perceptu\" + 0.018*\"theater\" + 0.018*\"compos\" + 0.017*\"place\" + 0.015*\"damn\" + 0.013*\"orchestr\" + 0.013*\"olympo\" + 0.012*\"word\" + 0.011*\"physician\"\n", - "2019-01-31 01:07:34,261 : INFO : topic #17 (0.020): 0.078*\"church\" + 0.022*\"christian\" + 0.022*\"cathol\" + 0.020*\"bishop\" + 0.016*\"retroflex\" + 0.015*\"sail\" + 0.010*\"relationship\" + 0.010*\"centuri\" + 0.009*\"cathedr\" + 0.009*\"historiographi\"\n", - "2019-01-31 01:07:34,262 : INFO : topic #9 (0.020): 0.072*\"bone\" + 0.047*\"american\" + 0.027*\"valour\" + 0.021*\"folei\" + 0.020*\"player\" + 0.019*\"dutch\" + 0.017*\"polit\" + 0.016*\"english\" + 0.011*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 01:07:34,268 : INFO : topic diff=0.003532, rho=0.025863\n", - "2019-01-31 01:07:34,423 : INFO : PROGRESS: pass 0, at document #2992000/4922894\n", - "2019-01-31 01:07:35,815 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:07:36,082 : INFO : topic #45 (0.020): 0.026*\"jpg\" + 0.025*\"fifteenth\" + 0.018*\"illicit\" + 0.016*\"colder\" + 0.016*\"pain\" + 0.014*\"western\" + 0.013*\"black\" + 0.011*\"record\" + 0.010*\"depress\" + 0.009*\"blind\"\n", - "2019-01-31 01:07:36,083 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.011*\"septemb\" + 0.010*\"man\" + 0.009*\"anim\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.006*\"storag\" + 0.006*\"workplac\" + 0.006*\"love\" + 0.006*\"gestur\"\n", - "2019-01-31 01:07:36,084 : INFO : topic #25 (0.020): 0.031*\"ring\" + 0.018*\"area\" + 0.018*\"lagrang\" + 0.017*\"warmth\" + 0.016*\"mount\" + 0.010*\"north\" + 0.009*\"palmer\" + 0.009*\"sourc\" + 0.008*\"foam\" + 0.008*\"land\"\n", - "2019-01-31 01:07:36,085 : INFO : topic #35 (0.020): 0.057*\"russia\" + 0.034*\"sovereignti\" + 0.034*\"rural\" + 0.026*\"poison\" + 0.024*\"personifi\" + 0.024*\"reprint\" + 0.020*\"moscow\" + 0.016*\"poland\" + 0.015*\"tyrant\" + 0.015*\"unfortun\"\n", - "2019-01-31 01:07:36,086 : INFO : topic #36 (0.020): 0.011*\"prognosi\" + 0.011*\"pop\" + 0.011*\"network\" + 0.008*\"cytokin\" + 0.008*\"develop\" + 0.008*\"softwar\" + 0.008*\"uruguayan\" + 0.008*\"user\" + 0.007*\"includ\" + 0.007*\"ural\"\n", - "2019-01-31 01:07:36,092 : INFO : topic diff=0.003888, rho=0.025854\n", - "2019-01-31 01:07:36,248 : INFO : PROGRESS: pass 0, at document #2994000/4922894\n", - "2019-01-31 01:07:37,621 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:07:37,887 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.020*\"armi\" + 0.019*\"walter\" + 0.017*\"com\" + 0.015*\"oper\" + 0.014*\"unionist\" + 0.012*\"airbu\" + 0.012*\"militari\" + 0.010*\"refut\"\n", - "2019-01-31 01:07:37,888 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.024*\"schuster\" + 0.022*\"institut\" + 0.021*\"requir\" + 0.021*\"collector\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"degre\" + 0.011*\"http\"\n", - "2019-01-31 01:07:37,889 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.022*\"palmer\" + 0.022*\"new\" + 0.015*\"strategist\" + 0.014*\"center\" + 0.012*\"open\" + 0.011*\"dai\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.009*\"highli\"\n", - "2019-01-31 01:07:37,890 : INFO : topic #20 (0.020): 0.151*\"scholar\" + 0.038*\"high\" + 0.038*\"struggl\" + 0.030*\"educ\" + 0.022*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"task\" + 0.010*\"district\" + 0.010*\"gothic\"\n", - "2019-01-31 01:07:37,891 : INFO : topic #16 (0.020): 0.053*\"king\" + 0.031*\"priest\" + 0.020*\"duke\" + 0.019*\"idiosyncrat\" + 0.019*\"rotterdam\" + 0.018*\"quarterli\" + 0.017*\"grammat\" + 0.014*\"portugues\" + 0.014*\"count\" + 0.013*\"brazil\"\n", - "2019-01-31 01:07:37,897 : INFO : topic diff=0.004370, rho=0.025846\n", - "2019-01-31 01:07:38,060 : INFO : PROGRESS: pass 0, at document #2996000/4922894\n", - "2019-01-31 01:07:39,450 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:07:39,719 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.024*\"schuster\" + 0.022*\"institut\" + 0.021*\"collector\" + 0.021*\"requir\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"degre\" + 0.011*\"http\"\n", - "2019-01-31 01:07:39,720 : INFO : topic #34 (0.020): 0.067*\"start\" + 0.034*\"new\" + 0.031*\"american\" + 0.029*\"unionist\" + 0.025*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.013*\"terri\" + 0.011*\"north\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:07:39,721 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.020*\"factor\" + 0.012*\"plaisir\" + 0.012*\"genu\" + 0.008*\"feel\" + 0.008*\"western\" + 0.008*\"biom\" + 0.008*\"median\" + 0.008*\"male\" + 0.007*\"incom\"\n", - "2019-01-31 01:07:39,723 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.007*\"poet\" + 0.007*\"théori\" + 0.006*\"exampl\" + 0.006*\"measur\" + 0.006*\"method\" + 0.006*\"southern\" + 0.006*\"differ\"\n", - "2019-01-31 01:07:39,724 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.005*\"like\" + 0.004*\"wander\" + 0.004*\"call\"\n", - "2019-01-31 01:07:39,730 : INFO : topic diff=0.004008, rho=0.025837\n", - "2019-01-31 01:07:39,888 : INFO : PROGRESS: pass 0, at document #2998000/4922894\n", - "2019-01-31 01:07:41,402 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:07:41,669 : INFO : topic #34 (0.020): 0.067*\"start\" + 0.034*\"new\" + 0.031*\"american\" + 0.029*\"unionist\" + 0.025*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.013*\"terri\" + 0.011*\"north\"\n", - "2019-01-31 01:07:41,670 : INFO : topic #0 (0.020): 0.068*\"statewid\" + 0.042*\"line\" + 0.034*\"raid\" + 0.024*\"rosenwald\" + 0.021*\"traceabl\" + 0.019*\"serv\" + 0.018*\"museo\" + 0.015*\"arsen\" + 0.013*\"oper\" + 0.011*\"brook\"\n", - "2019-01-31 01:07:41,671 : INFO : topic #9 (0.020): 0.072*\"bone\" + 0.046*\"american\" + 0.027*\"valour\" + 0.021*\"folei\" + 0.020*\"player\" + 0.019*\"dutch\" + 0.017*\"polit\" + 0.016*\"english\" + 0.011*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 01:07:41,672 : INFO : topic #47 (0.020): 0.067*\"muscl\" + 0.033*\"perceptu\" + 0.018*\"theater\" + 0.018*\"compos\" + 0.017*\"place\" + 0.015*\"damn\" + 0.013*\"orchestr\" + 0.013*\"olympo\" + 0.012*\"word\" + 0.012*\"physician\"\n", - "2019-01-31 01:07:41,673 : INFO : topic #29 (0.020): 0.030*\"companhia\" + 0.012*\"busi\" + 0.012*\"bank\" + 0.012*\"market\" + 0.011*\"million\" + 0.011*\"produc\" + 0.010*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"oper\"\n", - "2019-01-31 01:07:41,679 : INFO : topic diff=0.003026, rho=0.025828\n", - "2019-01-31 01:07:44,342 : INFO : -11.517 per-word bound, 2929.7 perplexity estimate based on a held-out corpus of 2000 documents with 539424 words\n", - "2019-01-31 01:07:44,342 : INFO : PROGRESS: pass 0, at document #3000000/4922894\n", - "2019-01-31 01:07:45,715 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:07:45,981 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.020*\"factor\" + 0.012*\"plaisir\" + 0.012*\"genu\" + 0.008*\"feel\" + 0.008*\"biom\" + 0.008*\"western\" + 0.008*\"male\" + 0.008*\"median\" + 0.007*\"incom\"\n", - "2019-01-31 01:07:45,982 : INFO : topic #31 (0.020): 0.054*\"fusiform\" + 0.026*\"scientist\" + 0.026*\"taxpay\" + 0.023*\"player\" + 0.021*\"place\" + 0.014*\"clot\" + 0.012*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:07:45,984 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.030*\"final\" + 0.024*\"wife\" + 0.022*\"tourist\" + 0.018*\"champion\" + 0.015*\"taxpay\" + 0.014*\"chamber\" + 0.013*\"tiepolo\" + 0.013*\"martin\" + 0.013*\"open\"\n", - "2019-01-31 01:07:45,985 : INFO : topic #20 (0.020): 0.151*\"scholar\" + 0.038*\"struggl\" + 0.038*\"high\" + 0.030*\"educ\" + 0.022*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"task\" + 0.010*\"district\" + 0.010*\"gothic\"\n", - "2019-01-31 01:07:45,986 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.008*\"word\" + 0.007*\"human\" + 0.007*\"summerhil\" + 0.006*\"woman\"\n", - "2019-01-31 01:07:45,992 : INFO : topic diff=0.002984, rho=0.025820\n", - "2019-01-31 01:07:46,148 : INFO : PROGRESS: pass 0, at document #3002000/4922894\n", - "2019-01-31 01:07:47,540 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:07:47,807 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.020*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.015*\"oper\" + 0.014*\"unionist\" + 0.012*\"airbu\" + 0.012*\"militari\" + 0.011*\"refut\"\n", - "2019-01-31 01:07:47,808 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.019*\"area\" + 0.018*\"lagrang\" + 0.016*\"warmth\" + 0.016*\"mount\" + 0.010*\"north\" + 0.009*\"palmer\" + 0.009*\"sourc\" + 0.008*\"foam\" + 0.008*\"lobe\"\n", - "2019-01-31 01:07:47,809 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.042*\"line\" + 0.034*\"raid\" + 0.024*\"rosenwald\" + 0.021*\"traceabl\" + 0.019*\"serv\" + 0.018*\"museo\" + 0.014*\"arsen\" + 0.013*\"oper\" + 0.010*\"brook\"\n", - "2019-01-31 01:07:47,810 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.007*\"poet\" + 0.007*\"théori\" + 0.007*\"exampl\" + 0.006*\"measur\" + 0.006*\"method\" + 0.006*\"southern\" + 0.006*\"differ\"\n", - "2019-01-31 01:07:47,812 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.023*\"epiru\" + 0.021*\"septemb\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.013*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"acrimoni\" + 0.011*\"direct\" + 0.010*\"movi\"\n", - "2019-01-31 01:07:47,817 : INFO : topic diff=0.003965, rho=0.025811\n", - "2019-01-31 01:07:47,975 : INFO : PROGRESS: pass 0, at document #3004000/4922894\n", - "2019-01-31 01:07:49,377 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:07:49,643 : INFO : topic #21 (0.020): 0.032*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.017*\"mexico\" + 0.016*\"italian\" + 0.013*\"soviet\" + 0.011*\"santa\" + 0.011*\"carlo\" + 0.011*\"juan\" + 0.010*\"francisco\"\n", - "2019-01-31 01:07:49,644 : INFO : topic #2 (0.020): 0.051*\"isl\" + 0.037*\"shield\" + 0.017*\"narrat\" + 0.015*\"scot\" + 0.014*\"pope\" + 0.012*\"blur\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.010*\"bahá\" + 0.009*\"fleet\"\n", - "2019-01-31 01:07:49,645 : INFO : topic #46 (0.020): 0.016*\"sweden\" + 0.016*\"stop\" + 0.016*\"norwai\" + 0.016*\"swedish\" + 0.015*\"norwegian\" + 0.014*\"damag\" + 0.012*\"wind\" + 0.011*\"danish\" + 0.011*\"denmark\" + 0.010*\"turkish\"\n", - "2019-01-31 01:07:49,646 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.023*\"palmer\" + 0.022*\"new\" + 0.015*\"strategist\" + 0.014*\"center\" + 0.012*\"open\" + 0.011*\"dai\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.009*\"highli\"\n", - "2019-01-31 01:07:49,647 : INFO : topic #3 (0.020): 0.032*\"present\" + 0.026*\"offic\" + 0.024*\"minist\" + 0.024*\"nation\" + 0.022*\"govern\" + 0.020*\"member\" + 0.019*\"serv\" + 0.017*\"start\" + 0.016*\"gener\" + 0.014*\"council\"\n", - "2019-01-31 01:07:49,653 : INFO : topic diff=0.003540, rho=0.025803\n", - "2019-01-31 01:07:49,864 : INFO : PROGRESS: pass 0, at document #3006000/4922894\n", - "2019-01-31 01:07:51,252 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:07:51,518 : INFO : topic #47 (0.020): 0.066*\"muscl\" + 0.033*\"perceptu\" + 0.018*\"theater\" + 0.018*\"compos\" + 0.017*\"place\" + 0.015*\"damn\" + 0.013*\"orchestr\" + 0.012*\"olympo\" + 0.012*\"physician\" + 0.012*\"word\"\n", - "2019-01-31 01:07:51,519 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.023*\"epiru\" + 0.021*\"septemb\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.013*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"acrimoni\" + 0.011*\"direct\" + 0.010*\"movi\"\n", - "2019-01-31 01:07:51,520 : INFO : topic #3 (0.020): 0.032*\"present\" + 0.026*\"offic\" + 0.024*\"nation\" + 0.023*\"minist\" + 0.022*\"govern\" + 0.020*\"member\" + 0.019*\"serv\" + 0.017*\"start\" + 0.016*\"gener\" + 0.014*\"council\"\n", - "2019-01-31 01:07:51,521 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.042*\"line\" + 0.034*\"raid\" + 0.024*\"rosenwald\" + 0.021*\"traceabl\" + 0.020*\"serv\" + 0.018*\"museo\" + 0.014*\"arsen\" + 0.013*\"oper\" + 0.010*\"brook\"\n", - "2019-01-31 01:07:51,522 : INFO : topic #31 (0.020): 0.053*\"fusiform\" + 0.026*\"scientist\" + 0.026*\"taxpay\" + 0.023*\"player\" + 0.021*\"place\" + 0.014*\"clot\" + 0.012*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:07:51,528 : INFO : topic diff=0.003522, rho=0.025794\n", - "2019-01-31 01:07:51,686 : INFO : PROGRESS: pass 0, at document #3008000/4922894\n", - "2019-01-31 01:07:53,094 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:07:53,370 : INFO : topic #16 (0.020): 0.054*\"king\" + 0.031*\"priest\" + 0.020*\"duke\" + 0.019*\"idiosyncrat\" + 0.018*\"rotterdam\" + 0.018*\"quarterli\" + 0.017*\"grammat\" + 0.014*\"count\" + 0.013*\"portugues\" + 0.013*\"brazil\"\n", - "2019-01-31 01:07:53,371 : INFO : topic #2 (0.020): 0.052*\"isl\" + 0.037*\"shield\" + 0.017*\"narrat\" + 0.015*\"scot\" + 0.014*\"pope\" + 0.012*\"blur\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.009*\"bahá\" + 0.009*\"fleet\"\n", - "2019-01-31 01:07:53,372 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.008*\"word\" + 0.007*\"human\" + 0.007*\"summerhil\" + 0.006*\"woman\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:07:53,373 : INFO : topic #9 (0.020): 0.072*\"bone\" + 0.046*\"american\" + 0.027*\"valour\" + 0.021*\"folei\" + 0.020*\"player\" + 0.019*\"dutch\" + 0.017*\"polit\" + 0.016*\"english\" + 0.011*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 01:07:53,374 : INFO : topic #35 (0.020): 0.059*\"russia\" + 0.034*\"sovereignti\" + 0.034*\"rural\" + 0.025*\"poison\" + 0.024*\"personifi\" + 0.024*\"reprint\" + 0.020*\"moscow\" + 0.016*\"poland\" + 0.015*\"unfortun\" + 0.015*\"tyrant\"\n", - "2019-01-31 01:07:53,380 : INFO : topic diff=0.003674, rho=0.025786\n", - "2019-01-31 01:07:53,540 : INFO : PROGRESS: pass 0, at document #3010000/4922894\n", - "2019-01-31 01:07:54,944 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:07:55,210 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.020*\"armi\" + 0.019*\"walter\" + 0.018*\"com\" + 0.015*\"oper\" + 0.014*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.011*\"refut\"\n", - "2019-01-31 01:07:55,211 : INFO : topic #8 (0.020): 0.028*\"law\" + 0.024*\"cortic\" + 0.018*\"start\" + 0.016*\"act\" + 0.012*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.010*\"polaris\" + 0.009*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 01:07:55,212 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.036*\"leagu\" + 0.030*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.024*\"crete\" + 0.022*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:07:55,213 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"poet\" + 0.007*\"gener\" + 0.007*\"théori\" + 0.006*\"exampl\" + 0.006*\"southern\" + 0.006*\"measur\" + 0.006*\"method\" + 0.006*\"utopian\"\n", - "2019-01-31 01:07:55,214 : INFO : topic #9 (0.020): 0.072*\"bone\" + 0.046*\"american\" + 0.027*\"valour\" + 0.021*\"folei\" + 0.020*\"player\" + 0.019*\"dutch\" + 0.017*\"polit\" + 0.016*\"english\" + 0.011*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 01:07:55,220 : INFO : topic diff=0.003409, rho=0.025777\n", - "2019-01-31 01:07:55,379 : INFO : PROGRESS: pass 0, at document #3012000/4922894\n", - "2019-01-31 01:07:56,776 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:07:57,042 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.006*\"ancestor\"\n", - "2019-01-31 01:07:57,043 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.008*\"word\" + 0.007*\"human\" + 0.007*\"woman\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:07:57,044 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.019*\"area\" + 0.017*\"lagrang\" + 0.016*\"warmth\" + 0.016*\"mount\" + 0.010*\"north\" + 0.009*\"palmer\" + 0.009*\"sourc\" + 0.008*\"lobe\" + 0.008*\"vacant\"\n", - "2019-01-31 01:07:57,045 : INFO : topic #23 (0.020): 0.137*\"audit\" + 0.071*\"best\" + 0.033*\"yawn\" + 0.028*\"jacksonvil\" + 0.022*\"festiv\" + 0.021*\"japanes\" + 0.021*\"noll\" + 0.018*\"women\" + 0.017*\"intern\" + 0.013*\"prison\"\n", - "2019-01-31 01:07:57,046 : INFO : topic #24 (0.020): 0.038*\"book\" + 0.033*\"publicis\" + 0.028*\"word\" + 0.018*\"new\" + 0.014*\"arsen\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.011*\"collect\" + 0.011*\"storag\" + 0.011*\"nicola\"\n", - "2019-01-31 01:07:57,052 : INFO : topic diff=0.003147, rho=0.025768\n", - "2019-01-31 01:07:57,207 : INFO : PROGRESS: pass 0, at document #3014000/4922894\n", - "2019-01-31 01:07:58,585 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:07:58,851 : INFO : topic #21 (0.020): 0.032*\"samford\" + 0.021*\"spain\" + 0.019*\"del\" + 0.017*\"mexico\" + 0.016*\"italian\" + 0.013*\"soviet\" + 0.011*\"santa\" + 0.011*\"carlo\" + 0.011*\"juan\" + 0.010*\"francisco\"\n", - "2019-01-31 01:07:58,852 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.055*\"parti\" + 0.024*\"democrat\" + 0.023*\"voluntari\" + 0.022*\"member\" + 0.017*\"polici\" + 0.016*\"republ\" + 0.013*\"bypass\" + 0.013*\"report\" + 0.013*\"seaport\"\n", - "2019-01-31 01:07:58,853 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.019*\"area\" + 0.017*\"lagrang\" + 0.016*\"warmth\" + 0.016*\"mount\" + 0.010*\"north\" + 0.009*\"palmer\" + 0.009*\"sourc\" + 0.008*\"vacant\" + 0.008*\"lobe\"\n", - "2019-01-31 01:07:58,854 : INFO : topic #9 (0.020): 0.071*\"bone\" + 0.046*\"american\" + 0.027*\"valour\" + 0.020*\"folei\" + 0.020*\"player\" + 0.019*\"dutch\" + 0.017*\"polit\" + 0.016*\"english\" + 0.011*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 01:07:58,855 : INFO : topic #13 (0.020): 0.027*\"australia\" + 0.027*\"sourc\" + 0.026*\"london\" + 0.026*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.019*\"ireland\" + 0.015*\"wale\" + 0.015*\"youth\"\n", - "2019-01-31 01:07:58,860 : INFO : topic diff=0.003655, rho=0.025760\n", - "2019-01-31 01:07:59,010 : INFO : PROGRESS: pass 0, at document #3016000/4922894\n", - "2019-01-31 01:08:00,361 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:08:00,627 : INFO : topic #13 (0.020): 0.027*\"australia\" + 0.027*\"sourc\" + 0.026*\"london\" + 0.026*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.019*\"ireland\" + 0.015*\"wale\" + 0.015*\"youth\"\n", - "2019-01-31 01:08:00,628 : INFO : topic #38 (0.020): 0.024*\"walter\" + 0.010*\"aza\" + 0.010*\"battalion\" + 0.009*\"forc\" + 0.008*\"empath\" + 0.008*\"teufel\" + 0.007*\"armi\" + 0.007*\"militari\" + 0.006*\"till\" + 0.006*\"govern\"\n", - "2019-01-31 01:08:00,629 : INFO : topic #42 (0.020): 0.048*\"german\" + 0.031*\"germani\" + 0.015*\"jewish\" + 0.015*\"vol\" + 0.014*\"berlin\" + 0.014*\"der\" + 0.013*\"israel\" + 0.011*\"european\" + 0.010*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:08:00,630 : INFO : topic #33 (0.020): 0.059*\"french\" + 0.046*\"franc\" + 0.032*\"pari\" + 0.022*\"jean\" + 0.022*\"sail\" + 0.017*\"daphn\" + 0.014*\"loui\" + 0.013*\"lazi\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:08:00,631 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.055*\"parti\" + 0.024*\"voluntari\" + 0.024*\"democrat\" + 0.022*\"member\" + 0.017*\"polici\" + 0.015*\"republ\" + 0.013*\"liber\" + 0.013*\"bypass\" + 0.013*\"report\"\n", - "2019-01-31 01:08:00,637 : INFO : topic diff=0.004276, rho=0.025751\n", - "2019-01-31 01:08:00,793 : INFO : PROGRESS: pass 0, at document #3018000/4922894\n", - "2019-01-31 01:08:02,150 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:08:02,418 : INFO : topic #26 (0.020): 0.031*\"workplac\" + 0.029*\"woman\" + 0.029*\"champion\" + 0.024*\"men\" + 0.024*\"olymp\" + 0.022*\"medal\" + 0.020*\"event\" + 0.019*\"rainfal\" + 0.018*\"taxpay\" + 0.018*\"atheist\"\n", - "2019-01-31 01:08:02,419 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.020*\"factor\" + 0.012*\"plaisir\" + 0.011*\"genu\" + 0.008*\"feel\" + 0.008*\"biom\" + 0.008*\"male\" + 0.008*\"median\" + 0.008*\"western\" + 0.007*\"incom\"\n", - "2019-01-31 01:08:02,420 : INFO : topic #49 (0.020): 0.046*\"india\" + 0.030*\"incumb\" + 0.016*\"pakistan\" + 0.013*\"islam\" + 0.012*\"muskoge\" + 0.012*\"affection\" + 0.012*\"anglo\" + 0.011*\"alam\" + 0.011*\"televis\" + 0.010*\"khalsa\"\n", - "2019-01-31 01:08:02,421 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.030*\"final\" + 0.024*\"wife\" + 0.022*\"tourist\" + 0.018*\"champion\" + 0.015*\"taxpay\" + 0.014*\"chamber\" + 0.014*\"tiepolo\" + 0.013*\"martin\" + 0.012*\"open\"\n", - "2019-01-31 01:08:02,422 : INFO : topic #21 (0.020): 0.032*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.017*\"mexico\" + 0.016*\"italian\" + 0.013*\"soviet\" + 0.011*\"santa\" + 0.011*\"carlo\" + 0.011*\"juan\" + 0.010*\"francisco\"\n", - "2019-01-31 01:08:02,428 : INFO : topic diff=0.004323, rho=0.025743\n", - "2019-01-31 01:08:05,099 : INFO : -11.657 per-word bound, 3229.3 perplexity estimate based on a held-out corpus of 2000 documents with 541996 words\n", - "2019-01-31 01:08:05,100 : INFO : PROGRESS: pass 0, at document #3020000/4922894\n", - "2019-01-31 01:08:06,479 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:08:06,745 : INFO : topic #32 (0.020): 0.048*\"district\" + 0.044*\"popolo\" + 0.042*\"vigour\" + 0.036*\"tortur\" + 0.032*\"cotton\" + 0.024*\"area\" + 0.021*\"multitud\" + 0.021*\"citi\" + 0.020*\"adulthood\" + 0.019*\"cede\"\n", - "2019-01-31 01:08:06,746 : INFO : topic #3 (0.020): 0.032*\"present\" + 0.026*\"offic\" + 0.024*\"nation\" + 0.024*\"minist\" + 0.022*\"govern\" + 0.021*\"member\" + 0.018*\"serv\" + 0.017*\"start\" + 0.016*\"gener\" + 0.014*\"council\"\n", - "2019-01-31 01:08:06,748 : INFO : topic #21 (0.020): 0.032*\"samford\" + 0.022*\"spain\" + 0.018*\"del\" + 0.017*\"mexico\" + 0.016*\"italian\" + 0.013*\"soviet\" + 0.011*\"santa\" + 0.011*\"juan\" + 0.011*\"carlo\" + 0.010*\"francisco\"\n", - "2019-01-31 01:08:06,749 : INFO : topic #45 (0.020): 0.027*\"jpg\" + 0.025*\"fifteenth\" + 0.018*\"illicit\" + 0.016*\"colder\" + 0.016*\"pain\" + 0.014*\"western\" + 0.014*\"black\" + 0.011*\"record\" + 0.010*\"depress\" + 0.010*\"blind\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:08:06,750 : INFO : topic #23 (0.020): 0.137*\"audit\" + 0.071*\"best\" + 0.033*\"yawn\" + 0.028*\"jacksonvil\" + 0.021*\"festiv\" + 0.021*\"noll\" + 0.021*\"japanes\" + 0.019*\"women\" + 0.017*\"intern\" + 0.013*\"prison\"\n", - "2019-01-31 01:08:06,755 : INFO : topic diff=0.003816, rho=0.025734\n", - "2019-01-31 01:08:06,911 : INFO : PROGRESS: pass 0, at document #3022000/4922894\n", - "2019-01-31 01:08:08,284 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:08:08,550 : INFO : topic #31 (0.020): 0.053*\"fusiform\" + 0.026*\"scientist\" + 0.026*\"taxpay\" + 0.024*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.012*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:08:08,551 : INFO : topic #32 (0.020): 0.048*\"district\" + 0.044*\"popolo\" + 0.042*\"vigour\" + 0.036*\"tortur\" + 0.032*\"cotton\" + 0.024*\"area\" + 0.021*\"multitud\" + 0.021*\"citi\" + 0.020*\"adulthood\" + 0.019*\"cede\"\n", - "2019-01-31 01:08:08,553 : INFO : topic #16 (0.020): 0.054*\"king\" + 0.032*\"priest\" + 0.020*\"duke\" + 0.019*\"idiosyncrat\" + 0.018*\"rotterdam\" + 0.017*\"quarterli\" + 0.016*\"grammat\" + 0.014*\"count\" + 0.013*\"portugues\" + 0.013*\"brazil\"\n", - "2019-01-31 01:08:08,554 : INFO : topic #37 (0.020): 0.011*\"charact\" + 0.011*\"septemb\" + 0.010*\"man\" + 0.009*\"anim\" + 0.007*\"appear\" + 0.007*\"comic\" + 0.006*\"workplac\" + 0.006*\"vision\" + 0.006*\"love\" + 0.006*\"storag\"\n", - "2019-01-31 01:08:08,555 : INFO : topic #21 (0.020): 0.032*\"samford\" + 0.022*\"spain\" + 0.018*\"del\" + 0.017*\"mexico\" + 0.016*\"italian\" + 0.013*\"soviet\" + 0.011*\"santa\" + 0.011*\"juan\" + 0.011*\"carlo\" + 0.010*\"francisco\"\n", - "2019-01-31 01:08:08,561 : INFO : topic diff=0.003301, rho=0.025726\n", - "2019-01-31 01:08:08,716 : INFO : PROGRESS: pass 0, at document #3024000/4922894\n", - "2019-01-31 01:08:10,075 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:08:10,344 : INFO : topic #34 (0.020): 0.067*\"start\" + 0.034*\"new\" + 0.032*\"american\" + 0.029*\"unionist\" + 0.024*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.013*\"terri\" + 0.011*\"north\"\n", - "2019-01-31 01:08:10,345 : INFO : topic #20 (0.020): 0.150*\"scholar\" + 0.038*\"high\" + 0.037*\"struggl\" + 0.029*\"educ\" + 0.023*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.010*\"task\" + 0.010*\"gothic\"\n", - "2019-01-31 01:08:10,346 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.018*\"area\" + 0.018*\"lagrang\" + 0.016*\"warmth\" + 0.016*\"mount\" + 0.010*\"north\" + 0.009*\"palmer\" + 0.009*\"sourc\" + 0.008*\"vacant\" + 0.008*\"lobe\"\n", - "2019-01-31 01:08:10,347 : INFO : topic #32 (0.020): 0.049*\"district\" + 0.044*\"popolo\" + 0.042*\"vigour\" + 0.036*\"tortur\" + 0.032*\"cotton\" + 0.023*\"area\" + 0.021*\"multitud\" + 0.021*\"citi\" + 0.020*\"adulthood\" + 0.019*\"cede\"\n", - "2019-01-31 01:08:10,348 : INFO : topic #13 (0.020): 0.028*\"australia\" + 0.027*\"new\" + 0.027*\"sourc\" + 0.026*\"london\" + 0.023*\"england\" + 0.021*\"australian\" + 0.019*\"british\" + 0.019*\"ireland\" + 0.015*\"youth\" + 0.015*\"wale\"\n", - "2019-01-31 01:08:10,354 : INFO : topic diff=0.004919, rho=0.025717\n", - "2019-01-31 01:08:10,509 : INFO : PROGRESS: pass 0, at document #3026000/4922894\n", - "2019-01-31 01:08:11,871 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:08:12,137 : INFO : topic #47 (0.020): 0.066*\"muscl\" + 0.033*\"perceptu\" + 0.018*\"theater\" + 0.018*\"compos\" + 0.017*\"place\" + 0.015*\"damn\" + 0.014*\"orchestr\" + 0.012*\"word\" + 0.012*\"olympo\" + 0.012*\"physician\"\n", - "2019-01-31 01:08:12,138 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.020*\"factor\" + 0.011*\"plaisir\" + 0.011*\"genu\" + 0.009*\"median\" + 0.009*\"biom\" + 0.008*\"feel\" + 0.008*\"western\" + 0.008*\"male\" + 0.008*\"incom\"\n", - "2019-01-31 01:08:12,139 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.008*\"word\" + 0.007*\"human\" + 0.007*\"summerhil\" + 0.006*\"workplac\"\n", - "2019-01-31 01:08:12,140 : INFO : topic #17 (0.020): 0.079*\"church\" + 0.022*\"bishop\" + 0.022*\"christian\" + 0.022*\"cathol\" + 0.016*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.010*\"cathedr\" + 0.010*\"parish\" + 0.009*\"centuri\"\n", - "2019-01-31 01:08:12,141 : INFO : topic #2 (0.020): 0.053*\"isl\" + 0.037*\"shield\" + 0.017*\"narrat\" + 0.015*\"scot\" + 0.014*\"pope\" + 0.012*\"blur\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.010*\"bahá\" + 0.009*\"fleet\"\n", - "2019-01-31 01:08:12,147 : INFO : topic diff=0.004164, rho=0.025709\n", - "2019-01-31 01:08:12,303 : INFO : PROGRESS: pass 0, at document #3028000/4922894\n", - "2019-01-31 01:08:13,694 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:08:13,959 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"poet\" + 0.007*\"gener\" + 0.007*\"théori\" + 0.006*\"exampl\" + 0.006*\"southern\" + 0.006*\"measur\" + 0.006*\"differ\" + 0.006*\"utopian\"\n", - "2019-01-31 01:08:13,960 : INFO : topic #48 (0.020): 0.084*\"march\" + 0.079*\"octob\" + 0.077*\"sens\" + 0.072*\"januari\" + 0.070*\"notion\" + 0.070*\"juli\" + 0.068*\"decatur\" + 0.067*\"april\" + 0.067*\"judici\" + 0.067*\"august\"\n", - "2019-01-31 01:08:13,962 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:08:13,963 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"battalion\" + 0.010*\"aza\" + 0.009*\"forc\" + 0.008*\"empath\" + 0.007*\"armi\" + 0.007*\"teufel\" + 0.006*\"militari\" + 0.006*\"govern\" + 0.006*\"till\"\n", - "2019-01-31 01:08:13,964 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.013*\"will\" + 0.012*\"david\" + 0.011*\"jame\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.008*\"paul\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:08:13,970 : INFO : topic diff=0.004164, rho=0.025700\n", - "2019-01-31 01:08:14,123 : INFO : PROGRESS: pass 0, at document #3030000/4922894\n", - "2019-01-31 01:08:15,489 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:08:15,756 : INFO : topic #39 (0.020): 0.057*\"canada\" + 0.043*\"canadian\" + 0.024*\"hoar\" + 0.022*\"toronto\" + 0.019*\"ontario\" + 0.015*\"hydrogen\" + 0.015*\"new\" + 0.014*\"novotná\" + 0.014*\"misericordia\" + 0.013*\"quebec\"\n", - "2019-01-31 01:08:15,757 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.020*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.015*\"oper\" + 0.014*\"unionist\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:08:15,758 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.031*\"germani\" + 0.015*\"vol\" + 0.015*\"jewish\" + 0.015*\"berlin\" + 0.014*\"israel\" + 0.014*\"der\" + 0.011*\"european\" + 0.010*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:08:15,759 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:08:15,760 : INFO : topic #17 (0.020): 0.080*\"church\" + 0.022*\"bishop\" + 0.022*\"christian\" + 0.022*\"cathol\" + 0.016*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.010*\"parish\" + 0.010*\"cathedr\" + 0.009*\"centuri\"\n", - "2019-01-31 01:08:15,766 : INFO : topic diff=0.004628, rho=0.025692\n", - "2019-01-31 01:08:15,921 : INFO : PROGRESS: pass 0, at document #3032000/4922894\n", - "2019-01-31 01:08:17,289 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:08:17,556 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.033*\"perceptu\" + 0.018*\"theater\" + 0.018*\"place\" + 0.017*\"compos\" + 0.015*\"damn\" + 0.014*\"orchestr\" + 0.012*\"physician\" + 0.012*\"word\" + 0.012*\"olympo\"\n", - "2019-01-31 01:08:17,557 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.055*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.022*\"member\" + 0.017*\"polici\" + 0.015*\"republ\" + 0.014*\"bypass\" + 0.013*\"selma\" + 0.013*\"liber\"\n", - "2019-01-31 01:08:17,558 : INFO : topic #3 (0.020): 0.032*\"present\" + 0.026*\"offic\" + 0.024*\"nation\" + 0.024*\"minist\" + 0.022*\"govern\" + 0.021*\"member\" + 0.018*\"serv\" + 0.017*\"start\" + 0.016*\"gener\" + 0.014*\"council\"\n", - "2019-01-31 01:08:17,559 : INFO : topic #2 (0.020): 0.053*\"isl\" + 0.037*\"shield\" + 0.017*\"narrat\" + 0.015*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.010*\"bahá\" + 0.009*\"fleet\"\n", - "2019-01-31 01:08:17,560 : INFO : topic #33 (0.020): 0.060*\"french\" + 0.047*\"franc\" + 0.032*\"pari\" + 0.023*\"jean\" + 0.022*\"sail\" + 0.017*\"daphn\" + 0.013*\"loui\" + 0.013*\"lazi\" + 0.011*\"piec\" + 0.009*\"wine\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:08:17,566 : INFO : topic diff=0.002821, rho=0.025683\n", - "2019-01-31 01:08:17,728 : INFO : PROGRESS: pass 0, at document #3034000/4922894\n", - "2019-01-31 01:08:19,136 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:08:19,405 : INFO : topic #35 (0.020): 0.057*\"russia\" + 0.035*\"sovereignti\" + 0.034*\"rural\" + 0.025*\"poison\" + 0.025*\"personifi\" + 0.022*\"reprint\" + 0.021*\"moscow\" + 0.016*\"poland\" + 0.015*\"unfortun\" + 0.014*\"czech\"\n", - "2019-01-31 01:08:19,406 : INFO : topic #38 (0.020): 0.024*\"walter\" + 0.010*\"battalion\" + 0.009*\"aza\" + 0.009*\"forc\" + 0.008*\"empath\" + 0.007*\"armi\" + 0.007*\"teufel\" + 0.006*\"militari\" + 0.006*\"govern\" + 0.006*\"till\"\n", - "2019-01-31 01:08:19,407 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.010*\"form\" + 0.009*\"mean\" + 0.009*\"trade\" + 0.009*\"origin\" + 0.007*\"english\" + 0.007*\"known\" + 0.007*\"ancestor\"\n", - "2019-01-31 01:08:19,408 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.010*\"prognosi\" + 0.010*\"pop\" + 0.008*\"develop\" + 0.008*\"cytokin\" + 0.008*\"user\" + 0.008*\"uruguayan\" + 0.008*\"softwar\" + 0.008*\"includ\" + 0.007*\"base\"\n", - "2019-01-31 01:08:19,410 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.008*\"have\" + 0.008*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 01:08:19,415 : INFO : topic diff=0.005355, rho=0.025675\n", - "2019-01-31 01:08:19,567 : INFO : PROGRESS: pass 0, at document #3036000/4922894\n", - "2019-01-31 01:08:20,902 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:08:21,168 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"hormon\" + 0.007*\"have\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 01:08:21,169 : INFO : topic #24 (0.020): 0.037*\"book\" + 0.033*\"publicis\" + 0.028*\"word\" + 0.018*\"new\" + 0.015*\"arsen\" + 0.013*\"edit\" + 0.013*\"presid\" + 0.012*\"collect\" + 0.011*\"storag\" + 0.011*\"nicola\"\n", - "2019-01-31 01:08:21,171 : INFO : topic #27 (0.020): 0.071*\"questionnair\" + 0.020*\"candid\" + 0.018*\"taxpay\" + 0.015*\"ret\" + 0.012*\"tornado\" + 0.012*\"driver\" + 0.012*\"find\" + 0.011*\"fool\" + 0.011*\"squatter\" + 0.010*\"théori\"\n", - "2019-01-31 01:08:21,172 : INFO : topic #45 (0.020): 0.026*\"jpg\" + 0.026*\"fifteenth\" + 0.018*\"illicit\" + 0.017*\"colder\" + 0.016*\"pain\" + 0.014*\"western\" + 0.014*\"black\" + 0.011*\"record\" + 0.010*\"depress\" + 0.010*\"blind\"\n", - "2019-01-31 01:08:21,173 : INFO : topic #2 (0.020): 0.052*\"isl\" + 0.037*\"shield\" + 0.017*\"narrat\" + 0.015*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.010*\"bahá\" + 0.009*\"fleet\"\n", - "2019-01-31 01:08:21,179 : INFO : topic diff=0.004771, rho=0.025666\n", - "2019-01-31 01:08:21,334 : INFO : PROGRESS: pass 0, at document #3038000/4922894\n", - "2019-01-31 01:08:22,713 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:08:22,979 : INFO : topic #3 (0.020): 0.031*\"present\" + 0.026*\"offic\" + 0.024*\"nation\" + 0.023*\"minist\" + 0.022*\"serv\" + 0.022*\"govern\" + 0.020*\"member\" + 0.016*\"start\" + 0.016*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:08:22,980 : INFO : topic #27 (0.020): 0.071*\"questionnair\" + 0.020*\"candid\" + 0.018*\"taxpay\" + 0.015*\"ret\" + 0.012*\"tornado\" + 0.012*\"driver\" + 0.012*\"find\" + 0.011*\"fool\" + 0.011*\"squatter\" + 0.010*\"théori\"\n", - "2019-01-31 01:08:22,981 : INFO : topic #5 (0.020): 0.037*\"abroad\" + 0.028*\"son\" + 0.026*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:08:22,982 : INFO : topic #45 (0.020): 0.026*\"jpg\" + 0.025*\"fifteenth\" + 0.018*\"illicit\" + 0.017*\"colder\" + 0.016*\"pain\" + 0.014*\"western\" + 0.014*\"black\" + 0.011*\"record\" + 0.010*\"depress\" + 0.010*\"blind\"\n", - "2019-01-31 01:08:22,983 : INFO : topic #42 (0.020): 0.046*\"german\" + 0.031*\"germani\" + 0.015*\"jewish\" + 0.015*\"vol\" + 0.014*\"berlin\" + 0.014*\"israel\" + 0.013*\"der\" + 0.011*\"european\" + 0.010*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:08:22,989 : INFO : topic diff=0.003575, rho=0.025658\n", - "2019-01-31 01:08:25,738 : INFO : -11.663 per-word bound, 3243.6 perplexity estimate based on a held-out corpus of 2000 documents with 565012 words\n", - "2019-01-31 01:08:25,739 : INFO : PROGRESS: pass 0, at document #3040000/4922894\n", - "2019-01-31 01:08:27,108 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:08:27,375 : INFO : topic #45 (0.020): 0.027*\"jpg\" + 0.025*\"fifteenth\" + 0.018*\"illicit\" + 0.017*\"colder\" + 0.016*\"pain\" + 0.014*\"western\" + 0.014*\"black\" + 0.011*\"record\" + 0.010*\"depress\" + 0.010*\"blind\"\n", - "2019-01-31 01:08:27,376 : INFO : topic #39 (0.020): 0.057*\"canada\" + 0.043*\"canadian\" + 0.023*\"hoar\" + 0.023*\"toronto\" + 0.019*\"ontario\" + 0.015*\"hydrogen\" + 0.015*\"novotná\" + 0.014*\"new\" + 0.014*\"misericordia\" + 0.013*\"quebec\"\n", - "2019-01-31 01:08:27,377 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"wander\"\n", - "2019-01-31 01:08:27,378 : INFO : topic #5 (0.020): 0.037*\"abroad\" + 0.028*\"son\" + 0.026*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:08:27,379 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.007*\"poet\" + 0.007*\"théori\" + 0.006*\"exampl\" + 0.006*\"southern\" + 0.006*\"measur\" + 0.006*\"servitud\" + 0.006*\"differ\"\n", - "2019-01-31 01:08:27,385 : INFO : topic diff=0.003932, rho=0.025649\n", - "2019-01-31 01:08:27,536 : INFO : PROGRESS: pass 0, at document #3042000/4922894\n", - "2019-01-31 01:08:28,874 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:08:29,140 : INFO : topic #0 (0.020): 0.068*\"statewid\" + 0.042*\"line\" + 0.034*\"raid\" + 0.023*\"rosenwald\" + 0.021*\"traceabl\" + 0.020*\"serv\" + 0.017*\"museo\" + 0.014*\"oper\" + 0.012*\"arsen\" + 0.010*\"radiu\"\n", - "2019-01-31 01:08:29,141 : INFO : topic #5 (0.020): 0.037*\"abroad\" + 0.028*\"son\" + 0.026*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:08:29,143 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.008*\"word\" + 0.007*\"human\" + 0.006*\"summerhil\" + 0.006*\"woman\"\n", - "2019-01-31 01:08:29,144 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.007*\"poet\" + 0.007*\"théori\" + 0.006*\"exampl\" + 0.006*\"southern\" + 0.006*\"servitud\" + 0.006*\"measur\" + 0.006*\"utopian\"\n", - "2019-01-31 01:08:29,145 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.029*\"final\" + 0.023*\"wife\" + 0.021*\"tourist\" + 0.017*\"champion\" + 0.015*\"taxpay\" + 0.014*\"chamber\" + 0.014*\"tiepolo\" + 0.013*\"martin\" + 0.013*\"open\"\n", - "2019-01-31 01:08:29,151 : INFO : topic diff=0.005300, rho=0.025641\n", - "2019-01-31 01:08:29,311 : INFO : PROGRESS: pass 0, at document #3044000/4922894\n", - "2019-01-31 01:08:30,726 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:08:30,992 : INFO : topic #21 (0.020): 0.032*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.017*\"mexico\" + 0.017*\"italian\" + 0.012*\"soviet\" + 0.011*\"santa\" + 0.011*\"juan\" + 0.011*\"itali\" + 0.010*\"carlo\"\n", - "2019-01-31 01:08:30,993 : INFO : topic #6 (0.020): 0.072*\"fewer\" + 0.024*\"epiru\" + 0.021*\"septemb\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.013*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"direct\" + 0.011*\"acrimoni\" + 0.011*\"movi\"\n", - "2019-01-31 01:08:30,995 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.019*\"area\" + 0.018*\"lagrang\" + 0.016*\"warmth\" + 0.016*\"mount\" + 0.010*\"north\" + 0.009*\"palmer\" + 0.009*\"sourc\" + 0.009*\"vacant\" + 0.008*\"lobe\"\n", - "2019-01-31 01:08:30,996 : INFO : topic #41 (0.020): 0.042*\"citi\" + 0.023*\"palmer\" + 0.021*\"new\" + 0.015*\"strategist\" + 0.013*\"center\" + 0.013*\"open\" + 0.011*\"dai\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.009*\"yawn\"\n", - "2019-01-31 01:08:30,997 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.020*\"walter\" + 0.020*\"armi\" + 0.018*\"com\" + 0.015*\"oper\" + 0.014*\"unionist\" + 0.013*\"militari\" + 0.011*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:08:31,003 : INFO : topic diff=0.004402, rho=0.025633\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:08:31,158 : INFO : PROGRESS: pass 0, at document #3046000/4922894\n", - "2019-01-31 01:08:32,533 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:08:32,799 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.020*\"factor\" + 0.011*\"plaisir\" + 0.011*\"genu\" + 0.009*\"biom\" + 0.008*\"feel\" + 0.008*\"western\" + 0.008*\"male\" + 0.008*\"median\" + 0.007*\"incom\"\n", - "2019-01-31 01:08:32,800 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.023*\"schuster\" + 0.021*\"institut\" + 0.021*\"requir\" + 0.021*\"collector\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.012*\"http\" + 0.011*\"governor\"\n", - "2019-01-31 01:08:32,802 : INFO : topic #5 (0.020): 0.037*\"abroad\" + 0.028*\"son\" + 0.026*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:08:32,803 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.020*\"walter\" + 0.020*\"armi\" + 0.018*\"com\" + 0.015*\"oper\" + 0.014*\"unionist\" + 0.013*\"militari\" + 0.011*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:08:32,804 : INFO : topic #2 (0.020): 0.052*\"isl\" + 0.037*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.011*\"coalit\" + 0.010*\"bahá\" + 0.010*\"nativist\" + 0.009*\"fleet\"\n", - "2019-01-31 01:08:32,809 : INFO : topic diff=0.004820, rho=0.025624\n", - "2019-01-31 01:08:32,966 : INFO : PROGRESS: pass 0, at document #3048000/4922894\n", - "2019-01-31 01:08:34,354 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:08:34,621 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.033*\"perceptu\" + 0.018*\"theater\" + 0.017*\"compos\" + 0.017*\"place\" + 0.015*\"damn\" + 0.014*\"orchestr\" + 0.012*\"physician\" + 0.012*\"olympo\" + 0.012*\"word\"\n", - "2019-01-31 01:08:34,622 : INFO : topic #24 (0.020): 0.037*\"book\" + 0.033*\"publicis\" + 0.028*\"word\" + 0.018*\"new\" + 0.015*\"arsen\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.011*\"collect\" + 0.010*\"storag\" + 0.010*\"worldwid\"\n", - "2019-01-31 01:08:34,623 : INFO : topic #34 (0.020): 0.067*\"start\" + 0.034*\"new\" + 0.032*\"american\" + 0.029*\"unionist\" + 0.024*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.013*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:08:34,624 : INFO : topic #42 (0.020): 0.046*\"german\" + 0.031*\"germani\" + 0.015*\"vol\" + 0.015*\"jewish\" + 0.015*\"berlin\" + 0.014*\"israel\" + 0.013*\"der\" + 0.011*\"european\" + 0.010*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:08:34,625 : INFO : topic #6 (0.020): 0.072*\"fewer\" + 0.024*\"epiru\" + 0.021*\"septemb\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.013*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.011*\"acrimoni\"\n", - "2019-01-31 01:08:34,631 : INFO : topic diff=0.003406, rho=0.025616\n", - "2019-01-31 01:08:34,788 : INFO : PROGRESS: pass 0, at document #3050000/4922894\n", - "2019-01-31 01:08:36,178 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:08:36,445 : INFO : topic #46 (0.020): 0.017*\"sweden\" + 0.017*\"swedish\" + 0.016*\"stop\" + 0.015*\"norwai\" + 0.014*\"norwegian\" + 0.013*\"damag\" + 0.012*\"treeless\" + 0.012*\"wind\" + 0.011*\"denmark\" + 0.011*\"danish\"\n", - "2019-01-31 01:08:36,446 : INFO : topic #3 (0.020): 0.031*\"present\" + 0.026*\"offic\" + 0.023*\"nation\" + 0.023*\"minist\" + 0.022*\"govern\" + 0.021*\"serv\" + 0.020*\"member\" + 0.016*\"start\" + 0.016*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:08:36,447 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.019*\"area\" + 0.018*\"lagrang\" + 0.016*\"mount\" + 0.016*\"warmth\" + 0.010*\"north\" + 0.009*\"palmer\" + 0.009*\"sourc\" + 0.009*\"vacant\" + 0.008*\"lobe\"\n", - "2019-01-31 01:08:36,448 : INFO : topic #42 (0.020): 0.046*\"german\" + 0.031*\"germani\" + 0.015*\"vol\" + 0.015*\"jewish\" + 0.015*\"berlin\" + 0.014*\"israel\" + 0.013*\"der\" + 0.011*\"european\" + 0.010*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:08:36,449 : INFO : topic #30 (0.020): 0.037*\"leagu\" + 0.036*\"cleveland\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:08:36,455 : INFO : topic diff=0.003313, rho=0.025607\n", - "2019-01-31 01:08:36,614 : INFO : PROGRESS: pass 0, at document #3052000/4922894\n", - "2019-01-31 01:08:38,012 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:08:38,279 : INFO : topic #23 (0.020): 0.134*\"audit\" + 0.069*\"best\" + 0.034*\"yawn\" + 0.029*\"jacksonvil\" + 0.022*\"japanes\" + 0.021*\"noll\" + 0.021*\"festiv\" + 0.019*\"women\" + 0.016*\"intern\" + 0.013*\"prison\"\n", - "2019-01-31 01:08:38,280 : INFO : topic #16 (0.020): 0.055*\"king\" + 0.033*\"priest\" + 0.023*\"duke\" + 0.019*\"idiosyncrat\" + 0.018*\"quarterli\" + 0.017*\"rotterdam\" + 0.017*\"grammat\" + 0.013*\"princ\" + 0.013*\"count\" + 0.012*\"portugues\"\n", - "2019-01-31 01:08:38,281 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.019*\"area\" + 0.018*\"lagrang\" + 0.016*\"mount\" + 0.016*\"warmth\" + 0.010*\"north\" + 0.009*\"palmer\" + 0.009*\"sourc\" + 0.008*\"vacant\" + 0.008*\"lobe\"\n", - "2019-01-31 01:08:38,282 : INFO : topic #5 (0.020): 0.037*\"abroad\" + 0.028*\"son\" + 0.026*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:08:38,283 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.007*\"poet\" + 0.007*\"théori\" + 0.007*\"exampl\" + 0.006*\"southern\" + 0.006*\"measur\" + 0.005*\"servitud\" + 0.005*\"differ\"\n", - "2019-01-31 01:08:38,289 : INFO : topic diff=0.003767, rho=0.025599\n", - "2019-01-31 01:08:38,453 : INFO : PROGRESS: pass 0, at document #3054000/4922894\n", - "2019-01-31 01:08:39,833 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:08:40,102 : INFO : topic #35 (0.020): 0.057*\"russia\" + 0.036*\"sovereignti\" + 0.034*\"rural\" + 0.025*\"personifi\" + 0.024*\"poison\" + 0.023*\"reprint\" + 0.021*\"moscow\" + 0.016*\"poland\" + 0.015*\"unfortun\" + 0.015*\"czech\"\n", - "2019-01-31 01:08:40,103 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"ancestor\" + 0.007*\"known\"\n", - "2019-01-31 01:08:40,104 : INFO : topic #20 (0.020): 0.150*\"scholar\" + 0.039*\"struggl\" + 0.038*\"high\" + 0.029*\"educ\" + 0.024*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"gothic\" + 0.010*\"task\" + 0.010*\"class\"\n", - "2019-01-31 01:08:40,105 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.029*\"final\" + 0.023*\"wife\" + 0.022*\"tourist\" + 0.018*\"champion\" + 0.015*\"chamber\" + 0.014*\"taxpay\" + 0.014*\"tiepolo\" + 0.013*\"martin\" + 0.013*\"women\"\n", - "2019-01-31 01:08:40,106 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.020*\"factor\" + 0.011*\"plaisir\" + 0.011*\"genu\" + 0.009*\"feel\" + 0.009*\"male\" + 0.009*\"median\" + 0.009*\"biom\" + 0.008*\"western\" + 0.008*\"incom\"\n", - "2019-01-31 01:08:40,112 : INFO : topic diff=0.003038, rho=0.025591\n", - "2019-01-31 01:08:40,268 : INFO : PROGRESS: pass 0, at document #3056000/4922894\n", - "2019-01-31 01:08:41,640 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:08:41,906 : INFO : topic #30 (0.020): 0.037*\"leagu\" + 0.036*\"cleveland\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:08:41,907 : INFO : topic #5 (0.020): 0.037*\"abroad\" + 0.028*\"son\" + 0.026*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:08:41,908 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.029*\"final\" + 0.024*\"wife\" + 0.021*\"tourist\" + 0.018*\"champion\" + 0.015*\"chamber\" + 0.014*\"taxpay\" + 0.014*\"tiepolo\" + 0.013*\"martin\" + 0.013*\"women\"\n", - "2019-01-31 01:08:41,909 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.020*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.015*\"oper\" + 0.014*\"unionist\" + 0.013*\"militari\" + 0.011*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:08:41,910 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.047*\"chilton\" + 0.025*\"hong\" + 0.024*\"kong\" + 0.022*\"korea\" + 0.020*\"korean\" + 0.017*\"sourc\" + 0.015*\"leah\" + 0.014*\"kim\" + 0.013*\"shirin\"\n", - "2019-01-31 01:08:41,916 : INFO : topic diff=0.004023, rho=0.025582\n", - "2019-01-31 01:08:42,071 : INFO : PROGRESS: pass 0, at document #3058000/4922894\n", - "2019-01-31 01:08:43,431 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:08:43,697 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.032*\"perceptu\" + 0.018*\"theater\" + 0.018*\"compos\" + 0.018*\"place\" + 0.015*\"orchestr\" + 0.015*\"damn\" + 0.012*\"physician\" + 0.012*\"olympo\" + 0.012*\"word\"\n", - "2019-01-31 01:08:43,698 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.012*\"aza\" + 0.009*\"battalion\" + 0.009*\"teufel\" + 0.009*\"forc\" + 0.007*\"till\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.006*\"militari\" + 0.006*\"govern\"\n", - "2019-01-31 01:08:43,700 : INFO : topic #19 (0.020): 0.018*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"ancestor\"\n", - "2019-01-31 01:08:43,701 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.008*\"word\" + 0.007*\"human\" + 0.006*\"summerhil\" + 0.006*\"woman\"\n", - "2019-01-31 01:08:43,702 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.023*\"schuster\" + 0.021*\"requir\" + 0.021*\"institut\" + 0.021*\"collector\" + 0.019*\"student\" + 0.015*\"professor\" + 0.012*\"word\" + 0.011*\"http\" + 0.011*\"governor\"\n", - "2019-01-31 01:08:43,707 : INFO : topic diff=0.003612, rho=0.025574\n", - "2019-01-31 01:08:46,497 : INFO : -12.020 per-word bound, 4154.6 perplexity estimate based on a held-out corpus of 2000 documents with 579488 words\n", - "2019-01-31 01:08:46,497 : INFO : PROGRESS: pass 0, at document #3060000/4922894\n", - "2019-01-31 01:08:47,921 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:08:48,187 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.032*\"perceptu\" + 0.019*\"theater\" + 0.018*\"place\" + 0.018*\"compos\" + 0.015*\"orchestr\" + 0.014*\"damn\" + 0.012*\"olympo\" + 0.012*\"physician\" + 0.012*\"word\"\n", - "2019-01-31 01:08:48,188 : INFO : topic #26 (0.020): 0.031*\"workplac\" + 0.028*\"champion\" + 0.028*\"woman\" + 0.025*\"olymp\" + 0.024*\"men\" + 0.022*\"medal\" + 0.020*\"event\" + 0.018*\"atheist\" + 0.018*\"rainfal\" + 0.017*\"taxpay\"\n", - "2019-01-31 01:08:48,189 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.023*\"schuster\" + 0.021*\"requir\" + 0.021*\"institut\" + 0.021*\"collector\" + 0.019*\"student\" + 0.015*\"professor\" + 0.012*\"word\" + 0.012*\"http\" + 0.011*\"governor\"\n", - "2019-01-31 01:08:48,190 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.030*\"final\" + 0.023*\"wife\" + 0.021*\"tourist\" + 0.018*\"champion\" + 0.015*\"chamber\" + 0.014*\"taxpay\" + 0.014*\"tiepolo\" + 0.013*\"martin\" + 0.013*\"open\"\n", - "2019-01-31 01:08:48,191 : INFO : topic #19 (0.020): 0.018*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"modern\"\n", - "2019-01-31 01:08:48,197 : INFO : topic diff=0.003568, rho=0.025565\n", - "2019-01-31 01:08:48,352 : INFO : PROGRESS: pass 0, at document #3062000/4922894\n", - "2019-01-31 01:08:49,732 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:08:49,997 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.030*\"final\" + 0.023*\"wife\" + 0.021*\"tourist\" + 0.018*\"champion\" + 0.015*\"chamber\" + 0.014*\"tiepolo\" + 0.014*\"taxpay\" + 0.013*\"martin\" + 0.013*\"women\"\n", - "2019-01-31 01:08:49,998 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.023*\"cortic\" + 0.019*\"start\" + 0.016*\"act\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.010*\"polaris\" + 0.009*\"legal\" + 0.007*\"justic\"\n", - "2019-01-31 01:08:50,000 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"pour\" + 0.015*\"depress\" + 0.010*\"mode\" + 0.008*\"elabor\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.006*\"produc\" + 0.006*\"encyclopedia\" + 0.006*\"spectacl\"\n", - "2019-01-31 01:08:50,001 : INFO : topic #16 (0.020): 0.055*\"king\" + 0.033*\"priest\" + 0.022*\"duke\" + 0.018*\"idiosyncrat\" + 0.018*\"quarterli\" + 0.017*\"grammat\" + 0.017*\"rotterdam\" + 0.013*\"princ\" + 0.013*\"brazil\" + 0.013*\"count\"\n", - "2019-01-31 01:08:50,001 : INFO : topic #33 (0.020): 0.059*\"french\" + 0.047*\"franc\" + 0.032*\"pari\" + 0.027*\"sail\" + 0.023*\"jean\" + 0.018*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:08:50,007 : INFO : topic diff=0.003337, rho=0.025557\n", - "2019-01-31 01:08:50,166 : INFO : PROGRESS: pass 0, at document #3064000/4922894\n", - "2019-01-31 01:08:51,568 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:08:51,834 : INFO : topic #49 (0.020): 0.046*\"india\" + 0.029*\"incumb\" + 0.014*\"pakistan\" + 0.013*\"islam\" + 0.012*\"anglo\" + 0.012*\"muskoge\" + 0.011*\"alam\" + 0.011*\"affection\" + 0.011*\"televis\" + 0.010*\"khalsa\"\n", - "2019-01-31 01:08:51,835 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.007*\"poet\" + 0.006*\"théori\" + 0.006*\"exampl\" + 0.006*\"southern\" + 0.005*\"utopian\" + 0.005*\"differ\" + 0.005*\"servitud\"\n", - "2019-01-31 01:08:51,836 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.024*\"palmer\" + 0.021*\"new\" + 0.015*\"strategist\" + 0.014*\"center\" + 0.013*\"open\" + 0.011*\"dai\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.009*\"highli\"\n", - "2019-01-31 01:08:51,837 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.019*\"area\" + 0.018*\"lagrang\" + 0.016*\"warmth\" + 0.016*\"mount\" + 0.010*\"north\" + 0.009*\"palmer\" + 0.009*\"sourc\" + 0.008*\"vacant\" + 0.008*\"lobe\"\n", - "2019-01-31 01:08:51,838 : INFO : topic #42 (0.020): 0.046*\"german\" + 0.031*\"germani\" + 0.015*\"vol\" + 0.015*\"jewish\" + 0.015*\"berlin\" + 0.014*\"israel\" + 0.013*\"der\" + 0.011*\"european\" + 0.010*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:08:51,844 : INFO : topic diff=0.004235, rho=0.025549\n", - "2019-01-31 01:08:52,004 : INFO : PROGRESS: pass 0, at document #3066000/4922894\n", - "2019-01-31 01:08:53,405 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:08:53,675 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.036*\"cleveland\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.024*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.013*\"schmitz\"\n", - "2019-01-31 01:08:53,676 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.026*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:08:53,677 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.030*\"final\" + 0.024*\"wife\" + 0.021*\"tourist\" + 0.018*\"champion\" + 0.015*\"chamber\" + 0.014*\"taxpay\" + 0.014*\"tiepolo\" + 0.013*\"martin\" + 0.013*\"open\"\n", - "2019-01-31 01:08:53,678 : INFO : topic #34 (0.020): 0.068*\"start\" + 0.034*\"new\" + 0.032*\"american\" + 0.030*\"unionist\" + 0.025*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.013*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:08:53,679 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.020*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.015*\"oper\" + 0.014*\"unionist\" + 0.013*\"militari\" + 0.011*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:08:53,685 : INFO : topic diff=0.004608, rho=0.025540\n", - "2019-01-31 01:08:53,837 : INFO : PROGRESS: pass 0, at document #3068000/4922894\n", - "2019-01-31 01:08:55,188 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:08:55,454 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.023*\"schuster\" + 0.021*\"requir\" + 0.021*\"institut\" + 0.021*\"collector\" + 0.019*\"student\" + 0.015*\"professor\" + 0.012*\"word\" + 0.011*\"http\" + 0.011*\"governor\"\n", - "2019-01-31 01:08:55,455 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.010*\"mode\" + 0.008*\"elabor\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.006*\"produc\" + 0.006*\"encyclopedia\" + 0.006*\"spectacl\"\n", - "2019-01-31 01:08:55,456 : INFO : topic #2 (0.020): 0.053*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.011*\"coalit\" + 0.009*\"bahá\" + 0.009*\"fleet\"\n", - "2019-01-31 01:08:55,457 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.019*\"area\" + 0.018*\"lagrang\" + 0.016*\"warmth\" + 0.016*\"mount\" + 0.010*\"north\" + 0.009*\"palmer\" + 0.009*\"sourc\" + 0.009*\"vacant\" + 0.008*\"lobe\"\n", - "2019-01-31 01:08:55,458 : INFO : topic #19 (0.020): 0.018*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.010*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"modern\"\n", - "2019-01-31 01:08:55,464 : INFO : topic diff=0.004271, rho=0.025532\n", - "2019-01-31 01:08:55,678 : INFO : PROGRESS: pass 0, at document #3070000/4922894\n", - "2019-01-31 01:08:57,087 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:08:57,354 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.030*\"final\" + 0.024*\"wife\" + 0.021*\"tourist\" + 0.018*\"champion\" + 0.015*\"chamber\" + 0.014*\"tiepolo\" + 0.014*\"taxpay\" + 0.013*\"martin\" + 0.013*\"women\"\n", - "2019-01-31 01:08:57,355 : INFO : topic #43 (0.020): 0.065*\"elect\" + 0.054*\"parti\" + 0.025*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.016*\"republ\" + 0.014*\"bypass\" + 0.014*\"selma\" + 0.013*\"seaport\"\n", - "2019-01-31 01:08:57,356 : INFO : topic #48 (0.020): 0.081*\"march\" + 0.078*\"octob\" + 0.075*\"sens\" + 0.071*\"januari\" + 0.069*\"notion\" + 0.069*\"juli\" + 0.067*\"august\" + 0.066*\"decatur\" + 0.066*\"judici\" + 0.066*\"april\"\n", - "2019-01-31 01:08:57,357 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.007*\"poet\" + 0.006*\"théori\" + 0.006*\"exampl\" + 0.006*\"southern\" + 0.006*\"utopian\" + 0.005*\"differ\" + 0.005*\"measur\"\n", - "2019-01-31 01:08:57,358 : INFO : topic #35 (0.020): 0.055*\"russia\" + 0.035*\"sovereignti\" + 0.034*\"rural\" + 0.026*\"personifi\" + 0.024*\"reprint\" + 0.023*\"poison\" + 0.020*\"moscow\" + 0.016*\"poland\" + 0.015*\"unfortun\" + 0.014*\"czech\"\n", - "2019-01-31 01:08:57,363 : INFO : topic diff=0.003679, rho=0.025524\n", - "2019-01-31 01:08:57,518 : INFO : PROGRESS: pass 0, at document #3072000/4922894\n", - "2019-01-31 01:08:58,891 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:08:59,158 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.026*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:08:59,159 : INFO : topic #48 (0.020): 0.080*\"march\" + 0.077*\"octob\" + 0.075*\"sens\" + 0.071*\"januari\" + 0.069*\"notion\" + 0.068*\"juli\" + 0.066*\"decatur\" + 0.066*\"august\" + 0.065*\"april\" + 0.065*\"judici\"\n", - "2019-01-31 01:08:59,161 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.023*\"cortic\" + 0.019*\"start\" + 0.016*\"act\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.009*\"legal\" + 0.007*\"justic\"\n", - "2019-01-31 01:08:59,162 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.010*\"commun\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.008*\"word\" + 0.008*\"human\" + 0.007*\"woman\" + 0.006*\"workplac\"\n", - "2019-01-31 01:08:59,163 : INFO : topic #34 (0.020): 0.068*\"start\" + 0.034*\"new\" + 0.032*\"american\" + 0.029*\"unionist\" + 0.025*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:08:59,168 : INFO : topic diff=0.004168, rho=0.025516\n", - "2019-01-31 01:08:59,324 : INFO : PROGRESS: pass 0, at document #3074000/4922894\n", - "2019-01-31 01:09:00,713 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:09:00,979 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.009*\"media\" + 0.008*\"disco\" + 0.008*\"hormon\" + 0.008*\"have\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 01:09:00,980 : INFO : topic #9 (0.020): 0.070*\"bone\" + 0.047*\"american\" + 0.031*\"valour\" + 0.020*\"dutch\" + 0.019*\"folei\" + 0.019*\"player\" + 0.017*\"polit\" + 0.017*\"english\" + 0.013*\"simpler\" + 0.011*\"acrimoni\"\n", - "2019-01-31 01:09:00,981 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.020*\"factor\" + 0.011*\"plaisir\" + 0.010*\"genu\" + 0.009*\"western\" + 0.009*\"median\" + 0.008*\"male\" + 0.008*\"feel\" + 0.008*\"biom\" + 0.008*\"incom\"\n", - "2019-01-31 01:09:00,982 : INFO : topic #48 (0.020): 0.080*\"march\" + 0.077*\"octob\" + 0.075*\"sens\" + 0.071*\"januari\" + 0.069*\"notion\" + 0.068*\"juli\" + 0.066*\"decatur\" + 0.066*\"august\" + 0.066*\"april\" + 0.065*\"judici\"\n", - "2019-01-31 01:09:00,983 : INFO : topic #35 (0.020): 0.055*\"russia\" + 0.035*\"sovereignti\" + 0.035*\"rural\" + 0.027*\"personifi\" + 0.024*\"reprint\" + 0.023*\"poison\" + 0.021*\"moscow\" + 0.016*\"poland\" + 0.015*\"unfortun\" + 0.014*\"czech\"\n", - "2019-01-31 01:09:00,989 : INFO : topic diff=0.004360, rho=0.025507\n", - "2019-01-31 01:09:01,151 : INFO : PROGRESS: pass 0, at document #3076000/4922894\n", - "2019-01-31 01:09:02,533 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:09:02,802 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.020*\"walter\" + 0.020*\"armi\" + 0.018*\"com\" + 0.014*\"oper\" + 0.014*\"unionist\" + 0.013*\"militari\" + 0.011*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:09:02,803 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.013*\"will\" + 0.011*\"david\" + 0.011*\"jame\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"paul\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:09:02,804 : INFO : topic #39 (0.020): 0.057*\"canada\" + 0.043*\"canadian\" + 0.024*\"toronto\" + 0.023*\"hoar\" + 0.019*\"ontario\" + 0.015*\"hydrogen\" + 0.015*\"novotná\" + 0.014*\"new\" + 0.014*\"misericordia\" + 0.014*\"quebec\"\n", - "2019-01-31 01:09:02,805 : INFO : topic #16 (0.020): 0.056*\"king\" + 0.032*\"priest\" + 0.023*\"duke\" + 0.019*\"idiosyncrat\" + 0.018*\"grammat\" + 0.018*\"quarterli\" + 0.018*\"rotterdam\" + 0.013*\"princ\" + 0.013*\"count\" + 0.012*\"brazil\"\n", - "2019-01-31 01:09:02,806 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.020*\"factor\" + 0.011*\"plaisir\" + 0.010*\"genu\" + 0.009*\"western\" + 0.009*\"feel\" + 0.009*\"median\" + 0.008*\"male\" + 0.008*\"biom\" + 0.008*\"incom\"\n", - "2019-01-31 01:09:02,812 : INFO : topic diff=0.003791, rho=0.025499\n", - "2019-01-31 01:09:02,968 : INFO : PROGRESS: pass 0, at document #3078000/4922894\n", - "2019-01-31 01:09:04,344 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:09:04,611 : INFO : topic #28 (0.020): 0.033*\"build\" + 0.026*\"hous\" + 0.018*\"buford\" + 0.017*\"rivièr\" + 0.014*\"histor\" + 0.011*\"constitut\" + 0.011*\"briarwood\" + 0.011*\"depress\" + 0.011*\"linear\" + 0.010*\"silicon\"\n", - "2019-01-31 01:09:04,612 : INFO : topic #6 (0.020): 0.072*\"fewer\" + 0.024*\"epiru\" + 0.021*\"septemb\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.013*\"proclaim\" + 0.013*\"rodríguez\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.011*\"acrimoni\"\n", - "2019-01-31 01:09:04,613 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.026*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:09:04,614 : INFO : topic #23 (0.020): 0.137*\"audit\" + 0.069*\"best\" + 0.034*\"yawn\" + 0.028*\"jacksonvil\" + 0.022*\"japanes\" + 0.021*\"festiv\" + 0.021*\"noll\" + 0.019*\"women\" + 0.016*\"intern\" + 0.013*\"prison\"\n", - "2019-01-31 01:09:04,615 : INFO : topic #46 (0.020): 0.018*\"sweden\" + 0.017*\"swedish\" + 0.016*\"stop\" + 0.016*\"norwai\" + 0.014*\"norwegian\" + 0.013*\"wind\" + 0.012*\"treeless\" + 0.012*\"damag\" + 0.011*\"denmark\" + 0.011*\"huntsvil\"\n", - "2019-01-31 01:09:04,621 : INFO : topic diff=0.003783, rho=0.025491\n", - "2019-01-31 01:09:07,312 : INFO : -11.967 per-word bound, 4003.4 perplexity estimate based on a held-out corpus of 2000 documents with 561897 words\n", - "2019-01-31 01:09:07,312 : INFO : PROGRESS: pass 0, at document #3080000/4922894\n", - "2019-01-31 01:09:08,685 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:09:08,951 : INFO : topic #21 (0.020): 0.033*\"samford\" + 0.021*\"spain\" + 0.018*\"del\" + 0.016*\"italian\" + 0.016*\"mexico\" + 0.012*\"soviet\" + 0.011*\"juan\" + 0.011*\"santa\" + 0.011*\"itali\" + 0.010*\"francisco\"\n", - "2019-01-31 01:09:08,952 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.054*\"parti\" + 0.025*\"voluntari\" + 0.023*\"democrat\" + 0.021*\"member\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.014*\"bypass\" + 0.013*\"selma\" + 0.013*\"seaport\"\n", - "2019-01-31 01:09:08,953 : INFO : topic #34 (0.020): 0.068*\"start\" + 0.034*\"new\" + 0.032*\"american\" + 0.030*\"unionist\" + 0.025*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.013*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:09:08,954 : INFO : topic #13 (0.020): 0.027*\"london\" + 0.027*\"new\" + 0.026*\"australia\" + 0.026*\"sourc\" + 0.023*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:09:08,955 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.036*\"cleveland\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.024*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:09:08,961 : INFO : topic diff=0.004487, rho=0.025482\n", - "2019-01-31 01:09:09,115 : INFO : PROGRESS: pass 0, at document #3082000/4922894\n", - "2019-01-31 01:09:10,473 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:09:10,740 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.036*\"cleveland\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.024*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:09:10,741 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"théori\" + 0.007*\"gener\" + 0.007*\"poet\" + 0.006*\"exampl\" + 0.006*\"southern\" + 0.006*\"utopian\" + 0.005*\"differ\" + 0.005*\"method\"\n", - "2019-01-31 01:09:10,742 : INFO : topic #44 (0.020): 0.032*\"rooftop\" + 0.030*\"final\" + 0.024*\"wife\" + 0.021*\"tourist\" + 0.018*\"champion\" + 0.014*\"chamber\" + 0.014*\"tiepolo\" + 0.014*\"taxpay\" + 0.014*\"martin\" + 0.013*\"winner\"\n", - "2019-01-31 01:09:10,743 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.012*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.008*\"teufel\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.007*\"till\" + 0.007*\"govern\" + 0.006*\"militari\"\n", - "2019-01-31 01:09:10,744 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.019*\"area\" + 0.017*\"lagrang\" + 0.017*\"mount\" + 0.016*\"warmth\" + 0.010*\"north\" + 0.009*\"palmer\" + 0.009*\"sourc\" + 0.009*\"foam\" + 0.008*\"vacant\"\n", - "2019-01-31 01:09:10,750 : INFO : topic diff=0.004358, rho=0.025474\n", - "2019-01-31 01:09:10,905 : INFO : PROGRESS: pass 0, at document #3084000/4922894\n", - "2019-01-31 01:09:12,282 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:09:12,549 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.043*\"line\" + 0.034*\"raid\" + 0.025*\"rosenwald\" + 0.021*\"traceabl\" + 0.020*\"serv\" + 0.015*\"museo\" + 0.014*\"oper\" + 0.010*\"radiu\" + 0.010*\"brook\"\n", - "2019-01-31 01:09:12,550 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.011*\"septemb\" + 0.010*\"man\" + 0.009*\"anim\" + 0.007*\"appear\" + 0.007*\"comic\" + 0.006*\"workplac\" + 0.006*\"love\" + 0.006*\"dixi\" + 0.006*\"fusiform\"\n", - "2019-01-31 01:09:12,551 : INFO : topic #26 (0.020): 0.031*\"workplac\" + 0.029*\"champion\" + 0.028*\"woman\" + 0.026*\"olymp\" + 0.024*\"men\" + 0.022*\"medal\" + 0.020*\"event\" + 0.019*\"atheist\" + 0.018*\"rainfal\" + 0.017*\"taxpay\"\n", - "2019-01-31 01:09:12,552 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.026*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 01:09:12,553 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.033*\"publicis\" + 0.027*\"word\" + 0.018*\"new\" + 0.015*\"arsen\" + 0.013*\"edit\" + 0.013*\"presid\" + 0.011*\"collect\" + 0.010*\"author\" + 0.010*\"worldwid\"\n", - "2019-01-31 01:09:12,559 : INFO : topic diff=0.004597, rho=0.025466\n", - "2019-01-31 01:09:12,717 : INFO : PROGRESS: pass 0, at document #3086000/4922894\n", - "2019-01-31 01:09:14,105 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:09:14,371 : INFO : topic #34 (0.020): 0.068*\"start\" + 0.034*\"new\" + 0.032*\"american\" + 0.029*\"unionist\" + 0.024*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.014*\"warrior\" + 0.013*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:09:14,372 : INFO : topic #26 (0.020): 0.031*\"workplac\" + 0.029*\"champion\" + 0.029*\"woman\" + 0.026*\"olymp\" + 0.024*\"men\" + 0.022*\"medal\" + 0.020*\"event\" + 0.019*\"atheist\" + 0.018*\"rainfal\" + 0.017*\"alic\"\n", - "2019-01-31 01:09:14,373 : INFO : topic #21 (0.020): 0.033*\"samford\" + 0.021*\"spain\" + 0.018*\"del\" + 0.016*\"mexico\" + 0.016*\"italian\" + 0.013*\"soviet\" + 0.011*\"juan\" + 0.011*\"santa\" + 0.011*\"francisco\" + 0.010*\"itali\"\n", - "2019-01-31 01:09:14,374 : INFO : topic #49 (0.020): 0.046*\"india\" + 0.031*\"incumb\" + 0.013*\"pakistan\" + 0.013*\"islam\" + 0.012*\"anglo\" + 0.011*\"televis\" + 0.011*\"muskoge\" + 0.011*\"alam\" + 0.011*\"affection\" + 0.010*\"tajikistan\"\n", - "2019-01-31 01:09:14,375 : INFO : topic #29 (0.020): 0.029*\"companhia\" + 0.012*\"busi\" + 0.012*\"bank\" + 0.012*\"million\" + 0.012*\"market\" + 0.011*\"produc\" + 0.010*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 01:09:14,380 : INFO : topic diff=0.003159, rho=0.025458\n", - "2019-01-31 01:09:14,539 : INFO : PROGRESS: pass 0, at document #3088000/4922894\n", - "2019-01-31 01:09:15,937 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:09:16,203 : INFO : topic #20 (0.020): 0.150*\"scholar\" + 0.039*\"struggl\" + 0.037*\"high\" + 0.029*\"educ\" + 0.024*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.009*\"task\" + 0.009*\"class\" + 0.009*\"gothic\"\n", - "2019-01-31 01:09:16,205 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.010*\"prognosi\" + 0.010*\"pop\" + 0.009*\"cytokin\" + 0.008*\"develop\" + 0.008*\"uruguayan\" + 0.008*\"user\" + 0.007*\"includ\" + 0.007*\"championship\" + 0.007*\"softwar\"\n", - "2019-01-31 01:09:16,205 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.071*\"best\" + 0.034*\"yawn\" + 0.028*\"jacksonvil\" + 0.022*\"japanes\" + 0.021*\"festiv\" + 0.021*\"noll\" + 0.019*\"women\" + 0.016*\"intern\" + 0.013*\"prison\"\n", - "2019-01-31 01:09:16,206 : INFO : topic #28 (0.020): 0.033*\"build\" + 0.026*\"hous\" + 0.018*\"rivièr\" + 0.018*\"buford\" + 0.014*\"histor\" + 0.011*\"constitut\" + 0.011*\"briarwood\" + 0.011*\"depress\" + 0.011*\"linear\" + 0.010*\"strategist\"\n", - "2019-01-31 01:09:16,207 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:09:16,213 : INFO : topic diff=0.004542, rho=0.025449\n", - "2019-01-31 01:09:16,374 : INFO : PROGRESS: pass 0, at document #3090000/4922894\n", - "2019-01-31 01:09:17,741 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:09:18,010 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.007*\"ancestor\"\n", - "2019-01-31 01:09:18,011 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"poet\" + 0.007*\"gener\" + 0.007*\"théori\" + 0.006*\"exampl\" + 0.006*\"utopian\" + 0.006*\"method\" + 0.006*\"southern\" + 0.005*\"differ\"\n", - "2019-01-31 01:09:18,012 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.012*\"faster\" + 0.012*\"life\" + 0.012*\"deal\" + 0.012*\"daughter\"\n", - "2019-01-31 01:09:18,013 : INFO : topic #28 (0.020): 0.033*\"build\" + 0.026*\"hous\" + 0.018*\"rivièr\" + 0.018*\"buford\" + 0.014*\"histor\" + 0.012*\"briarwood\" + 0.011*\"constitut\" + 0.011*\"depress\" + 0.011*\"linear\" + 0.010*\"silicon\"\n", - "2019-01-31 01:09:18,014 : INFO : topic #31 (0.020): 0.054*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.012*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:09:18,020 : INFO : topic diff=0.004041, rho=0.025441\n", - "2019-01-31 01:09:18,173 : INFO : PROGRESS: pass 0, at document #3092000/4922894\n", - "2019-01-31 01:09:19,535 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:09:19,801 : INFO : topic #16 (0.020): 0.057*\"king\" + 0.032*\"priest\" + 0.021*\"duke\" + 0.019*\"idiosyncrat\" + 0.018*\"grammat\" + 0.018*\"quarterli\" + 0.018*\"rotterdam\" + 0.013*\"count\" + 0.012*\"princ\" + 0.012*\"brazil\"\n", - "2019-01-31 01:09:19,802 : INFO : topic #35 (0.020): 0.056*\"russia\" + 0.038*\"sovereignti\" + 0.035*\"rural\" + 0.026*\"personifi\" + 0.024*\"reprint\" + 0.022*\"poison\" + 0.021*\"moscow\" + 0.016*\"unfortun\" + 0.016*\"poland\" + 0.014*\"czech\"\n", - "2019-01-31 01:09:19,804 : INFO : topic #33 (0.020): 0.058*\"french\" + 0.047*\"franc\" + 0.034*\"pari\" + 0.027*\"sail\" + 0.022*\"jean\" + 0.018*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:09:19,805 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"poet\" + 0.007*\"gener\" + 0.007*\"théori\" + 0.006*\"exampl\" + 0.006*\"utopian\" + 0.006*\"method\" + 0.005*\"southern\" + 0.005*\"differ\"\n", - "2019-01-31 01:09:19,806 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.071*\"best\" + 0.034*\"yawn\" + 0.028*\"jacksonvil\" + 0.022*\"japanes\" + 0.021*\"festiv\" + 0.021*\"noll\" + 0.019*\"women\" + 0.016*\"intern\" + 0.013*\"prison\"\n", - "2019-01-31 01:09:19,812 : INFO : topic diff=0.003703, rho=0.025433\n", - "2019-01-31 01:09:19,965 : INFO : PROGRESS: pass 0, at document #3094000/4922894\n", - "2019-01-31 01:09:21,325 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:09:21,592 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.056*\"parti\" + 0.025*\"voluntari\" + 0.022*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.016*\"republ\" + 0.014*\"selma\" + 0.014*\"bypass\" + 0.013*\"seaport\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:09:21,593 : INFO : topic #9 (0.020): 0.071*\"bone\" + 0.048*\"american\" + 0.030*\"valour\" + 0.020*\"folei\" + 0.019*\"player\" + 0.019*\"dutch\" + 0.017*\"polit\" + 0.016*\"english\" + 0.013*\"simpler\" + 0.012*\"acrimoni\"\n", - "2019-01-31 01:09:21,594 : INFO : topic #2 (0.020): 0.052*\"isl\" + 0.037*\"shield\" + 0.017*\"narrat\" + 0.015*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.011*\"coalit\" + 0.011*\"nativist\" + 0.009*\"class\" + 0.009*\"bahá\"\n", - "2019-01-31 01:09:21,595 : INFO : topic #45 (0.020): 0.027*\"jpg\" + 0.026*\"fifteenth\" + 0.018*\"illicit\" + 0.017*\"pain\" + 0.017*\"colder\" + 0.014*\"black\" + 0.013*\"western\" + 0.011*\"arsen\" + 0.011*\"record\" + 0.010*\"depress\"\n", - "2019-01-31 01:09:21,596 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.012*\"faster\" + 0.012*\"life\" + 0.012*\"deal\" + 0.012*\"daughter\"\n", - "2019-01-31 01:09:21,602 : INFO : topic diff=0.003716, rho=0.025425\n", - "2019-01-31 01:09:21,758 : INFO : PROGRESS: pass 0, at document #3096000/4922894\n", - "2019-01-31 01:09:23,144 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:09:23,410 : INFO : topic #9 (0.020): 0.070*\"bone\" + 0.048*\"american\" + 0.030*\"valour\" + 0.020*\"folei\" + 0.019*\"player\" + 0.019*\"dutch\" + 0.017*\"polit\" + 0.016*\"english\" + 0.013*\"simpler\" + 0.011*\"acrimoni\"\n", - "2019-01-31 01:09:23,411 : INFO : topic #1 (0.020): 0.053*\"china\" + 0.046*\"chilton\" + 0.023*\"hong\" + 0.023*\"kong\" + 0.022*\"korea\" + 0.019*\"korean\" + 0.017*\"sourc\" + 0.015*\"leah\" + 0.014*\"kim\" + 0.013*\"shirin\"\n", - "2019-01-31 01:09:23,412 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.020*\"factor\" + 0.011*\"plaisir\" + 0.010*\"genu\" + 0.009*\"median\" + 0.009*\"western\" + 0.009*\"feel\" + 0.009*\"male\" + 0.008*\"biom\" + 0.008*\"incom\"\n", - "2019-01-31 01:09:23,413 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.044*\"popolo\" + 0.041*\"vigour\" + 0.036*\"tortur\" + 0.033*\"cotton\" + 0.023*\"area\" + 0.022*\"multitud\" + 0.021*\"adulthood\" + 0.021*\"citi\" + 0.019*\"cede\"\n", - "2019-01-31 01:09:23,414 : INFO : topic #26 (0.020): 0.031*\"workplac\" + 0.029*\"champion\" + 0.029*\"woman\" + 0.025*\"olymp\" + 0.024*\"men\" + 0.021*\"medal\" + 0.020*\"event\" + 0.019*\"atheist\" + 0.018*\"alic\" + 0.018*\"rainfal\"\n", - "2019-01-31 01:09:23,419 : INFO : topic diff=0.003893, rho=0.025416\n", - "2019-01-31 01:09:23,581 : INFO : PROGRESS: pass 0, at document #3098000/4922894\n", - "2019-01-31 01:09:24,993 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:09:25,259 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.013*\"will\" + 0.011*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"paul\" + 0.008*\"georg\" + 0.008*\"slur\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:09:25,261 : INFO : topic #45 (0.020): 0.027*\"jpg\" + 0.025*\"fifteenth\" + 0.018*\"illicit\" + 0.017*\"pain\" + 0.016*\"colder\" + 0.014*\"black\" + 0.013*\"western\" + 0.011*\"arsen\" + 0.011*\"record\" + 0.010*\"depress\"\n", - "2019-01-31 01:09:25,261 : INFO : topic #23 (0.020): 0.137*\"audit\" + 0.071*\"best\" + 0.034*\"yawn\" + 0.028*\"jacksonvil\" + 0.022*\"japanes\" + 0.021*\"noll\" + 0.021*\"festiv\" + 0.019*\"women\" + 0.016*\"intern\" + 0.013*\"prison\"\n", - "2019-01-31 01:09:25,262 : INFO : topic #31 (0.020): 0.054*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.012*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:09:25,263 : INFO : topic #17 (0.020): 0.081*\"church\" + 0.023*\"cathol\" + 0.022*\"christian\" + 0.020*\"bishop\" + 0.016*\"retroflex\" + 0.016*\"sail\" + 0.009*\"poll\" + 0.009*\"relationship\" + 0.009*\"cathedr\" + 0.009*\"parish\"\n", - "2019-01-31 01:09:25,269 : INFO : topic diff=0.004811, rho=0.025408\n", - "2019-01-31 01:09:27,896 : INFO : -11.690 per-word bound, 3303.2 perplexity estimate based on a held-out corpus of 2000 documents with 515509 words\n", - "2019-01-31 01:09:27,896 : INFO : PROGRESS: pass 0, at document #3100000/4922894\n", - "2019-01-31 01:09:29,246 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:09:29,512 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.019*\"factor\" + 0.011*\"plaisir\" + 0.010*\"genu\" + 0.009*\"median\" + 0.009*\"western\" + 0.009*\"male\" + 0.008*\"biom\" + 0.008*\"feel\" + 0.008*\"incom\"\n", - "2019-01-31 01:09:29,514 : INFO : topic #31 (0.020): 0.053*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.012*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:09:29,515 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.011*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.008*\"teufel\" + 0.008*\"empath\" + 0.007*\"armi\" + 0.007*\"till\" + 0.007*\"govern\" + 0.007*\"militari\"\n", - "2019-01-31 01:09:29,516 : INFO : topic #29 (0.020): 0.030*\"companhia\" + 0.012*\"million\" + 0.012*\"busi\" + 0.012*\"bank\" + 0.011*\"market\" + 0.011*\"produc\" + 0.010*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 01:09:29,517 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.029*\"son\" + 0.026*\"rel\" + 0.025*\"reconstruct\" + 0.020*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 01:09:29,523 : INFO : topic diff=0.003987, rho=0.025400\n", - "2019-01-31 01:09:29,736 : INFO : PROGRESS: pass 0, at document #3102000/4922894\n", - "2019-01-31 01:09:31,145 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:09:31,415 : INFO : topic #6 (0.020): 0.072*\"fewer\" + 0.024*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.012*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.011*\"acrimoni\"\n", - "2019-01-31 01:09:31,416 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.008*\"hormon\" + 0.008*\"have\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 01:09:31,417 : INFO : topic #17 (0.020): 0.080*\"church\" + 0.024*\"cathol\" + 0.023*\"christian\" + 0.021*\"bishop\" + 0.016*\"retroflex\" + 0.016*\"sail\" + 0.009*\"poll\" + 0.009*\"relationship\" + 0.009*\"parish\" + 0.009*\"cathedr\"\n", - "2019-01-31 01:09:31,418 : INFO : topic #33 (0.020): 0.058*\"french\" + 0.047*\"franc\" + 0.034*\"pari\" + 0.026*\"sail\" + 0.022*\"jean\" + 0.018*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.012*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 01:09:31,419 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.006*\"ancestor\"\n", - "2019-01-31 01:09:31,425 : INFO : topic diff=0.003505, rho=0.025392\n", - "2019-01-31 01:09:31,587 : INFO : PROGRESS: pass 0, at document #3104000/4922894\n", - "2019-01-31 01:09:33,012 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:09:33,279 : INFO : topic #34 (0.020): 0.068*\"start\" + 0.034*\"new\" + 0.032*\"american\" + 0.029*\"unionist\" + 0.024*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.013*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:09:33,280 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.008*\"word\" + 0.007*\"human\" + 0.007*\"woman\" + 0.007*\"summerhil\"\n", - "2019-01-31 01:09:33,281 : INFO : topic #16 (0.020): 0.058*\"king\" + 0.032*\"priest\" + 0.021*\"duke\" + 0.019*\"idiosyncrat\" + 0.018*\"quarterli\" + 0.018*\"grammat\" + 0.018*\"rotterdam\" + 0.013*\"kingdom\" + 0.013*\"count\" + 0.012*\"princ\"\n", - "2019-01-31 01:09:33,282 : INFO : topic #46 (0.020): 0.019*\"sweden\" + 0.017*\"swedish\" + 0.017*\"norwai\" + 0.016*\"stop\" + 0.015*\"norwegian\" + 0.013*\"wind\" + 0.012*\"damag\" + 0.012*\"turkish\" + 0.012*\"denmark\" + 0.011*\"treeless\"\n", - "2019-01-31 01:09:33,283 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.019*\"area\" + 0.017*\"lagrang\" + 0.017*\"warmth\" + 0.017*\"mount\" + 0.010*\"north\" + 0.009*\"palmer\" + 0.009*\"sourc\" + 0.008*\"lobe\" + 0.008*\"foam\"\n", - "2019-01-31 01:09:33,289 : INFO : topic diff=0.003661, rho=0.025384\n", - "2019-01-31 01:09:33,447 : INFO : PROGRESS: pass 0, at document #3106000/4922894\n", - "2019-01-31 01:09:34,830 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:09:35,096 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:09:35,097 : INFO : topic #43 (0.020): 0.065*\"elect\" + 0.056*\"parti\" + 0.025*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.016*\"republ\" + 0.014*\"selma\" + 0.014*\"bypass\" + 0.013*\"seaport\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:09:35,098 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.008*\"hormon\" + 0.008*\"have\" + 0.007*\"caus\" + 0.007*\"pathwai\" + 0.006*\"proper\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 01:09:35,099 : INFO : topic #34 (0.020): 0.068*\"start\" + 0.034*\"new\" + 0.032*\"american\" + 0.029*\"unionist\" + 0.024*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.013*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:09:35,100 : INFO : topic #6 (0.020): 0.072*\"fewer\" + 0.024*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"movi\" + 0.011*\"direct\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:09:35,106 : INFO : topic diff=0.004011, rho=0.025375\n", - "2019-01-31 01:09:35,261 : INFO : PROGRESS: pass 0, at document #3108000/4922894\n", - "2019-01-31 01:09:36,631 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:09:36,897 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.010*\"septemb\" + 0.010*\"man\" + 0.010*\"anim\" + 0.007*\"appear\" + 0.007*\"comic\" + 0.006*\"workplac\" + 0.006*\"love\" + 0.006*\"vision\" + 0.006*\"fusiform\"\n", - "2019-01-31 01:09:36,898 : INFO : topic #29 (0.020): 0.030*\"companhia\" + 0.012*\"million\" + 0.012*\"busi\" + 0.011*\"market\" + 0.011*\"bank\" + 0.011*\"produc\" + 0.010*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 01:09:36,899 : INFO : topic #13 (0.020): 0.028*\"london\" + 0.026*\"new\" + 0.026*\"sourc\" + 0.026*\"australia\" + 0.024*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.015*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 01:09:36,900 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.009*\"mode\" + 0.009*\"elabor\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.007*\"encyclopedia\" + 0.006*\"produc\" + 0.006*\"develop\"\n", - "2019-01-31 01:09:36,901 : INFO : topic #46 (0.020): 0.019*\"sweden\" + 0.017*\"swedish\" + 0.017*\"stop\" + 0.017*\"norwai\" + 0.015*\"norwegian\" + 0.013*\"damag\" + 0.013*\"wind\" + 0.012*\"turkish\" + 0.012*\"denmark\" + 0.011*\"huntsvil\"\n", - "2019-01-31 01:09:36,907 : INFO : topic diff=0.003738, rho=0.025367\n", - "2019-01-31 01:09:37,068 : INFO : PROGRESS: pass 0, at document #3110000/4922894\n", - "2019-01-31 01:09:38,541 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:09:38,808 : INFO : topic #48 (0.020): 0.081*\"march\" + 0.077*\"octob\" + 0.076*\"sens\" + 0.071*\"januari\" + 0.070*\"juli\" + 0.069*\"notion\" + 0.068*\"august\" + 0.067*\"decatur\" + 0.066*\"april\" + 0.066*\"judici\"\n", - "2019-01-31 01:09:38,810 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.023*\"schuster\" + 0.021*\"institut\" + 0.021*\"requir\" + 0.021*\"collector\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"http\" + 0.011*\"governor\"\n", - "2019-01-31 01:09:38,811 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.012*\"faster\" + 0.012*\"life\" + 0.012*\"deal\" + 0.012*\"daughter\"\n", - "2019-01-31 01:09:38,812 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 01:09:38,813 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.035*\"cleveland\" + 0.030*\"place\" + 0.028*\"taxpay\" + 0.025*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:09:38,819 : INFO : topic diff=0.003766, rho=0.025359\n", - "2019-01-31 01:09:38,974 : INFO : PROGRESS: pass 0, at document #3112000/4922894\n", - "2019-01-31 01:09:40,333 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:09:40,598 : INFO : topic #17 (0.020): 0.081*\"church\" + 0.024*\"cathol\" + 0.023*\"christian\" + 0.021*\"bishop\" + 0.016*\"retroflex\" + 0.016*\"sail\" + 0.010*\"relationship\" + 0.009*\"cathedr\" + 0.009*\"poll\" + 0.009*\"parish\"\n", - "2019-01-31 01:09:40,599 : INFO : topic #39 (0.020): 0.058*\"canada\" + 0.044*\"canadian\" + 0.024*\"toronto\" + 0.023*\"hoar\" + 0.020*\"ontario\" + 0.016*\"quebec\" + 0.015*\"hydrogen\" + 0.015*\"misericordia\" + 0.015*\"new\" + 0.013*\"novotná\"\n", - "2019-01-31 01:09:40,600 : INFO : topic #49 (0.020): 0.045*\"india\" + 0.031*\"incumb\" + 0.013*\"pakistan\" + 0.013*\"islam\" + 0.011*\"televis\" + 0.011*\"anglo\" + 0.011*\"muskoge\" + 0.010*\"alam\" + 0.010*\"affection\" + 0.010*\"khalsa\"\n", - "2019-01-31 01:09:40,601 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.019*\"factor\" + 0.011*\"plaisir\" + 0.010*\"genu\" + 0.009*\"male\" + 0.009*\"median\" + 0.008*\"western\" + 0.008*\"feel\" + 0.008*\"biom\" + 0.008*\"incom\"\n", - "2019-01-31 01:09:40,602 : INFO : topic #33 (0.020): 0.058*\"french\" + 0.046*\"franc\" + 0.032*\"pari\" + 0.026*\"sail\" + 0.023*\"jean\" + 0.018*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.012*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 01:09:40,608 : INFO : topic diff=0.004149, rho=0.025351\n", - "2019-01-31 01:09:40,767 : INFO : PROGRESS: pass 0, at document #3114000/4922894\n", - "2019-01-31 01:09:42,143 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:09:42,409 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.025*\"palmer\" + 0.021*\"new\" + 0.014*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.011*\"dai\" + 0.011*\"lobe\" + 0.009*\"highli\"\n", - "2019-01-31 01:09:42,410 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.021*\"aggress\" + 0.021*\"walter\" + 0.020*\"armi\" + 0.017*\"com\" + 0.015*\"oper\" + 0.014*\"unionist\" + 0.013*\"militari\" + 0.011*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:09:42,411 : INFO : topic #31 (0.020): 0.053*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.012*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:09:42,412 : INFO : topic #20 (0.020): 0.149*\"scholar\" + 0.040*\"struggl\" + 0.036*\"high\" + 0.030*\"educ\" + 0.023*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"gothic\" + 0.010*\"district\" + 0.010*\"task\"\n", - "2019-01-31 01:09:42,413 : INFO : topic #26 (0.020): 0.031*\"workplac\" + 0.029*\"champion\" + 0.028*\"woman\" + 0.026*\"olymp\" + 0.024*\"men\" + 0.022*\"medal\" + 0.021*\"event\" + 0.019*\"atheist\" + 0.018*\"rainfal\" + 0.017*\"alic\"\n", - "2019-01-31 01:09:42,419 : INFO : topic diff=0.004726, rho=0.025343\n", - "2019-01-31 01:09:42,578 : INFO : PROGRESS: pass 0, at document #3116000/4922894\n", - "2019-01-31 01:09:43,971 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:09:44,238 : INFO : topic #20 (0.020): 0.149*\"scholar\" + 0.040*\"struggl\" + 0.036*\"high\" + 0.030*\"educ\" + 0.023*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"gothic\" + 0.010*\"district\" + 0.010*\"task\"\n", - "2019-01-31 01:09:44,239 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.010*\"septemb\" + 0.010*\"man\" + 0.010*\"anim\" + 0.007*\"appear\" + 0.007*\"comic\" + 0.006*\"workplac\" + 0.006*\"vision\" + 0.006*\"love\" + 0.006*\"fusiform\"\n", - "2019-01-31 01:09:44,240 : INFO : topic #23 (0.020): 0.137*\"audit\" + 0.071*\"best\" + 0.037*\"yawn\" + 0.028*\"jacksonvil\" + 0.022*\"japanes\" + 0.021*\"noll\" + 0.020*\"festiv\" + 0.018*\"women\" + 0.016*\"intern\" + 0.013*\"winner\"\n", - "2019-01-31 01:09:44,241 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.019*\"factor\" + 0.011*\"plaisir\" + 0.010*\"genu\" + 0.009*\"biom\" + 0.009*\"male\" + 0.008*\"median\" + 0.008*\"western\" + 0.008*\"feel\" + 0.008*\"incom\"\n", - "2019-01-31 01:09:44,242 : INFO : topic #2 (0.020): 0.052*\"isl\" + 0.037*\"shield\" + 0.017*\"narrat\" + 0.015*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.011*\"coalit\" + 0.011*\"nativist\" + 0.009*\"class\" + 0.009*\"bahá\"\n", - "2019-01-31 01:09:44,248 : INFO : topic diff=0.003409, rho=0.025335\n", - "2019-01-31 01:09:44,407 : INFO : PROGRESS: pass 0, at document #3118000/4922894\n", - "2019-01-31 01:09:45,776 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:09:46,042 : INFO : topic #24 (0.020): 0.038*\"book\" + 0.033*\"publicis\" + 0.028*\"word\" + 0.019*\"new\" + 0.016*\"arsen\" + 0.013*\"edit\" + 0.013*\"presid\" + 0.011*\"collect\" + 0.010*\"magazin\" + 0.010*\"author\"\n", - "2019-01-31 01:09:46,044 : INFO : topic #27 (0.020): 0.073*\"questionnair\" + 0.020*\"candid\" + 0.018*\"taxpay\" + 0.013*\"driver\" + 0.013*\"tornado\" + 0.012*\"ret\" + 0.011*\"squatter\" + 0.011*\"fool\" + 0.011*\"find\" + 0.010*\"champion\"\n", - "2019-01-31 01:09:46,045 : INFO : topic #46 (0.020): 0.018*\"sweden\" + 0.017*\"stop\" + 0.017*\"swedish\" + 0.017*\"norwai\" + 0.016*\"norwegian\" + 0.013*\"wind\" + 0.013*\"damag\" + 0.012*\"denmark\" + 0.011*\"turkish\" + 0.011*\"huntsvil\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:09:46,046 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"disco\" + 0.008*\"media\" + 0.008*\"hormon\" + 0.007*\"have\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 01:09:46,047 : INFO : topic #6 (0.020): 0.072*\"fewer\" + 0.024*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:09:46,053 : INFO : topic diff=0.003315, rho=0.025327\n", - "2019-01-31 01:09:48,690 : INFO : -11.655 per-word bound, 3225.1 perplexity estimate based on a held-out corpus of 2000 documents with 526146 words\n", - "2019-01-31 01:09:48,690 : INFO : PROGRESS: pass 0, at document #3120000/4922894\n", - "2019-01-31 01:09:50,043 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:09:50,312 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.023*\"cortic\" + 0.018*\"start\" + 0.016*\"act\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.010*\"polaris\" + 0.008*\"legal\" + 0.007*\"order\"\n", - "2019-01-31 01:09:50,313 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.010*\"septemb\" + 0.010*\"man\" + 0.010*\"anim\" + 0.007*\"comic\" + 0.007*\"appear\" + 0.006*\"workplac\" + 0.006*\"vision\" + 0.006*\"love\" + 0.006*\"fusiform\"\n", - "2019-01-31 01:09:50,314 : INFO : topic #1 (0.020): 0.052*\"china\" + 0.045*\"chilton\" + 0.023*\"hong\" + 0.022*\"kong\" + 0.021*\"korea\" + 0.019*\"korean\" + 0.017*\"sourc\" + 0.015*\"leah\" + 0.014*\"kim\" + 0.013*\"shirin\"\n", - "2019-01-31 01:09:50,315 : INFO : topic #20 (0.020): 0.148*\"scholar\" + 0.040*\"struggl\" + 0.035*\"high\" + 0.030*\"educ\" + 0.023*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"gothic\" + 0.010*\"district\" + 0.010*\"task\"\n", - "2019-01-31 01:09:50,316 : INFO : topic #3 (0.020): 0.032*\"present\" + 0.025*\"offic\" + 0.024*\"minist\" + 0.023*\"nation\" + 0.023*\"govern\" + 0.021*\"member\" + 0.020*\"serv\" + 0.017*\"start\" + 0.016*\"gener\" + 0.014*\"seri\"\n", - "2019-01-31 01:09:50,322 : INFO : topic diff=0.003679, rho=0.025318\n", - "2019-01-31 01:09:50,480 : INFO : PROGRESS: pass 0, at document #3122000/4922894\n", - "2019-01-31 01:09:51,858 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:09:52,124 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.044*\"popolo\" + 0.041*\"vigour\" + 0.036*\"tortur\" + 0.032*\"cotton\" + 0.022*\"area\" + 0.022*\"multitud\" + 0.021*\"adulthood\" + 0.020*\"citi\" + 0.019*\"cede\"\n", - "2019-01-31 01:09:52,125 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.020*\"walter\" + 0.020*\"armi\" + 0.017*\"com\" + 0.015*\"oper\" + 0.014*\"unionist\" + 0.013*\"militari\" + 0.011*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:09:52,126 : INFO : topic #31 (0.020): 0.054*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.012*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:09:52,127 : INFO : topic #13 (0.020): 0.028*\"london\" + 0.026*\"australia\" + 0.026*\"sourc\" + 0.026*\"new\" + 0.024*\"england\" + 0.022*\"australian\" + 0.018*\"british\" + 0.017*\"ireland\" + 0.015*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 01:09:52,128 : INFO : topic #24 (0.020): 0.038*\"book\" + 0.033*\"publicis\" + 0.028*\"word\" + 0.019*\"new\" + 0.016*\"arsen\" + 0.013*\"presid\" + 0.013*\"edit\" + 0.011*\"collect\" + 0.010*\"magazin\" + 0.010*\"author\"\n", - "2019-01-31 01:09:52,135 : INFO : topic diff=0.003936, rho=0.025310\n", - "2019-01-31 01:09:52,295 : INFO : PROGRESS: pass 0, at document #3124000/4922894\n", - "2019-01-31 01:09:53,696 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:09:53,963 : INFO : topic #0 (0.020): 0.068*\"statewid\" + 0.042*\"line\" + 0.035*\"raid\" + 0.026*\"rosenwald\" + 0.021*\"traceabl\" + 0.020*\"serv\" + 0.014*\"oper\" + 0.012*\"museo\" + 0.010*\"radiu\" + 0.010*\"transient\"\n", - "2019-01-31 01:09:53,964 : INFO : topic #3 (0.020): 0.031*\"present\" + 0.026*\"offic\" + 0.024*\"minist\" + 0.023*\"nation\" + 0.022*\"govern\" + 0.021*\"member\" + 0.020*\"serv\" + 0.016*\"start\" + 0.016*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:09:53,965 : INFO : topic #28 (0.020): 0.033*\"build\" + 0.027*\"hous\" + 0.018*\"buford\" + 0.018*\"rivièr\" + 0.014*\"histor\" + 0.012*\"briarwood\" + 0.011*\"constitut\" + 0.011*\"depress\" + 0.010*\"linear\" + 0.010*\"silicon\"\n", - "2019-01-31 01:09:53,966 : INFO : topic #31 (0.020): 0.054*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.012*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:09:53,967 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 01:09:53,973 : INFO : topic diff=0.004002, rho=0.025302\n", - "2019-01-31 01:09:54,133 : INFO : PROGRESS: pass 0, at document #3126000/4922894\n", - "2019-01-31 01:09:55,512 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:09:55,778 : INFO : topic #13 (0.020): 0.028*\"london\" + 0.026*\"australia\" + 0.026*\"new\" + 0.026*\"sourc\" + 0.023*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.014*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 01:09:55,779 : INFO : topic #39 (0.020): 0.059*\"canada\" + 0.045*\"canadian\" + 0.024*\"toronto\" + 0.023*\"hoar\" + 0.020*\"ontario\" + 0.016*\"hydrogen\" + 0.016*\"quebec\" + 0.015*\"new\" + 0.014*\"misericordia\" + 0.013*\"novotná\"\n", - "2019-01-31 01:09:55,780 : INFO : topic #46 (0.020): 0.018*\"sweden\" + 0.017*\"stop\" + 0.017*\"swedish\" + 0.016*\"norwai\" + 0.015*\"norwegian\" + 0.013*\"wind\" + 0.013*\"damag\" + 0.012*\"denmark\" + 0.012*\"turkish\" + 0.011*\"huntsvil\"\n", - "2019-01-31 01:09:55,781 : INFO : topic #26 (0.020): 0.032*\"workplac\" + 0.029*\"champion\" + 0.027*\"woman\" + 0.025*\"olymp\" + 0.023*\"men\" + 0.022*\"medal\" + 0.021*\"event\" + 0.018*\"atheist\" + 0.018*\"rainfal\" + 0.018*\"alic\"\n", - "2019-01-31 01:09:55,783 : INFO : topic #3 (0.020): 0.031*\"present\" + 0.026*\"offic\" + 0.024*\"minist\" + 0.023*\"nation\" + 0.022*\"govern\" + 0.021*\"member\" + 0.020*\"serv\" + 0.016*\"start\" + 0.016*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:09:55,788 : INFO : topic diff=0.003506, rho=0.025294\n", - "2019-01-31 01:09:55,942 : INFO : PROGRESS: pass 0, at document #3128000/4922894\n", - "2019-01-31 01:09:57,298 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:09:57,565 : INFO : topic #16 (0.020): 0.060*\"king\" + 0.032*\"priest\" + 0.020*\"duke\" + 0.019*\"rotterdam\" + 0.019*\"grammat\" + 0.018*\"idiosyncrat\" + 0.018*\"quarterli\" + 0.013*\"count\" + 0.013*\"brazil\" + 0.012*\"princ\"\n", - "2019-01-31 01:09:57,565 : INFO : topic #9 (0.020): 0.071*\"bone\" + 0.046*\"american\" + 0.032*\"valour\" + 0.020*\"folei\" + 0.019*\"player\" + 0.018*\"dutch\" + 0.017*\"polit\" + 0.016*\"english\" + 0.012*\"simpler\" + 0.011*\"acrimoni\"\n", - "2019-01-31 01:09:57,567 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"kill\" + 0.006*\"dai\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"help\" + 0.004*\"call\"\n", - "2019-01-31 01:09:57,568 : INFO : topic #28 (0.020): 0.033*\"build\" + 0.027*\"hous\" + 0.018*\"buford\" + 0.018*\"rivièr\" + 0.014*\"histor\" + 0.012*\"briarwood\" + 0.011*\"constitut\" + 0.011*\"depress\" + 0.010*\"linear\" + 0.010*\"silicon\"\n", - "2019-01-31 01:09:57,569 : INFO : topic #0 (0.020): 0.068*\"statewid\" + 0.042*\"line\" + 0.035*\"raid\" + 0.026*\"rosenwald\" + 0.021*\"traceabl\" + 0.020*\"serv\" + 0.014*\"oper\" + 0.012*\"museo\" + 0.011*\"brook\" + 0.011*\"transient\"\n", - "2019-01-31 01:09:57,575 : INFO : topic diff=0.003521, rho=0.025286\n", - "2019-01-31 01:09:57,732 : INFO : PROGRESS: pass 0, at document #3130000/4922894\n", - "2019-01-31 01:09:59,104 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:09:59,372 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.036*\"cleveland\" + 0.030*\"place\" + 0.028*\"taxpay\" + 0.025*\"scientist\" + 0.024*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:09:59,373 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.011*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.008*\"teufel\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.007*\"govern\" + 0.007*\"till\" + 0.006*\"militari\"\n", - "2019-01-31 01:09:59,374 : INFO : topic #1 (0.020): 0.051*\"china\" + 0.044*\"chilton\" + 0.023*\"hong\" + 0.022*\"kong\" + 0.022*\"korea\" + 0.019*\"korean\" + 0.017*\"sourc\" + 0.015*\"leah\" + 0.014*\"kim\" + 0.013*\"shirin\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:09:59,375 : INFO : topic #31 (0.020): 0.053*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.012*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:09:59,376 : INFO : topic #0 (0.020): 0.068*\"statewid\" + 0.042*\"line\" + 0.035*\"raid\" + 0.026*\"rosenwald\" + 0.020*\"traceabl\" + 0.020*\"serv\" + 0.014*\"oper\" + 0.012*\"museo\" + 0.011*\"brook\" + 0.011*\"transient\"\n", - "2019-01-31 01:09:59,382 : INFO : topic diff=0.003754, rho=0.025278\n", - "2019-01-31 01:09:59,539 : INFO : PROGRESS: pass 0, at document #3132000/4922894\n", - "2019-01-31 01:10:00,914 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:10:01,181 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.023*\"epiru\" + 0.021*\"septemb\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:10:01,182 : INFO : topic #28 (0.020): 0.034*\"build\" + 0.026*\"hous\" + 0.018*\"buford\" + 0.017*\"rivièr\" + 0.013*\"histor\" + 0.011*\"briarwood\" + 0.011*\"constitut\" + 0.011*\"depress\" + 0.010*\"linear\" + 0.010*\"silicon\"\n", - "2019-01-31 01:10:01,183 : INFO : topic #40 (0.020): 0.088*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.021*\"requir\" + 0.020*\"collector\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"http\" + 0.011*\"degre\"\n", - "2019-01-31 01:10:01,184 : INFO : topic #29 (0.020): 0.030*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.012*\"market\" + 0.011*\"produc\" + 0.011*\"bank\" + 0.010*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 01:10:01,185 : INFO : topic #9 (0.020): 0.071*\"bone\" + 0.046*\"american\" + 0.032*\"valour\" + 0.020*\"folei\" + 0.018*\"player\" + 0.018*\"dutch\" + 0.017*\"polit\" + 0.016*\"english\" + 0.012*\"simpler\" + 0.011*\"acrimoni\"\n", - "2019-01-31 01:10:01,191 : INFO : topic diff=0.003819, rho=0.025270\n", - "2019-01-31 01:10:01,351 : INFO : PROGRESS: pass 0, at document #3134000/4922894\n", - "2019-01-31 01:10:02,747 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:10:03,013 : INFO : topic #24 (0.020): 0.038*\"book\" + 0.033*\"publicis\" + 0.028*\"word\" + 0.019*\"new\" + 0.016*\"arsen\" + 0.013*\"edit\" + 0.013*\"presid\" + 0.011*\"collect\" + 0.010*\"author\" + 0.010*\"magazin\"\n", - "2019-01-31 01:10:03,014 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"disco\" + 0.008*\"media\" + 0.007*\"hormon\" + 0.007*\"have\" + 0.007*\"pathwai\" + 0.007*\"proper\" + 0.007*\"caus\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 01:10:03,015 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.044*\"popolo\" + 0.041*\"vigour\" + 0.036*\"tortur\" + 0.032*\"cotton\" + 0.022*\"area\" + 0.022*\"multitud\" + 0.021*\"adulthood\" + 0.021*\"citi\" + 0.019*\"cede\"\n", - "2019-01-31 01:10:03,016 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.008*\"word\" + 0.007*\"human\" + 0.007*\"woman\" + 0.007*\"summerhil\"\n", - "2019-01-31 01:10:03,017 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.013*\"will\" + 0.012*\"david\" + 0.011*\"jame\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"paul\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:10:03,023 : INFO : topic diff=0.003940, rho=0.025262\n", - "2019-01-31 01:10:03,242 : INFO : PROGRESS: pass 0, at document #3136000/4922894\n", - "2019-01-31 01:10:04,637 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:10:04,903 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.044*\"popolo\" + 0.041*\"vigour\" + 0.035*\"tortur\" + 0.032*\"cotton\" + 0.022*\"multitud\" + 0.022*\"area\" + 0.021*\"adulthood\" + 0.021*\"citi\" + 0.019*\"cede\"\n", - "2019-01-31 01:10:04,905 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"help\" + 0.004*\"call\"\n", - "2019-01-31 01:10:04,906 : INFO : topic #42 (0.020): 0.046*\"german\" + 0.031*\"germani\" + 0.016*\"vol\" + 0.015*\"jewish\" + 0.014*\"berlin\" + 0.013*\"israel\" + 0.013*\"der\" + 0.011*\"european\" + 0.010*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:10:04,907 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.031*\"incumb\" + 0.013*\"pakistan\" + 0.012*\"islam\" + 0.012*\"televis\" + 0.011*\"anglo\" + 0.011*\"khalsa\" + 0.010*\"muskoge\" + 0.010*\"alam\" + 0.010*\"sri\"\n", - "2019-01-31 01:10:04,908 : INFO : topic #31 (0.020): 0.053*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.012*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:10:04,913 : INFO : topic diff=0.003994, rho=0.025254\n", - "2019-01-31 01:10:05,071 : INFO : PROGRESS: pass 0, at document #3138000/4922894\n", - "2019-01-31 01:10:06,456 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:10:06,722 : INFO : topic #44 (0.020): 0.033*\"rooftop\" + 0.028*\"final\" + 0.022*\"wife\" + 0.021*\"tourist\" + 0.018*\"champion\" + 0.015*\"taxpay\" + 0.015*\"martin\" + 0.014*\"chamber\" + 0.013*\"tiepolo\" + 0.013*\"winner\"\n", - "2019-01-31 01:10:06,723 : INFO : topic #1 (0.020): 0.053*\"china\" + 0.043*\"chilton\" + 0.024*\"hong\" + 0.023*\"kong\" + 0.022*\"korea\" + 0.019*\"korean\" + 0.017*\"sourc\" + 0.015*\"leah\" + 0.014*\"kim\" + 0.013*\"shirin\"\n", - "2019-01-31 01:10:06,724 : INFO : topic #17 (0.020): 0.079*\"church\" + 0.024*\"cathol\" + 0.024*\"christian\" + 0.021*\"bishop\" + 0.016*\"sail\" + 0.016*\"retroflex\" + 0.009*\"relationship\" + 0.009*\"parish\" + 0.009*\"poll\" + 0.009*\"historiographi\"\n", - "2019-01-31 01:10:06,725 : INFO : topic #16 (0.020): 0.061*\"king\" + 0.033*\"priest\" + 0.019*\"duke\" + 0.019*\"rotterdam\" + 0.019*\"quarterli\" + 0.019*\"grammat\" + 0.018*\"idiosyncrat\" + 0.013*\"kingdom\" + 0.013*\"count\" + 0.013*\"brazil\"\n", - "2019-01-31 01:10:06,726 : INFO : topic #31 (0.020): 0.054*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.012*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:10:06,732 : INFO : topic diff=0.004529, rho=0.025246\n", - "2019-01-31 01:10:09,457 : INFO : -11.574 per-word bound, 3048.9 perplexity estimate based on a held-out corpus of 2000 documents with 568793 words\n", - "2019-01-31 01:10:09,457 : INFO : PROGRESS: pass 0, at document #3140000/4922894\n", - "2019-01-31 01:10:10,844 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:10:11,111 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.019*\"factor\" + 0.011*\"plaisir\" + 0.010*\"genu\" + 0.010*\"biom\" + 0.009*\"western\" + 0.008*\"male\" + 0.008*\"median\" + 0.008*\"feel\" + 0.007*\"incom\"\n", - "2019-01-31 01:10:11,112 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 01:10:11,113 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.024*\"epiru\" + 0.021*\"septemb\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:10:11,114 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.023*\"cortic\" + 0.018*\"start\" + 0.016*\"act\" + 0.012*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.008*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 01:10:11,115 : INFO : topic #13 (0.020): 0.028*\"london\" + 0.026*\"australia\" + 0.026*\"new\" + 0.026*\"sourc\" + 0.024*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.015*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 01:10:11,120 : INFO : topic diff=0.003668, rho=0.025238\n", - "2019-01-31 01:10:11,282 : INFO : PROGRESS: pass 0, at document #3142000/4922894\n", - "2019-01-31 01:10:12,685 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:10:12,952 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.044*\"chilton\" + 0.023*\"hong\" + 0.022*\"kong\" + 0.022*\"korea\" + 0.020*\"korean\" + 0.017*\"sourc\" + 0.015*\"leah\" + 0.014*\"kim\" + 0.013*\"shirin\"\n", - "2019-01-31 01:10:12,953 : INFO : topic #34 (0.020): 0.068*\"start\" + 0.034*\"new\" + 0.032*\"american\" + 0.030*\"unionist\" + 0.025*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:10:12,954 : INFO : topic #2 (0.020): 0.052*\"isl\" + 0.038*\"shield\" + 0.017*\"narrat\" + 0.014*\"scot\" + 0.014*\"pope\" + 0.012*\"blur\" + 0.010*\"nativist\" + 0.010*\"coalit\" + 0.009*\"bahá\" + 0.009*\"class\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:10:12,955 : INFO : topic #45 (0.020): 0.026*\"jpg\" + 0.025*\"fifteenth\" + 0.018*\"illicit\" + 0.017*\"pain\" + 0.016*\"colder\" + 0.013*\"black\" + 0.013*\"western\" + 0.012*\"arsen\" + 0.011*\"depress\" + 0.010*\"record\"\n", - "2019-01-31 01:10:12,956 : INFO : topic #17 (0.020): 0.078*\"church\" + 0.024*\"cathol\" + 0.024*\"christian\" + 0.021*\"bishop\" + 0.016*\"sail\" + 0.016*\"retroflex\" + 0.009*\"relationship\" + 0.009*\"parish\" + 0.009*\"poll\" + 0.009*\"historiographi\"\n", - "2019-01-31 01:10:12,962 : INFO : topic diff=0.004457, rho=0.025230\n", - "2019-01-31 01:10:13,120 : INFO : PROGRESS: pass 0, at document #3144000/4922894\n", - "2019-01-31 01:10:14,513 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:10:14,779 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.012*\"faster\" + 0.012*\"life\" + 0.012*\"daughter\" + 0.012*\"deal\"\n", - "2019-01-31 01:10:14,780 : INFO : topic #34 (0.020): 0.068*\"start\" + 0.034*\"new\" + 0.032*\"american\" + 0.030*\"unionist\" + 0.024*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:10:14,781 : INFO : topic #26 (0.020): 0.032*\"workplac\" + 0.029*\"champion\" + 0.028*\"woman\" + 0.025*\"olymp\" + 0.023*\"men\" + 0.021*\"medal\" + 0.020*\"event\" + 0.018*\"atheist\" + 0.018*\"rainfal\" + 0.018*\"nation\"\n", - "2019-01-31 01:10:14,782 : INFO : topic #16 (0.020): 0.061*\"king\" + 0.033*\"priest\" + 0.020*\"duke\" + 0.019*\"quarterli\" + 0.019*\"rotterdam\" + 0.019*\"grammat\" + 0.018*\"idiosyncrat\" + 0.013*\"kingdom\" + 0.013*\"count\" + 0.013*\"brazil\"\n", - "2019-01-31 01:10:14,783 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.044*\"chilton\" + 0.023*\"hong\" + 0.022*\"kong\" + 0.022*\"korea\" + 0.019*\"korean\" + 0.017*\"sourc\" + 0.015*\"leah\" + 0.014*\"kim\" + 0.013*\"shirin\"\n", - "2019-01-31 01:10:14,789 : INFO : topic diff=0.003676, rho=0.025222\n", - "2019-01-31 01:10:14,942 : INFO : PROGRESS: pass 0, at document #3146000/4922894\n", - "2019-01-31 01:10:16,295 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:10:16,562 : INFO : topic #31 (0.020): 0.053*\"fusiform\" + 0.027*\"scientist\" + 0.026*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:10:16,563 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"théori\" + 0.007*\"utopian\" + 0.007*\"poet\" + 0.006*\"gener\" + 0.006*\"exampl\" + 0.006*\"measur\" + 0.006*\"differ\" + 0.006*\"southern\"\n", - "2019-01-31 01:10:16,564 : INFO : topic #2 (0.020): 0.051*\"isl\" + 0.038*\"shield\" + 0.017*\"narrat\" + 0.014*\"scot\" + 0.014*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.009*\"bahá\" + 0.009*\"class\"\n", - "2019-01-31 01:10:16,565 : INFO : topic #30 (0.020): 0.035*\"cleveland\" + 0.035*\"leagu\" + 0.030*\"place\" + 0.028*\"taxpay\" + 0.025*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:10:16,566 : INFO : topic #10 (0.020): 0.013*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"hormon\" + 0.007*\"have\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"gastrointestin\"\n", - "2019-01-31 01:10:16,572 : INFO : topic diff=0.004447, rho=0.025214\n", - "2019-01-31 01:10:16,726 : INFO : PROGRESS: pass 0, at document #3148000/4922894\n", - "2019-01-31 01:10:18,107 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:10:18,374 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"market\" + 0.011*\"bank\" + 0.011*\"produc\" + 0.010*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 01:10:18,375 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.010*\"form\" + 0.009*\"mean\" + 0.008*\"origin\" + 0.008*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.007*\"ancestor\"\n", - "2019-01-31 01:10:18,376 : INFO : topic #13 (0.020): 0.027*\"london\" + 0.026*\"australia\" + 0.026*\"new\" + 0.025*\"sourc\" + 0.024*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.015*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 01:10:18,377 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.072*\"best\" + 0.036*\"yawn\" + 0.028*\"jacksonvil\" + 0.022*\"japanes\" + 0.021*\"noll\" + 0.020*\"festiv\" + 0.018*\"women\" + 0.016*\"intern\" + 0.012*\"winner\"\n", - "2019-01-31 01:10:18,378 : INFO : topic #31 (0.020): 0.053*\"fusiform\" + 0.027*\"scientist\" + 0.026*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:10:18,384 : INFO : topic diff=0.003971, rho=0.025206\n", - "2019-01-31 01:10:18,542 : INFO : PROGRESS: pass 0, at document #3150000/4922894\n", - "2019-01-31 01:10:19,924 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:10:20,191 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.024*\"cathol\" + 0.024*\"christian\" + 0.021*\"bishop\" + 0.016*\"sail\" + 0.016*\"retroflex\" + 0.009*\"relationship\" + 0.009*\"cathedr\" + 0.009*\"poll\" + 0.009*\"historiographi\"\n", - "2019-01-31 01:10:20,192 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.013*\"will\" + 0.012*\"david\" + 0.011*\"jame\" + 0.010*\"mexican–american\" + 0.010*\"rival\" + 0.008*\"paul\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:10:20,193 : INFO : topic #33 (0.020): 0.059*\"french\" + 0.047*\"franc\" + 0.032*\"pari\" + 0.024*\"sail\" + 0.022*\"jean\" + 0.018*\"daphn\" + 0.014*\"loui\" + 0.013*\"lazi\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:10:20,194 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.010*\"septemb\" + 0.010*\"anim\" + 0.010*\"man\" + 0.008*\"appear\" + 0.007*\"comic\" + 0.006*\"workplac\" + 0.006*\"vision\" + 0.006*\"storag\" + 0.006*\"love\"\n", - "2019-01-31 01:10:20,196 : INFO : topic #31 (0.020): 0.052*\"fusiform\" + 0.027*\"scientist\" + 0.026*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:10:20,202 : INFO : topic diff=0.003900, rho=0.025198\n", - "2019-01-31 01:10:20,361 : INFO : PROGRESS: pass 0, at document #3152000/4922894\n", - "2019-01-31 01:10:21,759 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:10:22,027 : INFO : topic #33 (0.020): 0.059*\"french\" + 0.047*\"franc\" + 0.032*\"pari\" + 0.024*\"sail\" + 0.022*\"jean\" + 0.018*\"daphn\" + 0.014*\"loui\" + 0.014*\"lazi\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:10:22,028 : INFO : topic #42 (0.020): 0.046*\"german\" + 0.031*\"germani\" + 0.016*\"vol\" + 0.015*\"jewish\" + 0.014*\"berlin\" + 0.014*\"israel\" + 0.013*\"der\" + 0.011*\"european\" + 0.010*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:10:22,029 : INFO : topic #31 (0.020): 0.052*\"fusiform\" + 0.027*\"scientist\" + 0.026*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:10:22,030 : INFO : topic #45 (0.020): 0.027*\"jpg\" + 0.024*\"fifteenth\" + 0.018*\"illicit\" + 0.017*\"pain\" + 0.016*\"colder\" + 0.013*\"black\" + 0.013*\"western\" + 0.013*\"arsen\" + 0.011*\"depress\" + 0.010*\"gai\"\n", - "2019-01-31 01:10:22,032 : INFO : topic #25 (0.020): 0.033*\"ring\" + 0.018*\"lagrang\" + 0.018*\"area\" + 0.017*\"warmth\" + 0.016*\"mount\" + 0.010*\"north\" + 0.009*\"foam\" + 0.009*\"palmer\" + 0.008*\"sourc\" + 0.008*\"lobe\"\n", - "2019-01-31 01:10:22,038 : INFO : topic diff=0.004152, rho=0.025190\n", - "2019-01-31 01:10:22,197 : INFO : PROGRESS: pass 0, at document #3154000/4922894\n", - "2019-01-31 01:10:23,571 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:10:23,837 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:10:23,838 : INFO : topic #14 (0.020): 0.023*\"forc\" + 0.022*\"aggress\" + 0.021*\"walter\" + 0.020*\"armi\" + 0.017*\"com\" + 0.014*\"oper\" + 0.014*\"unionist\" + 0.013*\"militari\" + 0.011*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:10:23,840 : INFO : topic #32 (0.020): 0.049*\"district\" + 0.045*\"popolo\" + 0.041*\"vigour\" + 0.036*\"tortur\" + 0.032*\"cotton\" + 0.023*\"multitud\" + 0.022*\"area\" + 0.021*\"adulthood\" + 0.020*\"citi\" + 0.019*\"cede\"\n", - "2019-01-31 01:10:23,841 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.010*\"form\" + 0.009*\"mean\" + 0.008*\"origin\" + 0.008*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.007*\"ancestor\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:10:23,842 : INFO : topic #13 (0.020): 0.027*\"london\" + 0.026*\"australia\" + 0.026*\"new\" + 0.025*\"sourc\" + 0.024*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.015*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 01:10:23,848 : INFO : topic diff=0.004476, rho=0.025182\n", - "2019-01-31 01:10:24,009 : INFO : PROGRESS: pass 0, at document #3156000/4922894\n", - "2019-01-31 01:10:25,431 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:10:25,697 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.021*\"requir\" + 0.021*\"collector\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.012*\"http\" + 0.011*\"degre\"\n", - "2019-01-31 01:10:25,699 : INFO : topic #25 (0.020): 0.033*\"ring\" + 0.019*\"lagrang\" + 0.018*\"area\" + 0.017*\"warmth\" + 0.016*\"mount\" + 0.010*\"north\" + 0.009*\"foam\" + 0.009*\"palmer\" + 0.008*\"sourc\" + 0.008*\"lobe\"\n", - "2019-01-31 01:10:25,700 : INFO : topic #21 (0.020): 0.032*\"samford\" + 0.021*\"spain\" + 0.019*\"del\" + 0.017*\"mexico\" + 0.016*\"italian\" + 0.013*\"soviet\" + 0.012*\"juan\" + 0.011*\"josé\" + 0.011*\"carlo\" + 0.011*\"santa\"\n", - "2019-01-31 01:10:25,701 : INFO : topic #38 (0.020): 0.024*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.008*\"teufel\" + 0.008*\"empath\" + 0.007*\"armi\" + 0.007*\"govern\" + 0.006*\"till\" + 0.006*\"militari\"\n", - "2019-01-31 01:10:25,702 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.032*\"perceptu\" + 0.020*\"theater\" + 0.018*\"place\" + 0.018*\"compos\" + 0.015*\"damn\" + 0.014*\"orchestr\" + 0.013*\"olympo\" + 0.012*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 01:10:25,708 : INFO : topic diff=0.005016, rho=0.025174\n", - "2019-01-31 01:10:25,865 : INFO : PROGRESS: pass 0, at document #3158000/4922894\n", - "2019-01-31 01:10:27,250 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:10:27,516 : INFO : topic #21 (0.020): 0.032*\"samford\" + 0.021*\"spain\" + 0.019*\"del\" + 0.016*\"mexico\" + 0.016*\"italian\" + 0.013*\"soviet\" + 0.012*\"juan\" + 0.011*\"josé\" + 0.011*\"carlo\" + 0.011*\"santa\"\n", - "2019-01-31 01:10:27,517 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.024*\"cathol\" + 0.023*\"christian\" + 0.020*\"bishop\" + 0.016*\"retroflex\" + 0.016*\"sail\" + 0.010*\"poll\" + 0.009*\"relationship\" + 0.009*\"cathedr\" + 0.009*\"historiographi\"\n", - "2019-01-31 01:10:27,519 : INFO : topic #35 (0.020): 0.056*\"russia\" + 0.039*\"sovereignti\" + 0.034*\"rural\" + 0.025*\"personifi\" + 0.024*\"reprint\" + 0.022*\"poison\" + 0.019*\"moscow\" + 0.015*\"poland\" + 0.015*\"unfortun\" + 0.015*\"malaysia\"\n", - "2019-01-31 01:10:27,520 : INFO : topic #9 (0.020): 0.070*\"bone\" + 0.046*\"american\" + 0.031*\"valour\" + 0.020*\"folei\" + 0.018*\"player\" + 0.017*\"dutch\" + 0.017*\"polit\" + 0.016*\"english\" + 0.012*\"simpler\" + 0.011*\"acrimoni\"\n", - "2019-01-31 01:10:27,521 : INFO : topic #44 (0.020): 0.032*\"rooftop\" + 0.029*\"final\" + 0.022*\"wife\" + 0.021*\"tourist\" + 0.018*\"champion\" + 0.015*\"taxpay\" + 0.015*\"martin\" + 0.014*\"tiepolo\" + 0.014*\"chamber\" + 0.013*\"open\"\n", - "2019-01-31 01:10:27,527 : INFO : topic diff=0.003629, rho=0.025166\n", - "2019-01-31 01:10:30,341 : INFO : -11.976 per-word bound, 4028.9 perplexity estimate based on a held-out corpus of 2000 documents with 608637 words\n", - "2019-01-31 01:10:30,342 : INFO : PROGRESS: pass 0, at document #3160000/4922894\n", - "2019-01-31 01:10:31,774 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:10:32,040 : INFO : topic #39 (0.020): 0.059*\"canada\" + 0.044*\"canadian\" + 0.024*\"toronto\" + 0.023*\"hoar\" + 0.020*\"ontario\" + 0.015*\"hydrogen\" + 0.015*\"new\" + 0.014*\"quebec\" + 0.014*\"misericordia\" + 0.013*\"novotná\"\n", - "2019-01-31 01:10:32,041 : INFO : topic #3 (0.020): 0.032*\"present\" + 0.025*\"offic\" + 0.024*\"minist\" + 0.023*\"nation\" + 0.022*\"govern\" + 0.021*\"member\" + 0.019*\"serv\" + 0.016*\"start\" + 0.016*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:10:32,043 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.019*\"factor\" + 0.011*\"plaisir\" + 0.010*\"genu\" + 0.010*\"biom\" + 0.009*\"western\" + 0.008*\"male\" + 0.008*\"feel\" + 0.008*\"median\" + 0.007*\"trap\"\n", - "2019-01-31 01:10:32,044 : INFO : topic #9 (0.020): 0.070*\"bone\" + 0.045*\"american\" + 0.031*\"valour\" + 0.020*\"folei\" + 0.018*\"player\" + 0.017*\"dutch\" + 0.017*\"polit\" + 0.016*\"english\" + 0.012*\"simpler\" + 0.011*\"acrimoni\"\n", - "2019-01-31 01:10:32,045 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.009*\"mode\" + 0.008*\"elabor\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.007*\"spectacl\" + 0.006*\"encyclopedia\" + 0.006*\"produc\"\n", - "2019-01-31 01:10:32,051 : INFO : topic diff=0.003941, rho=0.025158\n", - "2019-01-31 01:10:32,214 : INFO : PROGRESS: pass 0, at document #3162000/4922894\n", - "2019-01-31 01:10:33,629 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:10:33,897 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.010*\"septemb\" + 0.010*\"anim\" + 0.010*\"man\" + 0.007*\"appear\" + 0.007*\"comic\" + 0.006*\"workplac\" + 0.006*\"storag\" + 0.006*\"vision\" + 0.006*\"fusiform\"\n", - "2019-01-31 01:10:33,898 : INFO : topic #48 (0.020): 0.082*\"march\" + 0.080*\"sens\" + 0.078*\"octob\" + 0.072*\"januari\" + 0.071*\"august\" + 0.070*\"juli\" + 0.069*\"notion\" + 0.068*\"judici\" + 0.067*\"april\" + 0.066*\"decatur\"\n", - "2019-01-31 01:10:33,899 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.024*\"epiru\" + 0.021*\"septemb\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:10:33,900 : INFO : topic #32 (0.020): 0.049*\"district\" + 0.045*\"popolo\" + 0.042*\"vigour\" + 0.036*\"tortur\" + 0.033*\"cotton\" + 0.023*\"multitud\" + 0.022*\"area\" + 0.021*\"adulthood\" + 0.020*\"citi\" + 0.019*\"cede\"\n", - "2019-01-31 01:10:33,901 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"poet\" + 0.007*\"utopian\" + 0.006*\"gener\" + 0.006*\"théori\" + 0.006*\"exampl\" + 0.006*\"measur\" + 0.006*\"southern\" + 0.005*\"differ\"\n", - "2019-01-31 01:10:33,908 : INFO : topic diff=0.004350, rho=0.025150\n", - "2019-01-31 01:10:34,070 : INFO : PROGRESS: pass 0, at document #3164000/4922894\n", - "2019-01-31 01:10:35,955 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:10:36,221 : INFO : topic #48 (0.020): 0.082*\"march\" + 0.080*\"sens\" + 0.078*\"octob\" + 0.072*\"januari\" + 0.071*\"juli\" + 0.071*\"august\" + 0.069*\"notion\" + 0.068*\"judici\" + 0.067*\"april\" + 0.066*\"decatur\"\n", - "2019-01-31 01:10:36,222 : INFO : topic #31 (0.020): 0.053*\"fusiform\" + 0.027*\"scientist\" + 0.026*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:10:36,223 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.047*\"franc\" + 0.031*\"pari\" + 0.023*\"sail\" + 0.022*\"jean\" + 0.018*\"daphn\" + 0.013*\"loui\" + 0.013*\"lazi\" + 0.012*\"piec\" + 0.008*\"wine\"\n", - "2019-01-31 01:10:36,224 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.024*\"palmer\" + 0.021*\"new\" + 0.014*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:10:36,225 : INFO : topic #10 (0.020): 0.013*\"cdd\" + 0.009*\"media\" + 0.008*\"disco\" + 0.007*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"have\" + 0.006*\"caus\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"gastrointestin\"\n", - "2019-01-31 01:10:36,231 : INFO : topic diff=0.004311, rho=0.025142\n", - "2019-01-31 01:10:36,453 : INFO : PROGRESS: pass 0, at document #3166000/4922894\n", - "2019-01-31 01:10:37,845 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:10:38,115 : INFO : topic #44 (0.020): 0.033*\"rooftop\" + 0.028*\"final\" + 0.022*\"wife\" + 0.020*\"tourist\" + 0.018*\"champion\" + 0.015*\"taxpay\" + 0.015*\"martin\" + 0.014*\"tiepolo\" + 0.014*\"chamber\" + 0.013*\"open\"\n", - "2019-01-31 01:10:38,115 : INFO : topic #35 (0.020): 0.055*\"russia\" + 0.038*\"sovereignti\" + 0.034*\"rural\" + 0.025*\"personifi\" + 0.023*\"reprint\" + 0.022*\"poison\" + 0.019*\"moscow\" + 0.016*\"poland\" + 0.015*\"unfortun\" + 0.015*\"malaysia\"\n", - "2019-01-31 01:10:38,117 : INFO : topic #19 (0.020): 0.015*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.010*\"form\" + 0.009*\"mean\" + 0.008*\"origin\" + 0.008*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.007*\"ancestor\"\n", - "2019-01-31 01:10:38,118 : INFO : topic #43 (0.020): 0.065*\"elect\" + 0.057*\"parti\" + 0.025*\"voluntari\" + 0.024*\"democrat\" + 0.020*\"member\" + 0.017*\"polici\" + 0.015*\"republ\" + 0.015*\"seaport\" + 0.013*\"bypass\" + 0.013*\"selma\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:10:38,119 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.031*\"germani\" + 0.016*\"vol\" + 0.014*\"berlin\" + 0.014*\"jewish\" + 0.014*\"israel\" + 0.013*\"der\" + 0.011*\"european\" + 0.010*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:10:38,125 : INFO : topic diff=0.004365, rho=0.025134\n", - "2019-01-31 01:10:38,282 : INFO : PROGRESS: pass 0, at document #3168000/4922894\n", - "2019-01-31 01:10:39,682 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:10:39,948 : INFO : topic #19 (0.020): 0.015*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.010*\"form\" + 0.009*\"mean\" + 0.008*\"origin\" + 0.008*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.007*\"ancestor\"\n", - "2019-01-31 01:10:39,949 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:10:39,950 : INFO : topic #35 (0.020): 0.055*\"russia\" + 0.038*\"sovereignti\" + 0.034*\"rural\" + 0.025*\"personifi\" + 0.023*\"reprint\" + 0.022*\"poison\" + 0.019*\"moscow\" + 0.016*\"poland\" + 0.015*\"unfortun\" + 0.014*\"malaysia\"\n", - "2019-01-31 01:10:39,951 : INFO : topic #38 (0.020): 0.024*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.008*\"teufel\" + 0.008*\"empath\" + 0.007*\"armi\" + 0.007*\"till\" + 0.007*\"govern\" + 0.006*\"militari\"\n", - "2019-01-31 01:10:39,952 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.008*\"word\" + 0.007*\"human\" + 0.007*\"woman\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:10:39,958 : INFO : topic diff=0.003928, rho=0.025126\n", - "2019-01-31 01:10:40,116 : INFO : PROGRESS: pass 0, at document #3170000/4922894\n", - "2019-01-31 01:10:41,507 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:10:41,774 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.019*\"factor\" + 0.011*\"plaisir\" + 0.010*\"genu\" + 0.009*\"biom\" + 0.009*\"western\" + 0.008*\"median\" + 0.008*\"feel\" + 0.008*\"male\" + 0.007*\"trap\"\n", - "2019-01-31 01:10:41,775 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.021*\"requir\" + 0.020*\"collector\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"http\" + 0.012*\"word\" + 0.011*\"degre\"\n", - "2019-01-31 01:10:41,776 : INFO : topic #45 (0.020): 0.027*\"jpg\" + 0.024*\"fifteenth\" + 0.019*\"illicit\" + 0.017*\"pain\" + 0.016*\"colder\" + 0.014*\"arsen\" + 0.013*\"black\" + 0.012*\"western\" + 0.011*\"depress\" + 0.011*\"gai\"\n", - "2019-01-31 01:10:41,777 : INFO : topic #38 (0.020): 0.024*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.008*\"teufel\" + 0.008*\"empath\" + 0.007*\"armi\" + 0.007*\"govern\" + 0.007*\"till\" + 0.006*\"militari\"\n", - "2019-01-31 01:10:41,778 : INFO : topic #43 (0.020): 0.065*\"elect\" + 0.057*\"parti\" + 0.025*\"voluntari\" + 0.024*\"democrat\" + 0.020*\"member\" + 0.017*\"polici\" + 0.015*\"republ\" + 0.015*\"seaport\" + 0.013*\"bypass\" + 0.013*\"selma\"\n", - "2019-01-31 01:10:41,784 : INFO : topic diff=0.003314, rho=0.025118\n", - "2019-01-31 01:10:41,938 : INFO : PROGRESS: pass 0, at document #3172000/4922894\n", - "2019-01-31 01:10:43,304 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:10:43,571 : INFO : topic #21 (0.020): 0.032*\"samford\" + 0.021*\"spain\" + 0.019*\"del\" + 0.016*\"mexico\" + 0.016*\"italian\" + 0.013*\"soviet\" + 0.011*\"juan\" + 0.011*\"santa\" + 0.011*\"lizard\" + 0.010*\"josé\"\n", - "2019-01-31 01:10:43,572 : INFO : topic #44 (0.020): 0.033*\"rooftop\" + 0.028*\"final\" + 0.022*\"wife\" + 0.020*\"tourist\" + 0.018*\"champion\" + 0.015*\"taxpay\" + 0.015*\"martin\" + 0.014*\"chamber\" + 0.014*\"tiepolo\" + 0.013*\"open\"\n", - "2019-01-31 01:10:43,573 : INFO : topic #29 (0.020): 0.030*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.012*\"market\" + 0.011*\"bank\" + 0.011*\"produc\" + 0.010*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 01:10:43,574 : INFO : topic #39 (0.020): 0.058*\"canada\" + 0.044*\"canadian\" + 0.024*\"toronto\" + 0.022*\"hoar\" + 0.019*\"ontario\" + 0.015*\"novotná\" + 0.015*\"new\" + 0.015*\"hydrogen\" + 0.014*\"misericordia\" + 0.014*\"quebec\"\n", - "2019-01-31 01:10:43,575 : INFO : topic #13 (0.020): 0.028*\"london\" + 0.027*\"australia\" + 0.026*\"new\" + 0.025*\"sourc\" + 0.024*\"england\" + 0.023*\"australian\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.015*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 01:10:43,580 : INFO : topic diff=0.004106, rho=0.025110\n", - "2019-01-31 01:10:43,738 : INFO : PROGRESS: pass 0, at document #3174000/4922894\n", - "2019-01-31 01:10:45,139 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:10:45,405 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.011*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.008*\"word\" + 0.007*\"human\" + 0.007*\"woman\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:10:45,406 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.020*\"walter\" + 0.020*\"armi\" + 0.018*\"com\" + 0.015*\"oper\" + 0.014*\"unionist\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:10:45,407 : INFO : topic #39 (0.020): 0.058*\"canada\" + 0.044*\"canadian\" + 0.024*\"toronto\" + 0.022*\"hoar\" + 0.019*\"ontario\" + 0.015*\"novotná\" + 0.015*\"new\" + 0.015*\"hydrogen\" + 0.014*\"misericordia\" + 0.014*\"quebec\"\n", - "2019-01-31 01:10:45,408 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.013*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"paul\" + 0.008*\"georg\" + 0.008*\"slur\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:10:45,409 : INFO : topic #17 (0.020): 0.078*\"church\" + 0.023*\"christian\" + 0.023*\"cathol\" + 0.020*\"bishop\" + 0.016*\"retroflex\" + 0.016*\"sail\" + 0.010*\"poll\" + 0.009*\"relationship\" + 0.009*\"cathedr\" + 0.009*\"parish\"\n", - "2019-01-31 01:10:45,415 : INFO : topic diff=0.003677, rho=0.025102\n", - "2019-01-31 01:10:45,575 : INFO : PROGRESS: pass 0, at document #3176000/4922894\n", - "2019-01-31 01:10:46,947 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:10:47,214 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.057*\"parti\" + 0.025*\"democrat\" + 0.024*\"voluntari\" + 0.020*\"member\" + 0.017*\"polici\" + 0.015*\"republ\" + 0.014*\"seaport\" + 0.013*\"bypass\" + 0.013*\"selma\"\n", - "2019-01-31 01:10:47,215 : INFO : topic #44 (0.020): 0.034*\"rooftop\" + 0.029*\"final\" + 0.022*\"wife\" + 0.020*\"tourist\" + 0.018*\"champion\" + 0.015*\"taxpay\" + 0.015*\"martin\" + 0.014*\"chamber\" + 0.013*\"tiepolo\" + 0.013*\"winner\"\n", - "2019-01-31 01:10:47,216 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 01:10:47,217 : INFO : topic #27 (0.020): 0.072*\"questionnair\" + 0.019*\"candid\" + 0.019*\"taxpay\" + 0.013*\"tornado\" + 0.013*\"driver\" + 0.013*\"ret\" + 0.012*\"find\" + 0.011*\"fool\" + 0.011*\"squatter\" + 0.010*\"champion\"\n", - "2019-01-31 01:10:47,218 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.024*\"palmer\" + 0.021*\"new\" + 0.014*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:10:47,224 : INFO : topic diff=0.003521, rho=0.025094\n", - "2019-01-31 01:10:47,383 : INFO : PROGRESS: pass 0, at document #3178000/4922894\n", - "2019-01-31 01:10:48,790 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:10:49,057 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.020*\"walter\" + 0.020*\"armi\" + 0.018*\"com\" + 0.015*\"oper\" + 0.014*\"unionist\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:10:49,058 : INFO : topic #36 (0.020): 0.012*\"network\" + 0.011*\"pop\" + 0.011*\"prognosi\" + 0.009*\"cytokin\" + 0.008*\"develop\" + 0.008*\"diggin\" + 0.008*\"uruguayan\" + 0.008*\"softwar\" + 0.008*\"user\" + 0.007*\"includ\"\n", - "2019-01-31 01:10:49,059 : INFO : topic #34 (0.020): 0.068*\"start\" + 0.034*\"new\" + 0.032*\"american\" + 0.029*\"unionist\" + 0.025*\"cotton\" + 0.022*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.013*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:10:49,060 : INFO : topic #26 (0.020): 0.032*\"workplac\" + 0.029*\"champion\" + 0.028*\"woman\" + 0.025*\"olymp\" + 0.024*\"men\" + 0.023*\"medal\" + 0.021*\"event\" + 0.018*\"atheist\" + 0.018*\"rainfal\" + 0.018*\"nation\"\n", - "2019-01-31 01:10:49,061 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"poet\" + 0.007*\"gener\" + 0.006*\"utopian\" + 0.006*\"exampl\" + 0.006*\"théori\" + 0.006*\"southern\" + 0.006*\"measur\" + 0.006*\"differ\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:10:49,067 : INFO : topic diff=0.003511, rho=0.025086\n", - "2019-01-31 01:10:51,794 : INFO : -11.411 per-word bound, 2722.3 perplexity estimate based on a held-out corpus of 2000 documents with 573974 words\n", - "2019-01-31 01:10:51,795 : INFO : PROGRESS: pass 0, at document #3180000/4922894\n", - "2019-01-31 01:10:53,196 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:10:53,462 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.019*\"factor\" + 0.011*\"plaisir\" + 0.010*\"genu\" + 0.009*\"biom\" + 0.009*\"western\" + 0.008*\"median\" + 0.008*\"feel\" + 0.008*\"male\" + 0.007*\"trap\"\n", - "2019-01-31 01:10:53,463 : INFO : topic #17 (0.020): 0.078*\"church\" + 0.023*\"cathol\" + 0.023*\"christian\" + 0.020*\"bishop\" + 0.016*\"retroflex\" + 0.016*\"sail\" + 0.010*\"poll\" + 0.009*\"relationship\" + 0.009*\"parish\" + 0.009*\"cathedr\"\n", - "2019-01-31 01:10:53,464 : INFO : topic #2 (0.020): 0.052*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.012*\"nativist\" + 0.011*\"coalit\" + 0.009*\"fleet\" + 0.009*\"bahá\"\n", - "2019-01-31 01:10:53,465 : INFO : topic #30 (0.020): 0.035*\"cleveland\" + 0.035*\"leagu\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.025*\"scientist\" + 0.024*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:10:53,466 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.043*\"line\" + 0.034*\"raid\" + 0.027*\"rosenwald\" + 0.021*\"traceabl\" + 0.021*\"serv\" + 0.014*\"oper\" + 0.011*\"rivièr\" + 0.011*\"airmen\" + 0.011*\"transient\"\n", - "2019-01-31 01:10:53,472 : INFO : topic diff=0.004377, rho=0.025078\n", - "2019-01-31 01:10:53,625 : INFO : PROGRESS: pass 0, at document #3182000/4922894\n", - "2019-01-31 01:10:54,979 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:10:55,245 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.023*\"cortic\" + 0.018*\"start\" + 0.016*\"act\" + 0.012*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.008*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 01:10:55,246 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.023*\"palmer\" + 0.021*\"new\" + 0.014*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:10:55,247 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.030*\"incumb\" + 0.013*\"pakistan\" + 0.012*\"televis\" + 0.012*\"islam\" + 0.011*\"muskoge\" + 0.011*\"anglo\" + 0.010*\"sri\" + 0.010*\"affection\" + 0.010*\"alam\"\n", - "2019-01-31 01:10:55,248 : INFO : topic #30 (0.020): 0.035*\"cleveland\" + 0.035*\"leagu\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.025*\"scientist\" + 0.024*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:10:55,250 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:10:55,255 : INFO : topic diff=0.004012, rho=0.025071\n", - "2019-01-31 01:10:55,412 : INFO : PROGRESS: pass 0, at document #3184000/4922894\n", - "2019-01-31 01:10:56,804 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:10:57,070 : INFO : topic #28 (0.020): 0.034*\"build\" + 0.027*\"hous\" + 0.018*\"buford\" + 0.017*\"rivièr\" + 0.014*\"histor\" + 0.011*\"constitut\" + 0.011*\"briarwood\" + 0.011*\"depress\" + 0.011*\"linear\" + 0.010*\"silicon\"\n", - "2019-01-31 01:10:57,072 : INFO : topic #29 (0.020): 0.030*\"companhia\" + 0.012*\"busi\" + 0.012*\"million\" + 0.011*\"market\" + 0.011*\"bank\" + 0.011*\"produc\" + 0.010*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"oper\"\n", - "2019-01-31 01:10:57,073 : INFO : topic #20 (0.020): 0.148*\"scholar\" + 0.040*\"struggl\" + 0.037*\"high\" + 0.031*\"educ\" + 0.026*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"task\" + 0.009*\"district\" + 0.009*\"gothic\"\n", - "2019-01-31 01:10:57,074 : INFO : topic #34 (0.020): 0.067*\"start\" + 0.034*\"new\" + 0.032*\"american\" + 0.030*\"unionist\" + 0.025*\"cotton\" + 0.022*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:10:57,075 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:10:57,081 : INFO : topic diff=0.003405, rho=0.025063\n", - "2019-01-31 01:10:57,234 : INFO : PROGRESS: pass 0, at document #3186000/4922894\n", - "2019-01-31 01:10:58,600 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:10:58,867 : INFO : topic #36 (0.020): 0.012*\"network\" + 0.011*\"pop\" + 0.011*\"prognosi\" + 0.009*\"cytokin\" + 0.008*\"develop\" + 0.008*\"uruguayan\" + 0.008*\"diggin\" + 0.008*\"softwar\" + 0.008*\"user\" + 0.007*\"includ\"\n", - "2019-01-31 01:10:58,868 : INFO : topic #3 (0.020): 0.032*\"present\" + 0.026*\"offic\" + 0.024*\"minist\" + 0.023*\"nation\" + 0.023*\"govern\" + 0.021*\"member\" + 0.019*\"serv\" + 0.016*\"start\" + 0.016*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:10:58,868 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.031*\"perceptu\" + 0.019*\"theater\" + 0.019*\"compos\" + 0.018*\"place\" + 0.014*\"damn\" + 0.014*\"physician\" + 0.014*\"orchestr\" + 0.013*\"olympo\" + 0.011*\"jack\"\n", - "2019-01-31 01:10:58,869 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.046*\"franc\" + 0.031*\"pari\" + 0.024*\"sail\" + 0.023*\"jean\" + 0.017*\"daphn\" + 0.013*\"loui\" + 0.013*\"lazi\" + 0.012*\"piec\" + 0.008*\"wine\"\n", - "2019-01-31 01:10:58,870 : INFO : topic #27 (0.020): 0.072*\"questionnair\" + 0.019*\"candid\" + 0.019*\"taxpay\" + 0.013*\"tornado\" + 0.013*\"driver\" + 0.012*\"ret\" + 0.012*\"find\" + 0.011*\"squatter\" + 0.011*\"fool\" + 0.010*\"champion\"\n", - "2019-01-31 01:10:58,876 : INFO : topic diff=0.003314, rho=0.025055\n", - "2019-01-31 01:10:59,033 : INFO : PROGRESS: pass 0, at document #3188000/4922894\n", - "2019-01-31 01:11:00,435 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:11:00,704 : INFO : topic #13 (0.020): 0.028*\"london\" + 0.026*\"australia\" + 0.026*\"new\" + 0.025*\"sourc\" + 0.024*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.015*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 01:11:00,705 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.010*\"anim\" + 0.010*\"septemb\" + 0.010*\"man\" + 0.007*\"appear\" + 0.007*\"comic\" + 0.006*\"workplac\" + 0.006*\"storag\" + 0.006*\"fusiform\" + 0.006*\"vision\"\n", - "2019-01-31 01:11:00,707 : INFO : topic #40 (0.020): 0.086*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.021*\"requir\" + 0.021*\"collector\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.012*\"http\" + 0.011*\"governor\"\n", - "2019-01-31 01:11:00,708 : INFO : topic #9 (0.020): 0.069*\"bone\" + 0.048*\"american\" + 0.030*\"valour\" + 0.020*\"folei\" + 0.020*\"player\" + 0.017*\"dutch\" + 0.017*\"polit\" + 0.016*\"english\" + 0.012*\"simpler\" + 0.012*\"acrimoni\"\n", - "2019-01-31 01:11:00,709 : INFO : topic #20 (0.020): 0.152*\"scholar\" + 0.040*\"struggl\" + 0.037*\"high\" + 0.030*\"educ\" + 0.025*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"prickli\" + 0.010*\"task\" + 0.009*\"district\"\n", - "2019-01-31 01:11:00,714 : INFO : topic diff=0.003494, rho=0.025047\n", - "2019-01-31 01:11:00,869 : INFO : PROGRESS: pass 0, at document #3190000/4922894\n", - "2019-01-31 01:11:02,245 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:11:02,512 : INFO : topic #42 (0.020): 0.049*\"german\" + 0.031*\"germani\" + 0.016*\"vol\" + 0.015*\"berlin\" + 0.015*\"jewish\" + 0.014*\"israel\" + 0.013*\"der\" + 0.010*\"european\" + 0.009*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:11:02,513 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.047*\"franc\" + 0.031*\"pari\" + 0.023*\"sail\" + 0.023*\"jean\" + 0.017*\"daphn\" + 0.013*\"loui\" + 0.013*\"lazi\" + 0.012*\"piec\" + 0.008*\"wine\"\n", - "2019-01-31 01:11:02,514 : INFO : topic #17 (0.020): 0.079*\"church\" + 0.023*\"cathol\" + 0.023*\"christian\" + 0.020*\"bishop\" + 0.016*\"sail\" + 0.016*\"retroflex\" + 0.009*\"poll\" + 0.009*\"relationship\" + 0.009*\"cathedr\" + 0.009*\"parish\"\n", - "2019-01-31 01:11:02,515 : INFO : topic #43 (0.020): 0.067*\"elect\" + 0.057*\"parti\" + 0.024*\"voluntari\" + 0.024*\"democrat\" + 0.020*\"member\" + 0.017*\"polici\" + 0.015*\"republ\" + 0.014*\"seaport\" + 0.013*\"bypass\" + 0.013*\"selma\"\n", - "2019-01-31 01:11:02,516 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.023*\"palmer\" + 0.021*\"new\" + 0.014*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:11:02,522 : INFO : topic diff=0.004055, rho=0.025039\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:11:02,680 : INFO : PROGRESS: pass 0, at document #3192000/4922894\n", - "2019-01-31 01:11:04,087 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:11:04,355 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"margin\" + 0.016*\"yawn\" + 0.014*\"bone\" + 0.012*\"faster\" + 0.012*\"life\" + 0.012*\"daughter\" + 0.012*\"john\"\n", - "2019-01-31 01:11:04,356 : INFO : topic #46 (0.020): 0.018*\"stop\" + 0.017*\"sweden\" + 0.016*\"norwai\" + 0.016*\"swedish\" + 0.014*\"norwegian\" + 0.013*\"wind\" + 0.013*\"treeless\" + 0.012*\"damag\" + 0.011*\"huntsvil\" + 0.011*\"denmark\"\n", - "2019-01-31 01:11:04,357 : INFO : topic #21 (0.020): 0.033*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.017*\"italian\" + 0.016*\"mexico\" + 0.013*\"soviet\" + 0.011*\"santa\" + 0.011*\"juan\" + 0.010*\"lizard\" + 0.010*\"carlo\"\n", - "2019-01-31 01:11:04,358 : INFO : topic #34 (0.020): 0.067*\"start\" + 0.034*\"new\" + 0.032*\"american\" + 0.030*\"unionist\" + 0.025*\"cotton\" + 0.022*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.013*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:11:04,359 : INFO : topic #16 (0.020): 0.058*\"king\" + 0.034*\"priest\" + 0.023*\"duke\" + 0.019*\"quarterli\" + 0.019*\"rotterdam\" + 0.018*\"grammat\" + 0.017*\"idiosyncrat\" + 0.015*\"count\" + 0.014*\"brazil\" + 0.012*\"princ\"\n", - "2019-01-31 01:11:04,365 : INFO : topic diff=0.003654, rho=0.025031\n", - "2019-01-31 01:11:04,520 : INFO : PROGRESS: pass 0, at document #3194000/4922894\n", - "2019-01-31 01:11:05,892 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:11:06,158 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.023*\"cortic\" + 0.018*\"start\" + 0.016*\"act\" + 0.012*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.008*\"legal\" + 0.007*\"justic\"\n", - "2019-01-31 01:11:06,159 : INFO : topic #21 (0.020): 0.033*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.017*\"italian\" + 0.016*\"mexico\" + 0.013*\"soviet\" + 0.011*\"juan\" + 0.011*\"santa\" + 0.010*\"lizard\" + 0.010*\"carlo\"\n", - "2019-01-31 01:11:06,160 : INFO : topic #28 (0.020): 0.034*\"build\" + 0.027*\"hous\" + 0.018*\"buford\" + 0.017*\"rivièr\" + 0.014*\"histor\" + 0.011*\"constitut\" + 0.011*\"depress\" + 0.011*\"briarwood\" + 0.010*\"linear\" + 0.010*\"silicon\"\n", - "2019-01-31 01:11:06,161 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.044*\"popolo\" + 0.042*\"vigour\" + 0.037*\"tortur\" + 0.033*\"cotton\" + 0.022*\"multitud\" + 0.022*\"area\" + 0.021*\"adulthood\" + 0.021*\"citi\" + 0.019*\"cede\"\n", - "2019-01-31 01:11:06,162 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.008*\"word\" + 0.007*\"human\" + 0.007*\"woman\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:11:06,168 : INFO : topic diff=0.003691, rho=0.025023\n", - "2019-01-31 01:11:06,322 : INFO : PROGRESS: pass 0, at document #3196000/4922894\n", - "2019-01-31 01:11:07,692 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:11:07,958 : INFO : topic #23 (0.020): 0.137*\"audit\" + 0.071*\"best\" + 0.035*\"yawn\" + 0.028*\"jacksonvil\" + 0.022*\"japanes\" + 0.021*\"noll\" + 0.020*\"festiv\" + 0.018*\"women\" + 0.016*\"intern\" + 0.012*\"winner\"\n", - "2019-01-31 01:11:07,959 : INFO : topic #3 (0.020): 0.031*\"present\" + 0.026*\"offic\" + 0.023*\"minist\" + 0.023*\"nation\" + 0.022*\"govern\" + 0.021*\"member\" + 0.019*\"serv\" + 0.016*\"start\" + 0.016*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:11:07,960 : INFO : topic #29 (0.020): 0.030*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"market\" + 0.011*\"bank\" + 0.011*\"produc\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"oper\"\n", - "2019-01-31 01:11:07,961 : INFO : topic #42 (0.020): 0.048*\"german\" + 0.031*\"germani\" + 0.015*\"vol\" + 0.015*\"jewish\" + 0.014*\"berlin\" + 0.014*\"israel\" + 0.013*\"der\" + 0.011*\"european\" + 0.009*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:11:07,962 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.008*\"word\" + 0.007*\"human\" + 0.007*\"woman\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:11:07,968 : INFO : topic diff=0.003398, rho=0.025016\n", - "2019-01-31 01:11:08,181 : INFO : PROGRESS: pass 0, at document #3198000/4922894\n", - "2019-01-31 01:11:09,566 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:11:09,835 : INFO : topic #45 (0.020): 0.027*\"jpg\" + 0.025*\"fifteenth\" + 0.020*\"illicit\" + 0.017*\"pain\" + 0.015*\"colder\" + 0.014*\"arsen\" + 0.013*\"black\" + 0.012*\"western\" + 0.012*\"museo\" + 0.011*\"gai\"\n", - "2019-01-31 01:11:09,836 : INFO : topic #44 (0.020): 0.034*\"rooftop\" + 0.029*\"final\" + 0.021*\"wife\" + 0.020*\"tourist\" + 0.018*\"champion\" + 0.015*\"taxpay\" + 0.015*\"martin\" + 0.014*\"tiepolo\" + 0.014*\"chamber\" + 0.012*\"open\"\n", - "2019-01-31 01:11:09,837 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.044*\"popolo\" + 0.042*\"vigour\" + 0.037*\"tortur\" + 0.032*\"cotton\" + 0.022*\"area\" + 0.022*\"multitud\" + 0.021*\"adulthood\" + 0.021*\"citi\" + 0.019*\"cede\"\n", - "2019-01-31 01:11:09,838 : INFO : topic #29 (0.020): 0.030*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"market\" + 0.011*\"bank\" + 0.011*\"produc\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"oper\"\n", - "2019-01-31 01:11:09,840 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.010*\"form\" + 0.009*\"mean\" + 0.008*\"origin\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"ancestor\"\n", - "2019-01-31 01:11:09,845 : INFO : topic diff=0.003829, rho=0.025008\n", - "2019-01-31 01:11:12,486 : INFO : -11.511 per-word bound, 2919.3 perplexity estimate based on a held-out corpus of 2000 documents with 515958 words\n", - "2019-01-31 01:11:12,486 : INFO : PROGRESS: pass 0, at document #3200000/4922894\n", - "2019-01-31 01:11:13,858 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:11:14,124 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:11:14,125 : INFO : topic #28 (0.020): 0.034*\"build\" + 0.027*\"hous\" + 0.018*\"buford\" + 0.016*\"rivièr\" + 0.014*\"histor\" + 0.011*\"constitut\" + 0.011*\"depress\" + 0.011*\"briarwood\" + 0.011*\"silicon\" + 0.010*\"linear\"\n", - "2019-01-31 01:11:14,127 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.020*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.009*\"myspac\"\n", - "2019-01-31 01:11:14,128 : INFO : topic #39 (0.020): 0.057*\"canada\" + 0.042*\"canadian\" + 0.024*\"toronto\" + 0.023*\"hoar\" + 0.019*\"ontario\" + 0.015*\"novotná\" + 0.015*\"new\" + 0.015*\"hydrogen\" + 0.014*\"misericordia\" + 0.014*\"quebec\"\n", - "2019-01-31 01:11:14,129 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"group\" + 0.009*\"commun\" + 0.008*\"peopl\" + 0.008*\"word\" + 0.007*\"human\" + 0.007*\"woman\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:11:14,134 : INFO : topic diff=0.004012, rho=0.025000\n", - "2019-01-31 01:11:14,297 : INFO : PROGRESS: pass 0, at document #3202000/4922894\n", - "2019-01-31 01:11:15,692 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:11:15,959 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.019*\"factor\" + 0.012*\"plaisir\" + 0.010*\"genu\" + 0.009*\"biom\" + 0.009*\"western\" + 0.008*\"median\" + 0.008*\"feel\" + 0.008*\"male\" + 0.008*\"trap\"\n", - "2019-01-31 01:11:15,960 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.035*\"leagu\" + 0.030*\"place\" + 0.028*\"taxpay\" + 0.025*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:11:15,961 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.031*\"incumb\" + 0.013*\"pakistan\" + 0.012*\"televis\" + 0.012*\"islam\" + 0.012*\"muskoge\" + 0.012*\"anglo\" + 0.010*\"sri\" + 0.010*\"alam\" + 0.010*\"affection\"\n", - "2019-01-31 01:11:15,962 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.023*\"aggress\" + 0.020*\"walter\" + 0.020*\"armi\" + 0.017*\"com\" + 0.015*\"oper\" + 0.013*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.012*\"diversifi\"\n", - "2019-01-31 01:11:15,963 : INFO : topic #26 (0.020): 0.032*\"workplac\" + 0.029*\"champion\" + 0.029*\"woman\" + 0.026*\"olymp\" + 0.023*\"men\" + 0.022*\"medal\" + 0.021*\"event\" + 0.018*\"rainfal\" + 0.018*\"nation\" + 0.018*\"atheist\"\n", - "2019-01-31 01:11:15,969 : INFO : topic diff=0.003855, rho=0.024992\n", - "2019-01-31 01:11:16,124 : INFO : PROGRESS: pass 0, at document #3204000/4922894\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:11:17,518 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:11:17,785 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.010*\"septemb\" + 0.010*\"anim\" + 0.010*\"man\" + 0.007*\"comic\" + 0.007*\"appear\" + 0.007*\"workplac\" + 0.006*\"storag\" + 0.006*\"fusiform\" + 0.006*\"vision\"\n", - "2019-01-31 01:11:17,786 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.019*\"lagrang\" + 0.019*\"area\" + 0.017*\"warmth\" + 0.016*\"mount\" + 0.010*\"north\" + 0.009*\"foam\" + 0.009*\"land\" + 0.009*\"sourc\" + 0.008*\"palmer\"\n", - "2019-01-31 01:11:17,787 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.012*\"nativist\" + 0.011*\"coalit\" + 0.009*\"fleet\" + 0.009*\"class\"\n", - "2019-01-31 01:11:17,788 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.031*\"incumb\" + 0.013*\"pakistan\" + 0.012*\"televis\" + 0.012*\"anglo\" + 0.012*\"islam\" + 0.012*\"muskoge\" + 0.010*\"sri\" + 0.010*\"khalsa\" + 0.010*\"alam\"\n", - "2019-01-31 01:11:17,789 : INFO : topic #34 (0.020): 0.067*\"start\" + 0.034*\"new\" + 0.032*\"american\" + 0.030*\"unionist\" + 0.025*\"cotton\" + 0.022*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.013*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:11:17,794 : INFO : topic diff=0.003871, rho=0.024984\n", - "2019-01-31 01:11:17,949 : INFO : PROGRESS: pass 0, at document #3206000/4922894\n", - "2019-01-31 01:11:19,319 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:11:19,585 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.008*\"word\" + 0.007*\"human\" + 0.007*\"woman\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:11:19,586 : INFO : topic #26 (0.020): 0.031*\"workplac\" + 0.029*\"champion\" + 0.029*\"woman\" + 0.026*\"olymp\" + 0.024*\"men\" + 0.023*\"medal\" + 0.021*\"event\" + 0.018*\"rainfal\" + 0.018*\"nation\" + 0.018*\"atheist\"\n", - "2019-01-31 01:11:19,587 : INFO : topic #9 (0.020): 0.071*\"bone\" + 0.046*\"american\" + 0.029*\"valour\" + 0.020*\"folei\" + 0.019*\"player\" + 0.018*\"dutch\" + 0.017*\"polit\" + 0.016*\"english\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:11:19,588 : INFO : topic #45 (0.020): 0.027*\"jpg\" + 0.025*\"fifteenth\" + 0.020*\"illicit\" + 0.017*\"pain\" + 0.015*\"colder\" + 0.014*\"arsen\" + 0.013*\"black\" + 0.012*\"western\" + 0.012*\"museo\" + 0.011*\"gai\"\n", - "2019-01-31 01:11:19,589 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:11:19,595 : INFO : topic diff=0.003740, rho=0.024977\n", - "2019-01-31 01:11:19,752 : INFO : PROGRESS: pass 0, at document #3208000/4922894\n", - "2019-01-31 01:11:21,151 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:11:21,417 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.010*\"septemb\" + 0.010*\"anim\" + 0.010*\"man\" + 0.007*\"appear\" + 0.007*\"comic\" + 0.007*\"workplac\" + 0.006*\"storag\" + 0.006*\"fusiform\" + 0.006*\"love\"\n", - "2019-01-31 01:11:21,418 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"poet\" + 0.006*\"gener\" + 0.006*\"exampl\" + 0.006*\"utopian\" + 0.006*\"théori\" + 0.006*\"measur\" + 0.006*\"southern\" + 0.006*\"differ\"\n", - "2019-01-31 01:11:21,419 : INFO : topic #46 (0.020): 0.018*\"stop\" + 0.017*\"sweden\" + 0.017*\"norwai\" + 0.016*\"swedish\" + 0.015*\"norwegian\" + 0.014*\"wind\" + 0.012*\"damag\" + 0.012*\"treeless\" + 0.011*\"huntsvil\" + 0.011*\"denmark\"\n", - "2019-01-31 01:11:21,420 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.008*\"word\" + 0.007*\"human\" + 0.007*\"woman\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:11:21,421 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.030*\"incumb\" + 0.013*\"pakistan\" + 0.012*\"islam\" + 0.012*\"televis\" + 0.012*\"anglo\" + 0.012*\"muskoge\" + 0.010*\"sri\" + 0.010*\"khalsa\" + 0.010*\"alam\"\n", - "2019-01-31 01:11:21,427 : INFO : topic diff=0.003282, rho=0.024969\n", - "2019-01-31 01:11:21,587 : INFO : PROGRESS: pass 0, at document #3210000/4922894\n", - "2019-01-31 01:11:22,983 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:11:23,253 : INFO : topic #27 (0.020): 0.073*\"questionnair\" + 0.019*\"candid\" + 0.019*\"taxpay\" + 0.013*\"tornado\" + 0.013*\"driver\" + 0.012*\"find\" + 0.011*\"ret\" + 0.011*\"fool\" + 0.011*\"squatter\" + 0.010*\"champion\"\n", - "2019-01-31 01:11:23,254 : INFO : topic #13 (0.020): 0.028*\"london\" + 0.026*\"australia\" + 0.025*\"new\" + 0.025*\"sourc\" + 0.023*\"england\" + 0.022*\"australian\" + 0.020*\"british\" + 0.017*\"ireland\" + 0.015*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 01:11:23,256 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.010*\"anim\" + 0.010*\"septemb\" + 0.010*\"man\" + 0.007*\"comic\" + 0.007*\"appear\" + 0.007*\"workplac\" + 0.006*\"storag\" + 0.006*\"fusiform\" + 0.006*\"vision\"\n", - "2019-01-31 01:11:23,257 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"prognosi\" + 0.011*\"pop\" + 0.009*\"cytokin\" + 0.008*\"uruguayan\" + 0.008*\"develop\" + 0.008*\"user\" + 0.008*\"diggin\" + 0.008*\"softwar\" + 0.007*\"includ\"\n", - "2019-01-31 01:11:23,258 : INFO : topic #28 (0.020): 0.034*\"build\" + 0.028*\"hous\" + 0.018*\"buford\" + 0.016*\"rivièr\" + 0.014*\"histor\" + 0.011*\"constitut\" + 0.011*\"depress\" + 0.011*\"briarwood\" + 0.011*\"silicon\" + 0.011*\"linear\"\n", - "2019-01-31 01:11:23,264 : INFO : topic diff=0.003698, rho=0.024961\n", - "2019-01-31 01:11:23,421 : INFO : PROGRESS: pass 0, at document #3212000/4922894\n", - "2019-01-31 01:11:24,813 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:11:25,079 : INFO : topic #26 (0.020): 0.032*\"workplac\" + 0.030*\"champion\" + 0.029*\"woman\" + 0.025*\"olymp\" + 0.023*\"men\" + 0.022*\"medal\" + 0.021*\"event\" + 0.018*\"rainfal\" + 0.018*\"nation\" + 0.018*\"taxpay\"\n", - "2019-01-31 01:11:25,080 : INFO : topic #27 (0.020): 0.073*\"questionnair\" + 0.020*\"candid\" + 0.019*\"taxpay\" + 0.013*\"driver\" + 0.013*\"tornado\" + 0.011*\"find\" + 0.011*\"ret\" + 0.011*\"fool\" + 0.010*\"squatter\" + 0.010*\"champion\"\n", - "2019-01-31 01:11:25,081 : INFO : topic #33 (0.020): 0.063*\"french\" + 0.046*\"franc\" + 0.031*\"pari\" + 0.023*\"jean\" + 0.023*\"sail\" + 0.017*\"daphn\" + 0.013*\"loui\" + 0.013*\"lazi\" + 0.012*\"piec\" + 0.008*\"wine\"\n", - "2019-01-31 01:11:25,082 : INFO : topic #35 (0.020): 0.057*\"russia\" + 0.038*\"sovereignti\" + 0.034*\"rural\" + 0.025*\"personifi\" + 0.023*\"reprint\" + 0.023*\"poison\" + 0.020*\"moscow\" + 0.016*\"poland\" + 0.015*\"unfortun\" + 0.014*\"malaysia\"\n", - "2019-01-31 01:11:25,083 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.010*\"anim\" + 0.010*\"man\" + 0.010*\"septemb\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.007*\"workplac\" + 0.006*\"storag\" + 0.006*\"fusiform\" + 0.006*\"love\"\n", - "2019-01-31 01:11:25,089 : INFO : topic diff=0.003818, rho=0.024953\n", - "2019-01-31 01:11:25,244 : INFO : PROGRESS: pass 0, at document #3214000/4922894\n", - "2019-01-31 01:11:26,622 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:11:26,888 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.056*\"parti\" + 0.025*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.017*\"polici\" + 0.015*\"republ\" + 0.014*\"seaport\" + 0.014*\"selma\" + 0.013*\"bypass\"\n", - "2019-01-31 01:11:26,889 : INFO : topic #13 (0.020): 0.028*\"london\" + 0.026*\"australia\" + 0.026*\"new\" + 0.025*\"sourc\" + 0.023*\"england\" + 0.022*\"australian\" + 0.020*\"british\" + 0.017*\"ireland\" + 0.015*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 01:11:26,890 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"margin\" + 0.016*\"yawn\" + 0.014*\"bone\" + 0.012*\"life\" + 0.012*\"faster\" + 0.012*\"daughter\" + 0.011*\"john\"\n", - "2019-01-31 01:11:26,891 : INFO : topic #31 (0.020): 0.052*\"fusiform\" + 0.026*\"scientist\" + 0.026*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:11:26,892 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.037*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.011*\"coalit\" + 0.010*\"retrospect\" + 0.009*\"fleet\"\n", - "2019-01-31 01:11:26,898 : INFO : topic diff=0.003957, rho=0.024945\n", - "2019-01-31 01:11:27,052 : INFO : PROGRESS: pass 0, at document #3216000/4922894\n", - "2019-01-31 01:11:28,415 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:11:28,682 : INFO : topic #27 (0.020): 0.073*\"questionnair\" + 0.019*\"candid\" + 0.019*\"taxpay\" + 0.013*\"tornado\" + 0.013*\"driver\" + 0.012*\"find\" + 0.011*\"fool\" + 0.011*\"ret\" + 0.010*\"squatter\" + 0.010*\"champion\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:11:28,683 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.010*\"form\" + 0.008*\"mean\" + 0.008*\"origin\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.006*\"ancestor\"\n", - "2019-01-31 01:11:28,684 : INFO : topic #39 (0.020): 0.058*\"canada\" + 0.044*\"canadian\" + 0.024*\"toronto\" + 0.023*\"hoar\" + 0.020*\"ontario\" + 0.017*\"hydrogen\" + 0.015*\"new\" + 0.015*\"novotná\" + 0.014*\"misericordia\" + 0.014*\"quebec\"\n", - "2019-01-31 01:11:28,685 : INFO : topic #1 (0.020): 0.052*\"china\" + 0.045*\"chilton\" + 0.025*\"hong\" + 0.024*\"kong\" + 0.020*\"korea\" + 0.019*\"korean\" + 0.018*\"leah\" + 0.017*\"kim\" + 0.016*\"sourc\" + 0.013*\"shirin\"\n", - "2019-01-31 01:11:28,686 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.056*\"parti\" + 0.025*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.017*\"polici\" + 0.015*\"republ\" + 0.014*\"seaport\" + 0.014*\"selma\" + 0.013*\"bypass\"\n", - "2019-01-31 01:11:28,692 : INFO : topic diff=0.004325, rho=0.024938\n", - "2019-01-31 01:11:28,852 : INFO : PROGRESS: pass 0, at document #3218000/4922894\n", - "2019-01-31 01:11:30,242 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:11:30,508 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.030*\"incumb\" + 0.013*\"pakistan\" + 0.013*\"anglo\" + 0.012*\"islam\" + 0.012*\"televis\" + 0.012*\"muskoge\" + 0.010*\"sri\" + 0.010*\"khalsa\" + 0.010*\"alam\"\n", - "2019-01-31 01:11:30,509 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.022*\"cortic\" + 0.018*\"start\" + 0.015*\"act\" + 0.012*\"case\" + 0.012*\"ricardo\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.008*\"legal\" + 0.007*\"justic\"\n", - "2019-01-31 01:11:30,510 : INFO : topic #31 (0.020): 0.052*\"fusiform\" + 0.026*\"scientist\" + 0.026*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.010*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:11:30,512 : INFO : topic #16 (0.020): 0.058*\"king\" + 0.033*\"priest\" + 0.022*\"duke\" + 0.020*\"rotterdam\" + 0.019*\"quarterli\" + 0.018*\"grammat\" + 0.017*\"idiosyncrat\" + 0.014*\"count\" + 0.013*\"brazil\" + 0.013*\"portugues\"\n", - "2019-01-31 01:11:30,513 : INFO : topic #17 (0.020): 0.078*\"church\" + 0.023*\"christian\" + 0.022*\"cathol\" + 0.020*\"bishop\" + 0.015*\"sail\" + 0.015*\"retroflex\" + 0.009*\"relationship\" + 0.009*\"poll\" + 0.009*\"historiographi\" + 0.009*\"parish\"\n", - "2019-01-31 01:11:30,519 : INFO : topic diff=0.003555, rho=0.024930\n", - "2019-01-31 01:11:33,180 : INFO : -11.619 per-word bound, 3146.2 perplexity estimate based on a held-out corpus of 2000 documents with 544433 words\n", - "2019-01-31 01:11:33,181 : INFO : PROGRESS: pass 0, at document #3220000/4922894\n", - "2019-01-31 01:11:34,554 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:11:34,821 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.020*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 01:11:34,822 : INFO : topic #31 (0.020): 0.051*\"fusiform\" + 0.026*\"scientist\" + 0.026*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.010*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:11:34,823 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.023*\"aggress\" + 0.020*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.015*\"oper\" + 0.014*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:11:34,824 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.008*\"word\" + 0.007*\"woman\" + 0.007*\"human\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:11:34,825 : INFO : topic #28 (0.020): 0.034*\"build\" + 0.027*\"hous\" + 0.018*\"buford\" + 0.016*\"rivièr\" + 0.014*\"histor\" + 0.011*\"constitut\" + 0.011*\"silicon\" + 0.011*\"briarwood\" + 0.011*\"depress\" + 0.011*\"linear\"\n", - "2019-01-31 01:11:34,831 : INFO : topic diff=0.003490, rho=0.024922\n", - "2019-01-31 01:11:34,981 : INFO : PROGRESS: pass 0, at document #3222000/4922894\n", - "2019-01-31 01:11:36,312 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:11:36,579 : INFO : topic #47 (0.020): 0.062*\"muscl\" + 0.031*\"perceptu\" + 0.020*\"theater\" + 0.019*\"compos\" + 0.018*\"place\" + 0.014*\"damn\" + 0.013*\"orchestr\" + 0.013*\"olympo\" + 0.013*\"physician\" + 0.012*\"word\"\n", - "2019-01-31 01:11:36,580 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"bank\" + 0.011*\"market\" + 0.011*\"produc\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 01:11:36,581 : INFO : topic #9 (0.020): 0.070*\"bone\" + 0.046*\"american\" + 0.029*\"valour\" + 0.020*\"folei\" + 0.019*\"player\" + 0.018*\"dutch\" + 0.017*\"polit\" + 0.016*\"english\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:11:36,582 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.020*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 01:11:36,583 : INFO : topic #27 (0.020): 0.071*\"questionnair\" + 0.019*\"candid\" + 0.019*\"taxpay\" + 0.013*\"driver\" + 0.012*\"tornado\" + 0.012*\"ret\" + 0.012*\"find\" + 0.011*\"fool\" + 0.010*\"champion\" + 0.010*\"squatter\"\n", - "2019-01-31 01:11:36,589 : INFO : topic diff=0.004040, rho=0.024915\n", - "2019-01-31 01:11:36,745 : INFO : PROGRESS: pass 0, at document #3224000/4922894\n", - "2019-01-31 01:11:38,131 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:11:38,398 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.055*\"parti\" + 0.025*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.017*\"polici\" + 0.015*\"republ\" + 0.015*\"selma\" + 0.014*\"seaport\" + 0.013*\"bypass\"\n", - "2019-01-31 01:11:38,399 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.013*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.009*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.008*\"georg\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:11:38,400 : INFO : topic #9 (0.020): 0.070*\"bone\" + 0.045*\"american\" + 0.029*\"valour\" + 0.020*\"folei\" + 0.019*\"player\" + 0.018*\"dutch\" + 0.017*\"polit\" + 0.016*\"english\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:11:38,401 : INFO : topic #21 (0.020): 0.033*\"samford\" + 0.021*\"spain\" + 0.018*\"del\" + 0.018*\"mexico\" + 0.017*\"italian\" + 0.013*\"soviet\" + 0.011*\"juan\" + 0.011*\"santa\" + 0.010*\"lizard\" + 0.010*\"josé\"\n", - "2019-01-31 01:11:38,402 : INFO : topic #3 (0.020): 0.032*\"present\" + 0.026*\"offic\" + 0.025*\"minist\" + 0.023*\"nation\" + 0.023*\"govern\" + 0.021*\"member\" + 0.019*\"serv\" + 0.016*\"start\" + 0.016*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:11:38,408 : INFO : topic diff=0.003623, rho=0.024907\n", - "2019-01-31 01:11:38,568 : INFO : PROGRESS: pass 0, at document #3226000/4922894\n", - "2019-01-31 01:11:39,944 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:11:40,211 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.048*\"franc\" + 0.030*\"pari\" + 0.023*\"jean\" + 0.022*\"sail\" + 0.017*\"daphn\" + 0.013*\"loui\" + 0.013*\"lazi\" + 0.012*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:11:40,212 : INFO : topic #44 (0.020): 0.035*\"rooftop\" + 0.029*\"final\" + 0.021*\"wife\" + 0.020*\"tourist\" + 0.018*\"champion\" + 0.015*\"taxpay\" + 0.014*\"chamber\" + 0.014*\"martin\" + 0.013*\"tiepolo\" + 0.012*\"winner\"\n", - "2019-01-31 01:11:40,213 : INFO : topic #46 (0.020): 0.017*\"sweden\" + 0.017*\"stop\" + 0.017*\"norwai\" + 0.016*\"swedish\" + 0.015*\"damag\" + 0.015*\"norwegian\" + 0.014*\"wind\" + 0.012*\"treeless\" + 0.011*\"huntsvil\" + 0.011*\"denmark\"\n", - "2019-01-31 01:11:40,214 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"depress\" + 0.013*\"pour\" + 0.009*\"mode\" + 0.008*\"elabor\" + 0.007*\"uruguayan\" + 0.007*\"veget\" + 0.006*\"spectacl\" + 0.006*\"produc\" + 0.006*\"develop\"\n", - "2019-01-31 01:11:40,215 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"margin\" + 0.016*\"yawn\" + 0.015*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"daughter\" + 0.011*\"deal\"\n", - "2019-01-31 01:11:40,221 : INFO : topic diff=0.003542, rho=0.024899\n", - "2019-01-31 01:11:40,379 : INFO : PROGRESS: pass 0, at document #3228000/4922894\n", - "2019-01-31 01:11:41,776 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:11:42,043 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.043*\"line\" + 0.036*\"raid\" + 0.026*\"rosenwald\" + 0.020*\"serv\" + 0.020*\"traceabl\" + 0.014*\"oper\" + 0.013*\"airmen\" + 0.013*\"rivièr\" + 0.010*\"transient\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:11:42,044 : INFO : topic #2 (0.020): 0.050*\"isl\" + 0.037*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.011*\"coalit\" + 0.011*\"nativist\" + 0.010*\"retrospect\" + 0.009*\"fleet\"\n", - "2019-01-31 01:11:42,045 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"depress\" + 0.013*\"pour\" + 0.009*\"mode\" + 0.008*\"elabor\" + 0.007*\"uruguayan\" + 0.007*\"veget\" + 0.006*\"spectacl\" + 0.006*\"produc\" + 0.006*\"develop\"\n", - "2019-01-31 01:11:42,046 : INFO : topic #24 (0.020): 0.037*\"book\" + 0.033*\"publicis\" + 0.028*\"word\" + 0.019*\"new\" + 0.016*\"arsen\" + 0.013*\"edit\" + 0.013*\"presid\" + 0.011*\"collect\" + 0.010*\"worldwid\" + 0.010*\"magazin\"\n", - "2019-01-31 01:11:42,047 : INFO : topic #9 (0.020): 0.069*\"bone\" + 0.045*\"american\" + 0.029*\"valour\" + 0.020*\"folei\" + 0.019*\"player\" + 0.018*\"dutch\" + 0.017*\"polit\" + 0.016*\"english\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:11:42,053 : INFO : topic diff=0.003788, rho=0.024891\n", - "2019-01-31 01:11:42,204 : INFO : PROGRESS: pass 0, at document #3230000/4922894\n", - "2019-01-31 01:11:43,551 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:11:43,818 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"depress\" + 0.013*\"pour\" + 0.009*\"mode\" + 0.008*\"elabor\" + 0.007*\"uruguayan\" + 0.007*\"veget\" + 0.006*\"spectacl\" + 0.006*\"produc\" + 0.006*\"develop\"\n", - "2019-01-31 01:11:43,819 : INFO : topic #26 (0.020): 0.032*\"workplac\" + 0.029*\"champion\" + 0.029*\"woman\" + 0.025*\"olymp\" + 0.024*\"men\" + 0.022*\"medal\" + 0.021*\"event\" + 0.019*\"nation\" + 0.018*\"atheist\" + 0.018*\"rainfal\"\n", - "2019-01-31 01:11:43,820 : INFO : topic #35 (0.020): 0.056*\"russia\" + 0.036*\"sovereignti\" + 0.033*\"rural\" + 0.025*\"personifi\" + 0.024*\"reprint\" + 0.024*\"poison\" + 0.019*\"moscow\" + 0.016*\"poland\" + 0.015*\"unfortun\" + 0.014*\"malaysia\"\n", - "2019-01-31 01:11:43,821 : INFO : topic #40 (0.020): 0.089*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.021*\"collector\" + 0.021*\"requir\" + 0.019*\"student\" + 0.016*\"professor\" + 0.011*\"word\" + 0.011*\"http\" + 0.011*\"governor\"\n", - "2019-01-31 01:11:43,822 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.031*\"incumb\" + 0.013*\"islam\" + 0.013*\"pakistan\" + 0.013*\"anglo\" + 0.012*\"muskoge\" + 0.011*\"televis\" + 0.010*\"sri\" + 0.010*\"alam\" + 0.010*\"khalsa\"\n", - "2019-01-31 01:11:43,828 : INFO : topic diff=0.004149, rho=0.024884\n", - "2019-01-31 01:11:44,040 : INFO : PROGRESS: pass 0, at document #3232000/4922894\n", - "2019-01-31 01:11:45,410 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:11:45,677 : INFO : topic #3 (0.020): 0.032*\"present\" + 0.026*\"offic\" + 0.024*\"minist\" + 0.023*\"nation\" + 0.023*\"govern\" + 0.021*\"member\" + 0.018*\"serv\" + 0.016*\"start\" + 0.016*\"gener\" + 0.014*\"council\"\n", - "2019-01-31 01:11:45,678 : INFO : topic #35 (0.020): 0.056*\"russia\" + 0.035*\"sovereignti\" + 0.033*\"rural\" + 0.025*\"personifi\" + 0.024*\"poison\" + 0.024*\"reprint\" + 0.019*\"moscow\" + 0.016*\"poland\" + 0.015*\"unfortun\" + 0.014*\"malaysia\"\n", - "2019-01-31 01:11:45,679 : INFO : topic #16 (0.020): 0.058*\"king\" + 0.034*\"priest\" + 0.021*\"duke\" + 0.020*\"rotterdam\" + 0.019*\"quarterli\" + 0.018*\"grammat\" + 0.017*\"idiosyncrat\" + 0.014*\"count\" + 0.013*\"brazil\" + 0.013*\"portugues\"\n", - "2019-01-31 01:11:45,680 : INFO : topic #47 (0.020): 0.062*\"muscl\" + 0.032*\"perceptu\" + 0.020*\"theater\" + 0.019*\"compos\" + 0.018*\"place\" + 0.014*\"damn\" + 0.013*\"orchestr\" + 0.013*\"physician\" + 0.013*\"olympo\" + 0.011*\"word\"\n", - "2019-01-31 01:11:45,681 : INFO : topic #33 (0.020): 0.063*\"french\" + 0.048*\"franc\" + 0.030*\"pari\" + 0.023*\"jean\" + 0.022*\"sail\" + 0.017*\"daphn\" + 0.013*\"loui\" + 0.013*\"lazi\" + 0.012*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:11:45,687 : INFO : topic diff=0.003635, rho=0.024876\n", - "2019-01-31 01:11:45,847 : INFO : PROGRESS: pass 0, at document #3234000/4922894\n", - "2019-01-31 01:11:47,254 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:11:47,521 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.019*\"factor\" + 0.012*\"plaisir\" + 0.010*\"genu\" + 0.009*\"biom\" + 0.009*\"western\" + 0.009*\"median\" + 0.008*\"trap\" + 0.008*\"feel\" + 0.008*\"male\"\n", - "2019-01-31 01:11:47,522 : INFO : topic #16 (0.020): 0.058*\"king\" + 0.034*\"priest\" + 0.021*\"duke\" + 0.020*\"rotterdam\" + 0.019*\"quarterli\" + 0.018*\"grammat\" + 0.017*\"idiosyncrat\" + 0.014*\"count\" + 0.013*\"portugues\" + 0.013*\"brazil\"\n", - "2019-01-31 01:11:47,523 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.008*\"origin\" + 0.008*\"mean\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.006*\"ancestor\"\n", - "2019-01-31 01:11:47,524 : INFO : topic #0 (0.020): 0.068*\"statewid\" + 0.043*\"line\" + 0.035*\"raid\" + 0.025*\"rosenwald\" + 0.020*\"serv\" + 0.020*\"traceabl\" + 0.014*\"oper\" + 0.013*\"airmen\" + 0.012*\"rivièr\" + 0.011*\"transient\"\n", - "2019-01-31 01:11:47,525 : INFO : topic #21 (0.020): 0.033*\"samford\" + 0.021*\"spain\" + 0.018*\"del\" + 0.018*\"mexico\" + 0.016*\"italian\" + 0.013*\"soviet\" + 0.011*\"juan\" + 0.011*\"santa\" + 0.011*\"lizard\" + 0.010*\"carlo\"\n", - "2019-01-31 01:11:47,531 : INFO : topic diff=0.004368, rho=0.024868\n", - "2019-01-31 01:11:47,684 : INFO : PROGRESS: pass 0, at document #3236000/4922894\n", - "2019-01-31 01:11:49,061 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:11:49,327 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.044*\"popolo\" + 0.042*\"vigour\" + 0.036*\"tortur\" + 0.033*\"cotton\" + 0.022*\"area\" + 0.022*\"multitud\" + 0.022*\"adulthood\" + 0.021*\"citi\" + 0.019*\"cede\"\n", - "2019-01-31 01:11:49,328 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.008*\"word\" + 0.007*\"human\" + 0.007*\"woman\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:11:49,329 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.024*\"epiru\" + 0.022*\"septemb\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.012*\"rodríguez\" + 0.011*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:11:49,330 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.009*\"vocabulari\"\n", - "2019-01-31 01:11:49,331 : INFO : topic #27 (0.020): 0.072*\"questionnair\" + 0.019*\"candid\" + 0.018*\"taxpay\" + 0.014*\"ret\" + 0.013*\"driver\" + 0.012*\"tornado\" + 0.011*\"fool\" + 0.011*\"find\" + 0.010*\"champion\" + 0.010*\"landslid\"\n", - "2019-01-31 01:11:49,337 : INFO : topic diff=0.003402, rho=0.024861\n", - "2019-01-31 01:11:49,496 : INFO : PROGRESS: pass 0, at document #3238000/4922894\n", - "2019-01-31 01:11:50,886 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:11:51,153 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.020*\"walter\" + 0.020*\"armi\" + 0.018*\"com\" + 0.014*\"oper\" + 0.014*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.012*\"diversifi\"\n", - "2019-01-31 01:11:51,155 : INFO : topic #25 (0.020): 0.035*\"ring\" + 0.019*\"area\" + 0.019*\"lagrang\" + 0.017*\"warmth\" + 0.016*\"mount\" + 0.010*\"north\" + 0.009*\"land\" + 0.009*\"vacant\" + 0.009*\"sourc\" + 0.008*\"palmer\"\n", - "2019-01-31 01:11:51,155 : INFO : topic #13 (0.020): 0.027*\"london\" + 0.027*\"australia\" + 0.025*\"new\" + 0.025*\"sourc\" + 0.023*\"england\" + 0.022*\"australian\" + 0.020*\"british\" + 0.017*\"ireland\" + 0.014*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 01:11:51,156 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.023*\"cortic\" + 0.018*\"start\" + 0.016*\"act\" + 0.012*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.008*\"legal\" + 0.007*\"justic\"\n", - "2019-01-31 01:11:51,158 : INFO : topic #45 (0.020): 0.027*\"jpg\" + 0.025*\"fifteenth\" + 0.020*\"illicit\" + 0.018*\"pain\" + 0.016*\"colder\" + 0.015*\"arsen\" + 0.013*\"black\" + 0.012*\"museo\" + 0.012*\"western\" + 0.011*\"gai\"\n", - "2019-01-31 01:11:51,163 : INFO : topic diff=0.003652, rho=0.024853\n", - "2019-01-31 01:11:53,860 : INFO : -11.507 per-word bound, 2910.5 perplexity estimate based on a held-out corpus of 2000 documents with 563587 words\n", - "2019-01-31 01:11:53,860 : INFO : PROGRESS: pass 0, at document #3240000/4922894\n", - "2019-01-31 01:11:55,230 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:11:55,496 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.044*\"popolo\" + 0.042*\"vigour\" + 0.036*\"tortur\" + 0.033*\"cotton\" + 0.022*\"area\" + 0.022*\"multitud\" + 0.021*\"adulthood\" + 0.021*\"citi\" + 0.019*\"cede\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:11:55,497 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.008*\"origin\" + 0.008*\"mean\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"ancestor\"\n", - "2019-01-31 01:11:55,498 : INFO : topic #45 (0.020): 0.027*\"jpg\" + 0.025*\"fifteenth\" + 0.020*\"illicit\" + 0.018*\"pain\" + 0.015*\"colder\" + 0.015*\"arsen\" + 0.013*\"black\" + 0.013*\"western\" + 0.012*\"museo\" + 0.011*\"gai\"\n", - "2019-01-31 01:11:55,499 : INFO : topic #20 (0.020): 0.148*\"scholar\" + 0.041*\"struggl\" + 0.036*\"high\" + 0.030*\"educ\" + 0.024*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.010*\"task\" + 0.010*\"gothic\"\n", - "2019-01-31 01:11:55,500 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.035*\"leagu\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.022*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:11:55,506 : INFO : topic diff=0.003893, rho=0.024845\n", - "2019-01-31 01:11:55,660 : INFO : PROGRESS: pass 0, at document #3242000/4922894\n", - "2019-01-31 01:11:57,024 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:11:57,291 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.023*\"palmer\" + 0.021*\"new\" + 0.014*\"strategist\" + 0.013*\"center\" + 0.013*\"open\" + 0.011*\"lobe\" + 0.011*\"includ\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:11:57,292 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.008*\"word\" + 0.007*\"human\" + 0.007*\"woman\" + 0.007*\"summerhil\"\n", - "2019-01-31 01:11:57,293 : INFO : topic #26 (0.020): 0.032*\"workplac\" + 0.029*\"champion\" + 0.028*\"woman\" + 0.026*\"olymp\" + 0.024*\"men\" + 0.022*\"medal\" + 0.021*\"event\" + 0.018*\"nation\" + 0.018*\"atheist\" + 0.017*\"taxpay\"\n", - "2019-01-31 01:11:57,294 : INFO : topic #3 (0.020): 0.032*\"present\" + 0.026*\"offic\" + 0.025*\"minist\" + 0.023*\"nation\" + 0.023*\"govern\" + 0.020*\"member\" + 0.018*\"serv\" + 0.016*\"start\" + 0.016*\"gener\" + 0.014*\"council\"\n", - "2019-01-31 01:11:57,295 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.010*\"septemb\" + 0.010*\"anim\" + 0.010*\"man\" + 0.007*\"comic\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.006*\"workplac\" + 0.006*\"fusiform\" + 0.006*\"love\"\n", - "2019-01-31 01:11:57,301 : INFO : topic diff=0.003654, rho=0.024838\n", - "2019-01-31 01:11:57,458 : INFO : PROGRESS: pass 0, at document #3244000/4922894\n", - "2019-01-31 01:11:58,832 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:11:59,098 : INFO : topic #3 (0.020): 0.032*\"present\" + 0.026*\"offic\" + 0.025*\"minist\" + 0.023*\"nation\" + 0.023*\"govern\" + 0.021*\"member\" + 0.018*\"serv\" + 0.017*\"start\" + 0.016*\"gener\" + 0.014*\"council\"\n", - "2019-01-31 01:11:59,099 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.010*\"form\" + 0.008*\"origin\" + 0.008*\"trade\" + 0.008*\"mean\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"ancestor\"\n", - "2019-01-31 01:11:59,100 : INFO : topic #38 (0.020): 0.024*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.008*\"empath\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.007*\"govern\" + 0.006*\"militari\" + 0.006*\"till\"\n", - "2019-01-31 01:11:59,101 : INFO : topic #42 (0.020): 0.048*\"german\" + 0.030*\"germani\" + 0.016*\"vol\" + 0.015*\"jewish\" + 0.014*\"israel\" + 0.014*\"berlin\" + 0.013*\"der\" + 0.010*\"european\" + 0.009*\"europ\" + 0.009*\"hungarian\"\n", - "2019-01-31 01:11:59,102 : INFO : topic #13 (0.020): 0.027*\"london\" + 0.027*\"australia\" + 0.025*\"new\" + 0.025*\"sourc\" + 0.023*\"england\" + 0.022*\"australian\" + 0.020*\"british\" + 0.017*\"ireland\" + 0.014*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 01:11:59,108 : INFO : topic diff=0.003935, rho=0.024830\n", - "2019-01-31 01:11:59,265 : INFO : PROGRESS: pass 0, at document #3246000/4922894\n", - "2019-01-31 01:12:00,643 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:12:00,909 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.044*\"popolo\" + 0.041*\"vigour\" + 0.036*\"tortur\" + 0.033*\"cotton\" + 0.022*\"area\" + 0.022*\"adulthood\" + 0.021*\"multitud\" + 0.021*\"citi\" + 0.019*\"cede\"\n", - "2019-01-31 01:12:00,910 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.024*\"palmer\" + 0.021*\"new\" + 0.014*\"strategist\" + 0.013*\"center\" + 0.013*\"open\" + 0.011*\"lobe\" + 0.011*\"includ\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:12:00,911 : INFO : topic #1 (0.020): 0.051*\"china\" + 0.043*\"chilton\" + 0.024*\"hong\" + 0.024*\"kong\" + 0.020*\"korea\" + 0.018*\"korean\" + 0.017*\"leah\" + 0.016*\"sourc\" + 0.016*\"kim\" + 0.012*\"shirin\"\n", - "2019-01-31 01:12:00,912 : INFO : topic #34 (0.020): 0.067*\"start\" + 0.034*\"new\" + 0.031*\"american\" + 0.029*\"unionist\" + 0.027*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.011*\"north\"\n", - "2019-01-31 01:12:00,913 : INFO : topic #46 (0.020): 0.017*\"sweden\" + 0.017*\"stop\" + 0.017*\"norwai\" + 0.015*\"swedish\" + 0.015*\"damag\" + 0.015*\"norwegian\" + 0.014*\"wind\" + 0.012*\"treeless\" + 0.011*\"denmark\" + 0.011*\"huntsvil\"\n", - "2019-01-31 01:12:00,919 : INFO : topic diff=0.004061, rho=0.024822\n", - "2019-01-31 01:12:01,072 : INFO : PROGRESS: pass 0, at document #3248000/4922894\n", - "2019-01-31 01:12:02,437 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:12:02,704 : INFO : topic #16 (0.020): 0.058*\"king\" + 0.033*\"priest\" + 0.022*\"duke\" + 0.019*\"rotterdam\" + 0.019*\"quarterli\" + 0.018*\"grammat\" + 0.017*\"idiosyncrat\" + 0.014*\"count\" + 0.013*\"brazil\" + 0.013*\"portugues\"\n", - "2019-01-31 01:12:02,705 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.036*\"leagu\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.022*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:12:02,707 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.020*\"armi\" + 0.020*\"walter\" + 0.017*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.012*\"diversifi\"\n", - "2019-01-31 01:12:02,708 : INFO : topic #44 (0.020): 0.034*\"rooftop\" + 0.028*\"final\" + 0.022*\"wife\" + 0.020*\"tourist\" + 0.018*\"champion\" + 0.015*\"taxpay\" + 0.015*\"chamber\" + 0.015*\"martin\" + 0.014*\"tiepolo\" + 0.012*\"women\"\n", - "2019-01-31 01:12:02,709 : INFO : topic #0 (0.020): 0.068*\"statewid\" + 0.044*\"line\" + 0.035*\"raid\" + 0.027*\"rosenwald\" + 0.020*\"serv\" + 0.020*\"traceabl\" + 0.014*\"oper\" + 0.013*\"rivièr\" + 0.013*\"airmen\" + 0.011*\"transient\"\n", - "2019-01-31 01:12:02,715 : INFO : topic diff=0.003199, rho=0.024815\n", - "2019-01-31 01:12:02,868 : INFO : PROGRESS: pass 0, at document #3250000/4922894\n", - "2019-01-31 01:12:04,230 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:12:04,497 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"market\" + 0.011*\"produc\" + 0.010*\"bank\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 01:12:04,498 : INFO : topic #24 (0.020): 0.037*\"book\" + 0.033*\"publicis\" + 0.028*\"word\" + 0.019*\"new\" + 0.016*\"arsen\" + 0.013*\"edit\" + 0.013*\"presid\" + 0.011*\"collect\" + 0.011*\"magazin\" + 0.011*\"storag\"\n", - "2019-01-31 01:12:04,499 : INFO : topic #27 (0.020): 0.070*\"questionnair\" + 0.019*\"candid\" + 0.018*\"taxpay\" + 0.013*\"driver\" + 0.013*\"ret\" + 0.012*\"tornado\" + 0.012*\"fool\" + 0.011*\"find\" + 0.010*\"champion\" + 0.009*\"théori\"\n", - "2019-01-31 01:12:04,500 : INFO : topic #48 (0.020): 0.079*\"march\" + 0.078*\"sens\" + 0.075*\"octob\" + 0.070*\"august\" + 0.070*\"januari\" + 0.069*\"notion\" + 0.069*\"juli\" + 0.068*\"april\" + 0.066*\"judici\" + 0.065*\"decatur\"\n", - "2019-01-31 01:12:04,501 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.013*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.011*\"coalit\" + 0.011*\"nativist\" + 0.010*\"fleet\" + 0.009*\"vernon\"\n", - "2019-01-31 01:12:04,507 : INFO : topic diff=0.003644, rho=0.024807\n", - "2019-01-31 01:12:04,664 : INFO : PROGRESS: pass 0, at document #3252000/4922894\n", - "2019-01-31 01:12:06,062 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:12:06,328 : INFO : topic #17 (0.020): 0.079*\"church\" + 0.023*\"christian\" + 0.021*\"cathol\" + 0.020*\"bishop\" + 0.015*\"retroflex\" + 0.015*\"sail\" + 0.010*\"poll\" + 0.009*\"relationship\" + 0.009*\"centuri\" + 0.009*\"historiographi\"\n", - "2019-01-31 01:12:06,330 : INFO : topic #44 (0.020): 0.034*\"rooftop\" + 0.028*\"final\" + 0.022*\"wife\" + 0.020*\"tourist\" + 0.017*\"champion\" + 0.015*\"taxpay\" + 0.015*\"martin\" + 0.015*\"chamber\" + 0.014*\"tiepolo\" + 0.012*\"winner\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:12:06,331 : INFO : topic #28 (0.020): 0.034*\"build\" + 0.028*\"hous\" + 0.018*\"buford\" + 0.016*\"rivièr\" + 0.014*\"histor\" + 0.011*\"constitut\" + 0.011*\"silicon\" + 0.011*\"linear\" + 0.011*\"briarwood\" + 0.010*\"depress\"\n", - "2019-01-31 01:12:06,332 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:12:06,333 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"market\" + 0.011*\"produc\" + 0.010*\"bank\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 01:12:06,339 : INFO : topic diff=0.003321, rho=0.024799\n", - "2019-01-31 01:12:06,491 : INFO : PROGRESS: pass 0, at document #3254000/4922894\n", - "2019-01-31 01:12:07,851 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:12:08,117 : INFO : topic #13 (0.020): 0.027*\"london\" + 0.027*\"australia\" + 0.026*\"sourc\" + 0.025*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.014*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 01:12:08,118 : INFO : topic #8 (0.020): 0.025*\"law\" + 0.023*\"cortic\" + 0.018*\"start\" + 0.016*\"act\" + 0.012*\"ricardo\" + 0.012*\"case\" + 0.011*\"replac\" + 0.009*\"polaris\" + 0.008*\"legal\" + 0.007*\"justic\"\n", - "2019-01-31 01:12:08,119 : INFO : topic #33 (0.020): 0.063*\"french\" + 0.047*\"franc\" + 0.030*\"pari\" + 0.023*\"sail\" + 0.022*\"jean\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.013*\"loui\" + 0.012*\"piec\" + 0.011*\"cdr\"\n", - "2019-01-31 01:12:08,120 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.020*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 01:12:08,121 : INFO : topic #48 (0.020): 0.079*\"march\" + 0.079*\"sens\" + 0.075*\"octob\" + 0.070*\"august\" + 0.070*\"januari\" + 0.069*\"notion\" + 0.069*\"juli\" + 0.069*\"april\" + 0.067*\"judici\" + 0.065*\"decatur\"\n", - "2019-01-31 01:12:08,127 : INFO : topic diff=0.003959, rho=0.024792\n", - "2019-01-31 01:12:08,279 : INFO : PROGRESS: pass 0, at document #3256000/4922894\n", - "2019-01-31 01:12:09,640 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:12:09,906 : INFO : topic #36 (0.020): 0.011*\"prognosi\" + 0.011*\"pop\" + 0.010*\"network\" + 0.009*\"cytokin\" + 0.008*\"uruguayan\" + 0.008*\"develop\" + 0.008*\"softwar\" + 0.008*\"user\" + 0.008*\"championship\" + 0.007*\"diggin\"\n", - "2019-01-31 01:12:09,907 : INFO : topic #17 (0.020): 0.079*\"church\" + 0.023*\"christian\" + 0.021*\"cathol\" + 0.020*\"bishop\" + 0.015*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.010*\"poll\" + 0.009*\"historiographi\" + 0.009*\"centuri\"\n", - "2019-01-31 01:12:09,908 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.008*\"word\" + 0.007*\"human\" + 0.007*\"woman\" + 0.007*\"summerhil\"\n", - "2019-01-31 01:12:09,909 : INFO : topic #23 (0.020): 0.135*\"audit\" + 0.069*\"best\" + 0.035*\"yawn\" + 0.027*\"jacksonvil\" + 0.022*\"japanes\" + 0.021*\"festiv\" + 0.021*\"noll\" + 0.019*\"women\" + 0.016*\"intern\" + 0.014*\"winner\"\n", - "2019-01-31 01:12:09,910 : INFO : topic #26 (0.020): 0.033*\"workplac\" + 0.029*\"woman\" + 0.029*\"champion\" + 0.025*\"olymp\" + 0.025*\"men\" + 0.022*\"medal\" + 0.021*\"event\" + 0.018*\"nation\" + 0.017*\"taxpay\" + 0.017*\"rainfal\"\n", - "2019-01-31 01:12:09,916 : INFO : topic diff=0.003543, rho=0.024784\n", - "2019-01-31 01:12:10,073 : INFO : PROGRESS: pass 0, at document #3258000/4922894\n", - "2019-01-31 01:12:11,475 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:12:11,742 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.009*\"media\" + 0.008*\"disco\" + 0.007*\"pathwai\" + 0.007*\"hormon\" + 0.007*\"proper\" + 0.006*\"have\" + 0.006*\"caus\" + 0.006*\"effect\" + 0.006*\"acid\"\n", - "2019-01-31 01:12:11,744 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"market\" + 0.011*\"produc\" + 0.011*\"bank\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 01:12:11,745 : INFO : topic #44 (0.020): 0.034*\"rooftop\" + 0.028*\"final\" + 0.022*\"wife\" + 0.021*\"tourist\" + 0.018*\"champion\" + 0.015*\"martin\" + 0.015*\"taxpay\" + 0.015*\"chamber\" + 0.014*\"tiepolo\" + 0.012*\"winner\"\n", - "2019-01-31 01:12:11,746 : INFO : topic #27 (0.020): 0.070*\"questionnair\" + 0.019*\"candid\" + 0.018*\"taxpay\" + 0.013*\"tornado\" + 0.013*\"driver\" + 0.012*\"ret\" + 0.011*\"fool\" + 0.011*\"find\" + 0.010*\"squatter\" + 0.010*\"champion\"\n", - "2019-01-31 01:12:11,747 : INFO : topic #31 (0.020): 0.051*\"fusiform\" + 0.026*\"scientist\" + 0.026*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.015*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:12:11,753 : INFO : topic diff=0.003865, rho=0.024776\n", - "2019-01-31 01:12:14,417 : INFO : -12.063 per-word bound, 4279.8 perplexity estimate based on a held-out corpus of 2000 documents with 542664 words\n", - "2019-01-31 01:12:14,418 : INFO : PROGRESS: pass 0, at document #3260000/4922894\n", - "2019-01-31 01:12:15,786 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:12:16,052 : INFO : topic #28 (0.020): 0.034*\"build\" + 0.028*\"hous\" + 0.018*\"buford\" + 0.016*\"rivièr\" + 0.014*\"histor\" + 0.011*\"constitut\" + 0.011*\"silicon\" + 0.011*\"linear\" + 0.011*\"briarwood\" + 0.011*\"depress\"\n", - "2019-01-31 01:12:16,054 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.070*\"best\" + 0.034*\"yawn\" + 0.027*\"jacksonvil\" + 0.022*\"japanes\" + 0.022*\"noll\" + 0.021*\"festiv\" + 0.019*\"women\" + 0.016*\"intern\" + 0.013*\"winner\"\n", - "2019-01-31 01:12:16,055 : INFO : topic #13 (0.020): 0.027*\"london\" + 0.026*\"australia\" + 0.025*\"sourc\" + 0.025*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.014*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 01:12:16,056 : INFO : topic #1 (0.020): 0.052*\"china\" + 0.042*\"chilton\" + 0.024*\"hong\" + 0.023*\"kong\" + 0.021*\"korea\" + 0.018*\"korean\" + 0.017*\"leah\" + 0.016*\"sourc\" + 0.015*\"kim\" + 0.014*\"shirin\"\n", - "2019-01-31 01:12:16,056 : INFO : topic #39 (0.020): 0.059*\"canada\" + 0.046*\"canadian\" + 0.024*\"toronto\" + 0.023*\"hoar\" + 0.021*\"ontario\" + 0.016*\"hydrogen\" + 0.015*\"new\" + 0.014*\"misericordia\" + 0.014*\"quebec\" + 0.014*\"novotná\"\n", - "2019-01-31 01:12:16,062 : INFO : topic diff=0.003384, rho=0.024769\n", - "2019-01-31 01:12:16,274 : INFO : PROGRESS: pass 0, at document #3262000/4922894\n", - "2019-01-31 01:12:17,646 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:12:17,913 : INFO : topic #21 (0.020): 0.033*\"samford\" + 0.022*\"spain\" + 0.018*\"del\" + 0.018*\"mexico\" + 0.016*\"italian\" + 0.013*\"soviet\" + 0.011*\"santa\" + 0.011*\"juan\" + 0.011*\"carlo\" + 0.011*\"lizard\"\n", - "2019-01-31 01:12:17,914 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.014*\"pope\" + 0.013*\"scot\" + 0.012*\"blur\" + 0.011*\"coalit\" + 0.011*\"nativist\" + 0.010*\"fleet\" + 0.009*\"vernon\"\n", - "2019-01-31 01:12:17,915 : INFO : topic #9 (0.020): 0.068*\"bone\" + 0.044*\"american\" + 0.028*\"valour\" + 0.020*\"folei\" + 0.019*\"player\" + 0.017*\"polit\" + 0.017*\"dutch\" + 0.016*\"english\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:12:17,916 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.007*\"woman\" + 0.007*\"summerhil\"\n", - "2019-01-31 01:12:17,917 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.030*\"germani\" + 0.016*\"vol\" + 0.015*\"israel\" + 0.014*\"jewish\" + 0.014*\"berlin\" + 0.013*\"der\" + 0.010*\"european\" + 0.009*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:12:17,923 : INFO : topic diff=0.003440, rho=0.024761\n", - "2019-01-31 01:12:18,081 : INFO : PROGRESS: pass 0, at document #3264000/4922894\n", - "2019-01-31 01:12:19,490 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:12:19,757 : INFO : topic #43 (0.020): 0.065*\"elect\" + 0.055*\"parti\" + 0.025*\"voluntari\" + 0.022*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.014*\"liber\" + 0.014*\"seaport\" + 0.013*\"selma\" + 0.013*\"republ\"\n", - "2019-01-31 01:12:19,758 : INFO : topic #44 (0.020): 0.033*\"rooftop\" + 0.028*\"final\" + 0.022*\"wife\" + 0.021*\"tourist\" + 0.018*\"champion\" + 0.015*\"martin\" + 0.015*\"taxpay\" + 0.015*\"chamber\" + 0.014*\"tiepolo\" + 0.012*\"winner\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:12:19,759 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.007*\"woman\" + 0.007*\"summerhil\"\n", - "2019-01-31 01:12:19,760 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.009*\"media\" + 0.009*\"disco\" + 0.007*\"pathwai\" + 0.007*\"hormon\" + 0.007*\"have\" + 0.007*\"proper\" + 0.006*\"caus\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 01:12:19,761 : INFO : topic #36 (0.020): 0.011*\"prognosi\" + 0.011*\"pop\" + 0.010*\"network\" + 0.009*\"cytokin\" + 0.008*\"softwar\" + 0.008*\"develop\" + 0.008*\"uruguayan\" + 0.008*\"user\" + 0.007*\"championship\" + 0.007*\"diggin\"\n", - "2019-01-31 01:12:19,767 : INFO : topic diff=0.004756, rho=0.024754\n", - "2019-01-31 01:12:19,923 : INFO : PROGRESS: pass 0, at document #3266000/4922894\n", - "2019-01-31 01:12:21,279 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:12:21,545 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:12:21,546 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.032*\"perceptu\" + 0.020*\"theater\" + 0.019*\"place\" + 0.018*\"compos\" + 0.015*\"damn\" + 0.014*\"orchestr\" + 0.013*\"olympo\" + 0.012*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 01:12:21,547 : INFO : topic #1 (0.020): 0.052*\"china\" + 0.042*\"chilton\" + 0.024*\"hong\" + 0.023*\"kong\" + 0.021*\"korea\" + 0.018*\"korean\" + 0.017*\"leah\" + 0.016*\"sourc\" + 0.015*\"kim\" + 0.014*\"shirin\"\n", - "2019-01-31 01:12:21,548 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.024*\"palmer\" + 0.021*\"new\" + 0.014*\"strategist\" + 0.013*\"center\" + 0.013*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:12:21,549 : INFO : topic #33 (0.020): 0.063*\"french\" + 0.049*\"franc\" + 0.030*\"pari\" + 0.023*\"sail\" + 0.023*\"jean\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.012*\"piec\" + 0.010*\"cdr\"\n", - "2019-01-31 01:12:21,555 : INFO : topic diff=0.003919, rho=0.024746\n", - "2019-01-31 01:12:21,710 : INFO : PROGRESS: pass 0, at document #3268000/4922894\n", - "2019-01-31 01:12:23,076 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:12:23,343 : INFO : topic #8 (0.020): 0.025*\"law\" + 0.022*\"cortic\" + 0.018*\"start\" + 0.016*\"act\" + 0.012*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.008*\"legal\" + 0.007*\"order\"\n", - "2019-01-31 01:12:23,344 : INFO : topic #19 (0.020): 0.018*\"languag\" + 0.014*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.008*\"mean\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"ancestor\"\n", - "2019-01-31 01:12:23,345 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.044*\"popolo\" + 0.042*\"vigour\" + 0.036*\"tortur\" + 0.034*\"cotton\" + 0.022*\"multitud\" + 0.022*\"area\" + 0.022*\"adulthood\" + 0.021*\"citi\" + 0.019*\"cede\"\n", - "2019-01-31 01:12:23,346 : INFO : topic #9 (0.020): 0.068*\"bone\" + 0.045*\"american\" + 0.027*\"valour\" + 0.020*\"folei\" + 0.019*\"player\" + 0.017*\"polit\" + 0.017*\"dutch\" + 0.016*\"english\" + 0.013*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:12:23,347 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.023*\"aggress\" + 0.020*\"walter\" + 0.020*\"armi\" + 0.018*\"com\" + 0.015*\"oper\" + 0.013*\"unionist\" + 0.012*\"airbu\" + 0.012*\"militari\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:12:23,353 : INFO : topic diff=0.003619, rho=0.024739\n", - "2019-01-31 01:12:23,516 : INFO : PROGRESS: pass 0, at document #3270000/4922894\n", - "2019-01-31 01:12:24,901 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:12:25,168 : INFO : topic #43 (0.020): 0.065*\"elect\" + 0.056*\"parti\" + 0.025*\"voluntari\" + 0.022*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.014*\"liber\" + 0.014*\"seaport\" + 0.014*\"bypass\" + 0.013*\"selma\"\n", - "2019-01-31 01:12:25,169 : INFO : topic #25 (0.020): 0.034*\"ring\" + 0.019*\"lagrang\" + 0.019*\"area\" + 0.016*\"warmth\" + 0.016*\"mount\" + 0.010*\"north\" + 0.009*\"land\" + 0.009*\"sourc\" + 0.009*\"palmer\" + 0.008*\"lobe\"\n", - "2019-01-31 01:12:25,170 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.031*\"incumb\" + 0.013*\"islam\" + 0.013*\"pakistan\" + 0.012*\"muskoge\" + 0.012*\"anglo\" + 0.010*\"televis\" + 0.010*\"khalsa\" + 0.009*\"sri\" + 0.009*\"alam\"\n", - "2019-01-31 01:12:25,171 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.007*\"woman\" + 0.007*\"summerhil\"\n", - "2019-01-31 01:12:25,172 : INFO : topic #42 (0.020): 0.048*\"german\" + 0.031*\"germani\" + 0.017*\"vol\" + 0.014*\"israel\" + 0.014*\"berlin\" + 0.014*\"jewish\" + 0.013*\"der\" + 0.010*\"european\" + 0.009*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:12:25,177 : INFO : topic diff=0.004240, rho=0.024731\n", - "2019-01-31 01:12:25,333 : INFO : PROGRESS: pass 0, at document #3272000/4922894\n", - "2019-01-31 01:12:26,724 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:12:26,991 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.012*\"will\" + 0.012*\"david\" + 0.011*\"jame\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.008*\"georg\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:12:26,992 : INFO : topic #33 (0.020): 0.063*\"french\" + 0.049*\"franc\" + 0.030*\"pari\" + 0.023*\"sail\" + 0.022*\"jean\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.013*\"loui\" + 0.012*\"piec\" + 0.010*\"cdr\"\n", - "2019-01-31 01:12:26,993 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 01:12:26,995 : INFO : topic #42 (0.020): 0.048*\"german\" + 0.031*\"germani\" + 0.017*\"vol\" + 0.014*\"israel\" + 0.014*\"berlin\" + 0.014*\"jewish\" + 0.013*\"der\" + 0.010*\"european\" + 0.009*\"europ\" + 0.009*\"hungarian\"\n", - "2019-01-31 01:12:26,996 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.024*\"epiru\" + 0.022*\"septemb\" + 0.019*\"teacher\" + 0.015*\"stake\" + 0.012*\"rodríguez\" + 0.011*\"proclaim\" + 0.011*\"direct\" + 0.010*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:12:27,002 : INFO : topic diff=0.003828, rho=0.024723\n", - "2019-01-31 01:12:27,158 : INFO : PROGRESS: pass 0, at document #3274000/4922894\n", - "2019-01-31 01:12:28,533 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:12:28,800 : INFO : topic #13 (0.020): 0.027*\"london\" + 0.026*\"australia\" + 0.026*\"sourc\" + 0.024*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.014*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 01:12:28,801 : INFO : topic #25 (0.020): 0.034*\"ring\" + 0.019*\"lagrang\" + 0.019*\"area\" + 0.016*\"warmth\" + 0.016*\"mount\" + 0.010*\"north\" + 0.009*\"land\" + 0.009*\"sourc\" + 0.009*\"palmer\" + 0.008*\"lobe\"\n", - "2019-01-31 01:12:28,802 : INFO : topic #45 (0.020): 0.027*\"jpg\" + 0.026*\"fifteenth\" + 0.019*\"illicit\" + 0.018*\"pain\" + 0.016*\"arsen\" + 0.015*\"colder\" + 0.014*\"museo\" + 0.013*\"black\" + 0.012*\"western\" + 0.011*\"gai\"\n", - "2019-01-31 01:12:28,803 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.023*\"aggress\" + 0.020*\"walter\" + 0.020*\"armi\" + 0.017*\"com\" + 0.015*\"oper\" + 0.013*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:12:28,804 : INFO : topic #36 (0.020): 0.011*\"prognosi\" + 0.011*\"network\" + 0.010*\"pop\" + 0.009*\"cytokin\" + 0.008*\"develop\" + 0.008*\"uruguayan\" + 0.008*\"softwar\" + 0.008*\"user\" + 0.007*\"clean\" + 0.007*\"championship\"\n", - "2019-01-31 01:12:28,810 : INFO : topic diff=0.003878, rho=0.024716\n", - "2019-01-31 01:12:28,966 : INFO : PROGRESS: pass 0, at document #3276000/4922894\n", - "2019-01-31 01:12:30,364 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:12:30,630 : INFO : topic #28 (0.020): 0.033*\"build\" + 0.028*\"hous\" + 0.018*\"buford\" + 0.016*\"rivièr\" + 0.014*\"histor\" + 0.011*\"constitut\" + 0.011*\"linear\" + 0.011*\"silicon\" + 0.011*\"briarwood\" + 0.011*\"depress\"\n", - "2019-01-31 01:12:30,631 : INFO : topic #26 (0.020): 0.033*\"workplac\" + 0.029*\"champion\" + 0.028*\"woman\" + 0.026*\"olymp\" + 0.024*\"men\" + 0.022*\"medal\" + 0.021*\"event\" + 0.019*\"nation\" + 0.018*\"taxpay\" + 0.018*\"atheist\"\n", - "2019-01-31 01:12:30,632 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.026*\"offic\" + 0.025*\"minist\" + 0.023*\"nation\" + 0.022*\"govern\" + 0.020*\"member\" + 0.018*\"serv\" + 0.016*\"start\" + 0.015*\"gener\" + 0.014*\"chickasaw\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:12:30,633 : INFO : topic #1 (0.020): 0.052*\"china\" + 0.044*\"chilton\" + 0.026*\"kong\" + 0.023*\"hong\" + 0.020*\"korea\" + 0.018*\"leah\" + 0.018*\"korean\" + 0.016*\"sourc\" + 0.015*\"shirin\" + 0.015*\"kim\"\n", - "2019-01-31 01:12:30,634 : INFO : topic #48 (0.020): 0.079*\"march\" + 0.079*\"sens\" + 0.076*\"octob\" + 0.072*\"august\" + 0.070*\"notion\" + 0.070*\"juli\" + 0.069*\"januari\" + 0.069*\"april\" + 0.067*\"judici\" + 0.065*\"decatur\"\n", - "2019-01-31 01:12:30,640 : INFO : topic diff=0.003458, rho=0.024708\n", - "2019-01-31 01:12:30,799 : INFO : PROGRESS: pass 0, at document #3278000/4922894\n", - "2019-01-31 01:12:32,186 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:12:32,452 : INFO : topic #25 (0.020): 0.034*\"ring\" + 0.019*\"lagrang\" + 0.019*\"area\" + 0.016*\"warmth\" + 0.016*\"mount\" + 0.010*\"north\" + 0.009*\"land\" + 0.009*\"sourc\" + 0.009*\"palmer\" + 0.008*\"lobe\"\n", - "2019-01-31 01:12:32,453 : INFO : topic #26 (0.020): 0.033*\"workplac\" + 0.029*\"champion\" + 0.028*\"woman\" + 0.026*\"olymp\" + 0.024*\"men\" + 0.022*\"medal\" + 0.021*\"event\" + 0.019*\"nation\" + 0.018*\"rainfal\" + 0.018*\"taxpay\"\n", - "2019-01-31 01:12:32,454 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.024*\"epiru\" + 0.021*\"septemb\" + 0.019*\"teacher\" + 0.015*\"stake\" + 0.012*\"rodríguez\" + 0.011*\"proclaim\" + 0.011*\"direct\" + 0.010*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:12:32,455 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.012*\"will\" + 0.011*\"david\" + 0.011*\"jame\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.008*\"georg\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:12:32,456 : INFO : topic #44 (0.020): 0.035*\"rooftop\" + 0.028*\"final\" + 0.022*\"wife\" + 0.020*\"tourist\" + 0.017*\"champion\" + 0.016*\"tiepolo\" + 0.015*\"taxpay\" + 0.014*\"martin\" + 0.014*\"chamber\" + 0.012*\"women\"\n", - "2019-01-31 01:12:32,462 : INFO : topic diff=0.004167, rho=0.024701\n", - "2019-01-31 01:12:35,202 : INFO : -11.753 per-word bound, 3451.2 perplexity estimate based on a held-out corpus of 2000 documents with 561527 words\n", - "2019-01-31 01:12:35,203 : INFO : PROGRESS: pass 0, at document #3280000/4922894\n", - "2019-01-31 01:12:36,597 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:12:36,863 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.032*\"perceptu\" + 0.020*\"theater\" + 0.019*\"place\" + 0.018*\"compos\" + 0.016*\"damn\" + 0.013*\"orchestr\" + 0.013*\"olympo\" + 0.012*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 01:12:36,864 : INFO : topic #48 (0.020): 0.079*\"march\" + 0.079*\"sens\" + 0.076*\"octob\" + 0.073*\"august\" + 0.070*\"notion\" + 0.069*\"juli\" + 0.068*\"april\" + 0.068*\"januari\" + 0.067*\"judici\" + 0.066*\"decatur\"\n", - "2019-01-31 01:12:36,865 : INFO : topic #10 (0.020): 0.014*\"cdd\" + 0.009*\"media\" + 0.008*\"disco\" + 0.007*\"pathwai\" + 0.007*\"hormon\" + 0.007*\"proper\" + 0.007*\"have\" + 0.006*\"caus\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 01:12:36,866 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.043*\"line\" + 0.035*\"raid\" + 0.026*\"rosenwald\" + 0.020*\"serv\" + 0.020*\"traceabl\" + 0.017*\"airmen\" + 0.014*\"oper\" + 0.013*\"rivièr\" + 0.011*\"transient\"\n", - "2019-01-31 01:12:36,867 : INFO : topic #45 (0.020): 0.027*\"jpg\" + 0.025*\"fifteenth\" + 0.019*\"illicit\" + 0.018*\"pain\" + 0.017*\"arsen\" + 0.015*\"colder\" + 0.015*\"museo\" + 0.013*\"black\" + 0.012*\"western\" + 0.011*\"gai\"\n", - "2019-01-31 01:12:36,873 : INFO : topic diff=0.003950, rho=0.024693\n", - "2019-01-31 01:12:37,031 : INFO : PROGRESS: pass 0, at document #3282000/4922894\n", - "2019-01-31 01:12:38,415 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:12:38,682 : INFO : topic #25 (0.020): 0.034*\"ring\" + 0.020*\"lagrang\" + 0.019*\"area\" + 0.016*\"warmth\" + 0.015*\"mount\" + 0.010*\"north\" + 0.009*\"land\" + 0.009*\"sourc\" + 0.009*\"palmer\" + 0.008*\"lobe\"\n", - "2019-01-31 01:12:38,683 : INFO : topic #20 (0.020): 0.148*\"scholar\" + 0.040*\"struggl\" + 0.035*\"high\" + 0.029*\"educ\" + 0.024*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.010*\"gothic\" + 0.010*\"task\"\n", - "2019-01-31 01:12:38,684 : INFO : topic #31 (0.020): 0.052*\"fusiform\" + 0.026*\"scientist\" + 0.026*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.015*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:12:38,685 : INFO : topic #40 (0.020): 0.088*\"unit\" + 0.024*\"schuster\" + 0.021*\"institut\" + 0.021*\"collector\" + 0.021*\"requir\" + 0.019*\"student\" + 0.015*\"professor\" + 0.012*\"http\" + 0.011*\"word\" + 0.011*\"governor\"\n", - "2019-01-31 01:12:38,686 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.029*\"son\" + 0.026*\"rel\" + 0.025*\"reconstruct\" + 0.020*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 01:12:38,692 : INFO : topic diff=0.003749, rho=0.024686\n", - "2019-01-31 01:12:38,850 : INFO : PROGRESS: pass 0, at document #3284000/4922894\n", - "2019-01-31 01:12:40,238 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:12:40,505 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.023*\"aggress\" + 0.020*\"armi\" + 0.020*\"walter\" + 0.017*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:12:40,506 : INFO : topic #23 (0.020): 0.134*\"audit\" + 0.070*\"best\" + 0.034*\"yawn\" + 0.028*\"jacksonvil\" + 0.023*\"japanes\" + 0.022*\"noll\" + 0.021*\"festiv\" + 0.019*\"women\" + 0.016*\"intern\" + 0.013*\"winner\"\n", - "2019-01-31 01:12:40,507 : INFO : topic #4 (0.020): 0.022*\"enfranchis\" + 0.015*\"depress\" + 0.013*\"pour\" + 0.009*\"mode\" + 0.008*\"elabor\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.007*\"spectacl\" + 0.007*\"candid\" + 0.006*\"develop\"\n", - "2019-01-31 01:12:40,508 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.023*\"palmer\" + 0.021*\"new\" + 0.014*\"strategist\" + 0.013*\"center\" + 0.013*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:12:40,509 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.029*\"son\" + 0.026*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 01:12:40,515 : INFO : topic diff=0.003935, rho=0.024678\n", - "2019-01-31 01:12:40,672 : INFO : PROGRESS: pass 0, at document #3286000/4922894\n", - "2019-01-31 01:12:42,045 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:12:42,311 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.008*\"word\" + 0.007*\"human\" + 0.007*\"summerhil\" + 0.007*\"woman\"\n", - "2019-01-31 01:12:42,312 : INFO : topic #23 (0.020): 0.134*\"audit\" + 0.070*\"best\" + 0.034*\"yawn\" + 0.028*\"jacksonvil\" + 0.023*\"japanes\" + 0.022*\"noll\" + 0.021*\"festiv\" + 0.018*\"women\" + 0.016*\"intern\" + 0.013*\"winner\"\n", - "2019-01-31 01:12:42,313 : INFO : topic #25 (0.020): 0.034*\"ring\" + 0.020*\"lagrang\" + 0.018*\"area\" + 0.017*\"warmth\" + 0.015*\"mount\" + 0.010*\"north\" + 0.009*\"land\" + 0.009*\"sourc\" + 0.009*\"palmer\" + 0.009*\"lobe\"\n", - "2019-01-31 01:12:42,314 : INFO : topic #17 (0.020): 0.079*\"church\" + 0.022*\"christian\" + 0.022*\"cathol\" + 0.021*\"bishop\" + 0.015*\"sail\" + 0.015*\"retroflex\" + 0.010*\"poll\" + 0.010*\"relationship\" + 0.009*\"historiographi\" + 0.009*\"cathedr\"\n", - "2019-01-31 01:12:42,315 : INFO : topic #13 (0.020): 0.028*\"australia\" + 0.027*\"london\" + 0.026*\"sourc\" + 0.025*\"new\" + 0.024*\"england\" + 0.023*\"australian\" + 0.019*\"british\" + 0.016*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:12:42,321 : INFO : topic diff=0.004167, rho=0.024671\n", - "2019-01-31 01:12:42,476 : INFO : PROGRESS: pass 0, at document #3288000/4922894\n", - "2019-01-31 01:12:43,856 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:12:44,122 : INFO : topic #10 (0.020): 0.013*\"cdd\" + 0.009*\"media\" + 0.008*\"disco\" + 0.008*\"pathwai\" + 0.007*\"hormon\" + 0.007*\"have\" + 0.007*\"proper\" + 0.006*\"caus\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 01:12:44,123 : INFO : topic #23 (0.020): 0.134*\"audit\" + 0.070*\"best\" + 0.034*\"yawn\" + 0.028*\"jacksonvil\" + 0.023*\"japanes\" + 0.022*\"noll\" + 0.021*\"festiv\" + 0.019*\"women\" + 0.016*\"intern\" + 0.013*\"winner\"\n", - "2019-01-31 01:12:44,125 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.044*\"line\" + 0.035*\"raid\" + 0.026*\"rosenwald\" + 0.020*\"serv\" + 0.019*\"traceabl\" + 0.017*\"airmen\" + 0.014*\"oper\" + 0.013*\"rivièr\" + 0.011*\"transient\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:12:44,125 : INFO : topic #35 (0.020): 0.055*\"russia\" + 0.037*\"sovereignti\" + 0.033*\"rural\" + 0.025*\"poison\" + 0.025*\"personifi\" + 0.025*\"reprint\" + 0.020*\"moscow\" + 0.017*\"poland\" + 0.015*\"unfortun\" + 0.014*\"malaysia\"\n", - "2019-01-31 01:12:44,127 : INFO : topic #25 (0.020): 0.033*\"ring\" + 0.020*\"lagrang\" + 0.018*\"area\" + 0.016*\"warmth\" + 0.015*\"mount\" + 0.010*\"north\" + 0.009*\"land\" + 0.009*\"sourc\" + 0.009*\"palmer\" + 0.008*\"lobe\"\n", - "2019-01-31 01:12:44,132 : INFO : topic diff=0.003747, rho=0.024663\n", - "2019-01-31 01:12:44,289 : INFO : PROGRESS: pass 0, at document #3290000/4922894\n", - "2019-01-31 01:12:45,670 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:12:45,936 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.048*\"franc\" + 0.031*\"pari\" + 0.022*\"sail\" + 0.021*\"jean\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.013*\"loui\" + 0.011*\"piec\" + 0.011*\"wreath\"\n", - "2019-01-31 01:12:45,938 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.032*\"perceptu\" + 0.020*\"theater\" + 0.019*\"place\" + 0.018*\"compos\" + 0.015*\"damn\" + 0.013*\"orchestr\" + 0.013*\"physician\" + 0.012*\"olympo\" + 0.012*\"word\"\n", - "2019-01-31 01:12:45,939 : INFO : topic #26 (0.020): 0.033*\"workplac\" + 0.029*\"champion\" + 0.028*\"woman\" + 0.025*\"olymp\" + 0.024*\"men\" + 0.022*\"medal\" + 0.021*\"event\" + 0.018*\"nation\" + 0.018*\"taxpay\" + 0.018*\"atheist\"\n", - "2019-01-31 01:12:45,940 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"market\" + 0.011*\"bank\" + 0.011*\"produc\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.009*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 01:12:45,941 : INFO : topic #28 (0.020): 0.033*\"build\" + 0.028*\"hous\" + 0.018*\"buford\" + 0.016*\"rivièr\" + 0.014*\"histor\" + 0.011*\"constitut\" + 0.011*\"silicon\" + 0.011*\"linear\" + 0.011*\"depress\" + 0.010*\"briarwood\"\n", - "2019-01-31 01:12:45,947 : INFO : topic diff=0.003592, rho=0.024656\n", - "2019-01-31 01:12:46,104 : INFO : PROGRESS: pass 0, at document #3292000/4922894\n", - "2019-01-31 01:12:47,482 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:12:47,748 : INFO : topic #21 (0.020): 0.032*\"samford\" + 0.022*\"spain\" + 0.018*\"del\" + 0.018*\"mexico\" + 0.017*\"italian\" + 0.013*\"soviet\" + 0.011*\"santa\" + 0.011*\"juan\" + 0.011*\"mexican\" + 0.011*\"lizard\"\n", - "2019-01-31 01:12:47,750 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.011*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.008*\"empath\" + 0.008*\"teufel\" + 0.007*\"armi\" + 0.007*\"govern\" + 0.006*\"till\" + 0.006*\"militari\"\n", - "2019-01-31 01:12:47,751 : INFO : topic #42 (0.020): 0.048*\"german\" + 0.031*\"germani\" + 0.016*\"vol\" + 0.015*\"berlin\" + 0.014*\"israel\" + 0.014*\"jewish\" + 0.013*\"der\" + 0.010*\"european\" + 0.009*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:12:47,752 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.023*\"cortic\" + 0.018*\"start\" + 0.017*\"act\" + 0.012*\"case\" + 0.012*\"ricardo\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.008*\"order\" + 0.008*\"legal\"\n", - "2019-01-31 01:12:47,753 : INFO : topic #4 (0.020): 0.022*\"enfranchis\" + 0.015*\"depress\" + 0.013*\"pour\" + 0.009*\"mode\" + 0.008*\"elabor\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.007*\"spectacl\" + 0.007*\"candid\" + 0.006*\"produc\"\n", - "2019-01-31 01:12:47,759 : INFO : topic diff=0.003695, rho=0.024648\n", - "2019-01-31 01:12:47,978 : INFO : PROGRESS: pass 0, at document #3294000/4922894\n", - "2019-01-31 01:12:49,390 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:12:49,657 : INFO : topic #22 (0.020): 0.036*\"spars\" + 0.018*\"factor\" + 0.011*\"plaisir\" + 0.011*\"genu\" + 0.008*\"western\" + 0.008*\"median\" + 0.008*\"biom\" + 0.008*\"feel\" + 0.007*\"male\" + 0.007*\"incom\"\n", - "2019-01-31 01:12:49,658 : INFO : topic #32 (0.020): 0.052*\"district\" + 0.044*\"popolo\" + 0.041*\"vigour\" + 0.035*\"tortur\" + 0.034*\"cotton\" + 0.022*\"multitud\" + 0.022*\"area\" + 0.022*\"adulthood\" + 0.021*\"citi\" + 0.019*\"cede\"\n", - "2019-01-31 01:12:49,659 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.031*\"germani\" + 0.016*\"jewish\" + 0.016*\"vol\" + 0.015*\"berlin\" + 0.015*\"israel\" + 0.013*\"der\" + 0.011*\"jeremiah\" + 0.010*\"european\" + 0.009*\"europ\"\n", - "2019-01-31 01:12:49,660 : INFO : topic #40 (0.020): 0.088*\"unit\" + 0.024*\"schuster\" + 0.021*\"collector\" + 0.021*\"institut\" + 0.021*\"requir\" + 0.019*\"student\" + 0.015*\"professor\" + 0.012*\"http\" + 0.011*\"word\" + 0.011*\"governor\"\n", - "2019-01-31 01:12:49,661 : INFO : topic #35 (0.020): 0.055*\"russia\" + 0.037*\"sovereignti\" + 0.034*\"rural\" + 0.024*\"poison\" + 0.024*\"reprint\" + 0.024*\"personifi\" + 0.020*\"moscow\" + 0.017*\"poland\" + 0.015*\"unfortun\" + 0.014*\"malaysia\"\n", - "2019-01-31 01:12:49,667 : INFO : topic diff=0.004864, rho=0.024641\n", - "2019-01-31 01:12:49,824 : INFO : PROGRESS: pass 0, at document #3296000/4922894\n", - "2019-01-31 01:12:51,220 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:12:51,487 : INFO : topic #34 (0.020): 0.069*\"start\" + 0.034*\"new\" + 0.032*\"american\" + 0.031*\"unionist\" + 0.026*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.011*\"north\"\n", - "2019-01-31 01:12:51,488 : INFO : topic #28 (0.020): 0.033*\"build\" + 0.028*\"hous\" + 0.018*\"buford\" + 0.016*\"rivièr\" + 0.014*\"histor\" + 0.011*\"constitut\" + 0.011*\"silicon\" + 0.011*\"linear\" + 0.011*\"depress\" + 0.011*\"briarwood\"\n", - "2019-01-31 01:12:51,489 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.009*\"forc\" + 0.009*\"battalion\" + 0.008*\"empath\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.007*\"govern\" + 0.006*\"militari\" + 0.006*\"till\"\n", - "2019-01-31 01:12:51,490 : INFO : topic #17 (0.020): 0.079*\"church\" + 0.022*\"cathol\" + 0.022*\"christian\" + 0.021*\"bishop\" + 0.015*\"sail\" + 0.015*\"retroflex\" + 0.010*\"poll\" + 0.010*\"relationship\" + 0.009*\"historiographi\" + 0.009*\"centuri\"\n", - "2019-01-31 01:12:51,491 : INFO : topic #23 (0.020): 0.134*\"audit\" + 0.069*\"best\" + 0.034*\"yawn\" + 0.028*\"jacksonvil\" + 0.023*\"japanes\" + 0.022*\"noll\" + 0.021*\"festiv\" + 0.019*\"women\" + 0.016*\"intern\" + 0.013*\"winner\"\n", - "2019-01-31 01:12:51,497 : INFO : topic diff=0.003464, rho=0.024633\n", - "2019-01-31 01:12:51,653 : INFO : PROGRESS: pass 0, at document #3298000/4922894\n", - "2019-01-31 01:12:53,029 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:12:53,295 : INFO : topic #13 (0.020): 0.027*\"australia\" + 0.027*\"london\" + 0.026*\"sourc\" + 0.025*\"new\" + 0.024*\"england\" + 0.023*\"australian\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:12:53,296 : INFO : topic #4 (0.020): 0.022*\"enfranchis\" + 0.015*\"depress\" + 0.013*\"pour\" + 0.009*\"mode\" + 0.008*\"elabor\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.006*\"spectacl\" + 0.006*\"candid\" + 0.006*\"produc\"\n", - "2019-01-31 01:12:53,297 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"market\" + 0.011*\"bank\" + 0.011*\"produc\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 01:12:53,299 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:12:53,300 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.011*\"coalit\" + 0.009*\"fleet\" + 0.009*\"vernon\"\n", - "2019-01-31 01:12:53,305 : INFO : topic diff=0.003670, rho=0.024626\n", - "2019-01-31 01:12:56,018 : INFO : -11.834 per-word bound, 3650.7 perplexity estimate based on a held-out corpus of 2000 documents with 546499 words\n", - "2019-01-31 01:12:56,018 : INFO : PROGRESS: pass 0, at document #3300000/4922894\n", - "2019-01-31 01:12:57,407 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:12:57,673 : INFO : topic #32 (0.020): 0.052*\"district\" + 0.044*\"popolo\" + 0.043*\"vigour\" + 0.035*\"tortur\" + 0.034*\"cotton\" + 0.022*\"multitud\" + 0.022*\"adulthood\" + 0.022*\"area\" + 0.020*\"citi\" + 0.019*\"cede\"\n", - "2019-01-31 01:12:57,675 : INFO : topic #10 (0.020): 0.013*\"cdd\" + 0.009*\"media\" + 0.008*\"disco\" + 0.007*\"pathwai\" + 0.007*\"hormon\" + 0.007*\"have\" + 0.007*\"proper\" + 0.006*\"caus\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 01:12:57,676 : INFO : topic #17 (0.020): 0.078*\"church\" + 0.023*\"cathol\" + 0.022*\"christian\" + 0.021*\"bishop\" + 0.016*\"retroflex\" + 0.015*\"sail\" + 0.010*\"poll\" + 0.009*\"relationship\" + 0.009*\"historiographi\" + 0.009*\"cathedr\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:12:57,677 : INFO : topic #30 (0.020): 0.035*\"cleveland\" + 0.034*\"leagu\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"crete\" + 0.024*\"scientist\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:12:57,678 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.044*\"line\" + 0.035*\"raid\" + 0.026*\"rosenwald\" + 0.019*\"serv\" + 0.019*\"traceabl\" + 0.017*\"airmen\" + 0.014*\"oper\" + 0.013*\"rivièr\" + 0.011*\"transient\"\n", - "2019-01-31 01:12:57,684 : INFO : topic diff=0.003650, rho=0.024618\n", - "2019-01-31 01:12:57,841 : INFO : PROGRESS: pass 0, at document #3302000/4922894\n", - "2019-01-31 01:12:59,227 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:12:59,493 : INFO : topic #16 (0.020): 0.057*\"king\" + 0.031*\"priest\" + 0.020*\"duke\" + 0.020*\"quarterli\" + 0.019*\"rotterdam\" + 0.017*\"grammat\" + 0.016*\"idiosyncrat\" + 0.014*\"count\" + 0.013*\"order\" + 0.013*\"portugues\"\n", - "2019-01-31 01:12:59,494 : INFO : topic #22 (0.020): 0.037*\"spars\" + 0.018*\"factor\" + 0.011*\"plaisir\" + 0.011*\"genu\" + 0.008*\"western\" + 0.008*\"median\" + 0.008*\"biom\" + 0.007*\"feel\" + 0.007*\"male\" + 0.007*\"trap\"\n", - "2019-01-31 01:12:59,495 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"market\" + 0.011*\"produc\" + 0.011*\"bank\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.009*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 01:12:59,496 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.047*\"franc\" + 0.031*\"pari\" + 0.022*\"sail\" + 0.021*\"jean\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.011*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 01:12:59,497 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.007*\"poet\" + 0.006*\"exampl\" + 0.006*\"utopian\" + 0.006*\"southern\" + 0.006*\"théori\" + 0.006*\"servitud\" + 0.006*\"measur\"\n", - "2019-01-31 01:12:59,503 : INFO : topic diff=0.003686, rho=0.024611\n", - "2019-01-31 01:12:59,659 : INFO : PROGRESS: pass 0, at document #3304000/4922894\n", - "2019-01-31 01:13:01,034 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:13:01,301 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:13:01,302 : INFO : topic #13 (0.020): 0.027*\"australia\" + 0.026*\"london\" + 0.026*\"sourc\" + 0.025*\"new\" + 0.024*\"england\" + 0.023*\"australian\" + 0.020*\"british\" + 0.017*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:13:01,303 : INFO : topic #23 (0.020): 0.134*\"audit\" + 0.069*\"best\" + 0.034*\"yawn\" + 0.029*\"jacksonvil\" + 0.023*\"japanes\" + 0.023*\"noll\" + 0.020*\"festiv\" + 0.019*\"women\" + 0.016*\"intern\" + 0.013*\"winner\"\n", - "2019-01-31 01:13:01,304 : INFO : topic #26 (0.020): 0.032*\"workplac\" + 0.029*\"champion\" + 0.029*\"woman\" + 0.025*\"olymp\" + 0.024*\"men\" + 0.022*\"medal\" + 0.021*\"event\" + 0.019*\"nation\" + 0.018*\"rainfal\" + 0.018*\"taxpay\"\n", - "2019-01-31 01:13:01,305 : INFO : topic #4 (0.020): 0.022*\"enfranchis\" + 0.015*\"depress\" + 0.013*\"pour\" + 0.009*\"mode\" + 0.008*\"elabor\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.007*\"candid\" + 0.006*\"spectacl\" + 0.006*\"produc\"\n", - "2019-01-31 01:13:01,311 : INFO : topic diff=0.003653, rho=0.024603\n", - "2019-01-31 01:13:01,470 : INFO : PROGRESS: pass 0, at document #3306000/4922894\n", - "2019-01-31 01:13:02,839 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:13:03,109 : INFO : topic #21 (0.020): 0.033*\"samford\" + 0.022*\"spain\" + 0.018*\"del\" + 0.018*\"mexico\" + 0.016*\"italian\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"lizard\" + 0.011*\"juan\" + 0.010*\"mexican\"\n", - "2019-01-31 01:13:03,110 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.023*\"palmer\" + 0.021*\"new\" + 0.014*\"strategist\" + 0.013*\"center\" + 0.013*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.011*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:13:03,111 : INFO : topic #44 (0.020): 0.034*\"rooftop\" + 0.028*\"final\" + 0.022*\"wife\" + 0.020*\"tourist\" + 0.017*\"champion\" + 0.016*\"taxpay\" + 0.015*\"tiepolo\" + 0.015*\"martin\" + 0.014*\"chamber\" + 0.012*\"women\"\n", - "2019-01-31 01:13:03,112 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"margin\" + 0.016*\"yawn\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"daughter\" + 0.011*\"deal\"\n", - "2019-01-31 01:13:03,113 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.047*\"franc\" + 0.031*\"pari\" + 0.022*\"sail\" + 0.021*\"jean\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.013*\"loui\" + 0.011*\"piec\" + 0.011*\"wreath\"\n", - "2019-01-31 01:13:03,119 : INFO : topic diff=0.003322, rho=0.024596\n", - "2019-01-31 01:13:03,276 : INFO : PROGRESS: pass 0, at document #3308000/4922894\n", - "2019-01-31 01:13:04,659 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:13:04,925 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.023*\"palmer\" + 0.021*\"new\" + 0.014*\"strategist\" + 0.013*\"center\" + 0.013*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.011*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:13:04,926 : INFO : topic #31 (0.020): 0.052*\"fusiform\" + 0.027*\"scientist\" + 0.026*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.015*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:13:04,927 : INFO : topic #34 (0.020): 0.069*\"start\" + 0.034*\"new\" + 0.032*\"american\" + 0.031*\"unionist\" + 0.026*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.011*\"north\"\n", - "2019-01-31 01:13:04,929 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.009*\"media\" + 0.008*\"disco\" + 0.007*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"have\" + 0.007*\"proper\" + 0.006*\"caus\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 01:13:04,930 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.008*\"mean\" + 0.008*\"english\" + 0.007*\"known\" + 0.006*\"ancestor\"\n", - "2019-01-31 01:13:04,936 : INFO : topic diff=0.003355, rho=0.024589\n", - "2019-01-31 01:13:05,091 : INFO : PROGRESS: pass 0, at document #3310000/4922894\n", - "2019-01-31 01:13:06,463 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:13:06,730 : INFO : topic #26 (0.020): 0.032*\"workplac\" + 0.029*\"champion\" + 0.028*\"woman\" + 0.025*\"olymp\" + 0.024*\"men\" + 0.022*\"medal\" + 0.021*\"event\" + 0.019*\"nation\" + 0.018*\"rainfal\" + 0.018*\"atheist\"\n", - "2019-01-31 01:13:06,731 : INFO : topic #9 (0.020): 0.069*\"bone\" + 0.048*\"american\" + 0.027*\"valour\" + 0.018*\"dutch\" + 0.018*\"folei\" + 0.017*\"player\" + 0.017*\"polit\" + 0.015*\"english\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:13:06,732 : INFO : topic #36 (0.020): 0.010*\"prognosi\" + 0.010*\"pop\" + 0.010*\"network\" + 0.009*\"cytokin\" + 0.008*\"user\" + 0.008*\"develop\" + 0.008*\"softwar\" + 0.008*\"uruguayan\" + 0.007*\"includ\" + 0.007*\"championship\"\n", - "2019-01-31 01:13:06,733 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.048*\"franc\" + 0.031*\"pari\" + 0.023*\"sail\" + 0.021*\"jean\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.011*\"piec\" + 0.010*\"wreath\"\n", - "2019-01-31 01:13:06,734 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.022*\"cortic\" + 0.018*\"start\" + 0.016*\"act\" + 0.012*\"case\" + 0.012*\"ricardo\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.008*\"legal\" + 0.008*\"order\"\n", - "2019-01-31 01:13:06,740 : INFO : topic diff=0.003703, rho=0.024581\n", - "2019-01-31 01:13:06,895 : INFO : PROGRESS: pass 0, at document #3312000/4922894\n", - "2019-01-31 01:13:08,263 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:13:08,530 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.008*\"mean\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.006*\"ancestor\"\n", - "2019-01-31 01:13:08,531 : INFO : topic #13 (0.020): 0.027*\"australia\" + 0.026*\"london\" + 0.026*\"sourc\" + 0.025*\"new\" + 0.024*\"england\" + 0.023*\"australian\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:13:08,532 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.023*\"epiru\" + 0.021*\"septemb\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.012*\"rodríguez\" + 0.011*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:13:08,533 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:13:08,534 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.054*\"parti\" + 0.025*\"voluntari\" + 0.023*\"democrat\" + 0.021*\"member\" + 0.016*\"polici\" + 0.014*\"republ\" + 0.014*\"liber\" + 0.013*\"report\" + 0.013*\"bypass\"\n", - "2019-01-31 01:13:08,540 : INFO : topic diff=0.004365, rho=0.024574\n", - "2019-01-31 01:13:08,693 : INFO : PROGRESS: pass 0, at document #3314000/4922894\n", - "2019-01-31 01:13:10,049 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:13:10,316 : INFO : topic #9 (0.020): 0.069*\"bone\" + 0.047*\"american\" + 0.027*\"valour\" + 0.018*\"dutch\" + 0.018*\"folei\" + 0.017*\"player\" + 0.017*\"polit\" + 0.015*\"english\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:13:10,317 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.054*\"parti\" + 0.025*\"voluntari\" + 0.023*\"democrat\" + 0.021*\"member\" + 0.016*\"polici\" + 0.014*\"republ\" + 0.014*\"liber\" + 0.013*\"bypass\" + 0.013*\"report\"\n", - "2019-01-31 01:13:10,318 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.023*\"palmer\" + 0.021*\"new\" + 0.014*\"strategist\" + 0.013*\"center\" + 0.013*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.011*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:13:10,319 : INFO : topic #45 (0.020): 0.026*\"jpg\" + 0.025*\"fifteenth\" + 0.019*\"pain\" + 0.019*\"illicit\" + 0.018*\"arsen\" + 0.016*\"museo\" + 0.015*\"colder\" + 0.013*\"black\" + 0.012*\"western\" + 0.012*\"gai\"\n", - "2019-01-31 01:13:10,320 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.022*\"cortic\" + 0.018*\"start\" + 0.016*\"act\" + 0.012*\"case\" + 0.012*\"ricardo\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.008*\"legal\" + 0.008*\"order\"\n", - "2019-01-31 01:13:10,326 : INFO : topic diff=0.004409, rho=0.024566\n", - "2019-01-31 01:13:10,477 : INFO : PROGRESS: pass 0, at document #3316000/4922894\n", - "2019-01-31 01:13:11,821 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:13:12,090 : INFO : topic #20 (0.020): 0.144*\"scholar\" + 0.040*\"struggl\" + 0.033*\"high\" + 0.029*\"educ\" + 0.023*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.011*\"district\" + 0.011*\"gothic\" + 0.010*\"task\"\n", - "2019-01-31 01:13:12,092 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.043*\"line\" + 0.035*\"raid\" + 0.026*\"rosenwald\" + 0.020*\"serv\" + 0.019*\"traceabl\" + 0.017*\"airmen\" + 0.014*\"oper\" + 0.014*\"rivièr\" + 0.011*\"transient\"\n", - "2019-01-31 01:13:12,093 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.009*\"forc\" + 0.009*\"battalion\" + 0.007*\"empath\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.007*\"govern\" + 0.006*\"militari\" + 0.006*\"pour\"\n", - "2019-01-31 01:13:12,094 : INFO : topic #46 (0.020): 0.017*\"sweden\" + 0.016*\"norwai\" + 0.016*\"stop\" + 0.016*\"swedish\" + 0.015*\"norwegian\" + 0.014*\"damag\" + 0.013*\"wind\" + 0.012*\"huntsvil\" + 0.011*\"denmark\" + 0.011*\"turkish\"\n", - "2019-01-31 01:13:12,095 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.023*\"epiru\" + 0.021*\"septemb\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.012*\"rodríguez\" + 0.011*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:13:12,101 : INFO : topic diff=0.004118, rho=0.024559\n", - "2019-01-31 01:13:12,256 : INFO : PROGRESS: pass 0, at document #3318000/4922894\n", - "2019-01-31 01:13:13,635 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:13:13,901 : INFO : topic #27 (0.020): 0.072*\"questionnair\" + 0.019*\"candid\" + 0.019*\"taxpay\" + 0.014*\"ret\" + 0.013*\"driver\" + 0.012*\"tornado\" + 0.012*\"find\" + 0.010*\"fool\" + 0.010*\"champion\" + 0.009*\"landslid\"\n", - "2019-01-31 01:13:13,902 : INFO : topic #24 (0.020): 0.037*\"book\" + 0.033*\"publicis\" + 0.029*\"word\" + 0.019*\"new\" + 0.015*\"arsen\" + 0.013*\"edit\" + 0.013*\"presid\" + 0.011*\"collect\" + 0.011*\"worldwid\" + 0.010*\"nicola\"\n", - "2019-01-31 01:13:13,904 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.022*\"cortic\" + 0.017*\"start\" + 0.016*\"act\" + 0.012*\"case\" + 0.012*\"ricardo\" + 0.010*\"replac\" + 0.008*\"polaris\" + 0.008*\"legal\" + 0.008*\"order\"\n", - "2019-01-31 01:13:13,905 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.008*\"mean\" + 0.008*\"english\" + 0.007*\"known\" + 0.006*\"ancestor\"\n", - "2019-01-31 01:13:13,906 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.012*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.010*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.008*\"georg\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:13:13,912 : INFO : topic diff=0.002821, rho=0.024551\n", - "2019-01-31 01:13:16,578 : INFO : -11.544 per-word bound, 2985.7 perplexity estimate based on a held-out corpus of 2000 documents with 544621 words\n", - "2019-01-31 01:13:16,578 : INFO : PROGRESS: pass 0, at document #3320000/4922894\n", - "2019-01-31 01:13:17,944 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:13:18,213 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.023*\"aggress\" + 0.020*\"armi\" + 0.020*\"walter\" + 0.017*\"com\" + 0.015*\"oper\" + 0.014*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:13:18,214 : INFO : topic #23 (0.020): 0.132*\"audit\" + 0.068*\"best\" + 0.033*\"yawn\" + 0.029*\"jacksonvil\" + 0.023*\"japanes\" + 0.022*\"noll\" + 0.020*\"festiv\" + 0.019*\"women\" + 0.016*\"intern\" + 0.013*\"winner\"\n", - "2019-01-31 01:13:18,215 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.011*\"aza\" + 0.009*\"forc\" + 0.009*\"battalion\" + 0.008*\"teufel\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.007*\"militari\" + 0.006*\"govern\" + 0.006*\"till\"\n", - "2019-01-31 01:13:18,216 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.007*\"woman\" + 0.007*\"summerhil\"\n", - "2019-01-31 01:13:18,217 : INFO : topic #16 (0.020): 0.056*\"king\" + 0.032*\"priest\" + 0.020*\"duke\" + 0.019*\"rotterdam\" + 0.019*\"quarterli\" + 0.017*\"grammat\" + 0.016*\"idiosyncrat\" + 0.014*\"count\" + 0.014*\"portugues\" + 0.013*\"brazil\"\n", - "2019-01-31 01:13:18,223 : INFO : topic diff=0.003584, rho=0.024544\n", - "2019-01-31 01:13:18,387 : INFO : PROGRESS: pass 0, at document #3322000/4922894\n", - "2019-01-31 01:13:19,808 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:13:20,075 : INFO : topic #4 (0.020): 0.022*\"enfranchis\" + 0.015*\"depress\" + 0.013*\"pour\" + 0.009*\"mode\" + 0.008*\"veget\" + 0.008*\"elabor\" + 0.007*\"uruguayan\" + 0.006*\"produc\" + 0.006*\"candid\" + 0.006*\"spectacl\"\n", - "2019-01-31 01:13:20,076 : INFO : topic #9 (0.020): 0.069*\"bone\" + 0.047*\"american\" + 0.027*\"valour\" + 0.018*\"dutch\" + 0.018*\"folei\" + 0.017*\"polit\" + 0.017*\"player\" + 0.015*\"english\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:13:20,077 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:13:20,078 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.043*\"line\" + 0.035*\"raid\" + 0.025*\"rosenwald\" + 0.020*\"serv\" + 0.019*\"traceabl\" + 0.017*\"airmen\" + 0.014*\"oper\" + 0.014*\"rivièr\" + 0.011*\"transient\"\n", - "2019-01-31 01:13:20,079 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"help\" + 0.004*\"call\"\n", - "2019-01-31 01:13:20,085 : INFO : topic diff=0.004407, rho=0.024537\n", - "2019-01-31 01:13:20,246 : INFO : PROGRESS: pass 0, at document #3324000/4922894\n", - "2019-01-31 01:13:21,651 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:13:21,918 : INFO : topic #28 (0.020): 0.033*\"build\" + 0.027*\"hous\" + 0.018*\"buford\" + 0.015*\"rivièr\" + 0.014*\"histor\" + 0.012*\"constitut\" + 0.011*\"silicon\" + 0.011*\"linear\" + 0.011*\"briarwood\" + 0.011*\"depress\"\n", - "2019-01-31 01:13:21,919 : INFO : topic #42 (0.020): 0.048*\"german\" + 0.032*\"germani\" + 0.016*\"vol\" + 0.015*\"jewish\" + 0.014*\"berlin\" + 0.014*\"israel\" + 0.013*\"der\" + 0.010*\"european\" + 0.010*\"jeremiah\" + 0.009*\"hungarian\"\n", - "2019-01-31 01:13:21,920 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.009*\"forc\" + 0.009*\"battalion\" + 0.007*\"empath\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.006*\"govern\" + 0.006*\"militari\" + 0.006*\"pour\"\n", - "2019-01-31 01:13:21,921 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.043*\"line\" + 0.035*\"raid\" + 0.025*\"rosenwald\" + 0.020*\"serv\" + 0.019*\"traceabl\" + 0.017*\"airmen\" + 0.014*\"oper\" + 0.014*\"rivièr\" + 0.011*\"transient\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:13:21,922 : INFO : topic #45 (0.020): 0.027*\"jpg\" + 0.026*\"fifteenth\" + 0.019*\"illicit\" + 0.019*\"pain\" + 0.019*\"arsen\" + 0.016*\"museo\" + 0.014*\"colder\" + 0.013*\"black\" + 0.013*\"western\" + 0.012*\"gai\"\n", - "2019-01-31 01:13:21,928 : INFO : topic diff=0.003536, rho=0.024529\n", - "2019-01-31 01:13:22,084 : INFO : PROGRESS: pass 0, at document #3326000/4922894\n", - "2019-01-31 01:13:23,461 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:13:23,728 : INFO : topic #46 (0.020): 0.017*\"stop\" + 0.016*\"sweden\" + 0.016*\"norwai\" + 0.015*\"swedish\" + 0.014*\"norwegian\" + 0.014*\"damag\" + 0.013*\"wind\" + 0.013*\"huntsvil\" + 0.012*\"treeless\" + 0.011*\"denmark\"\n", - "2019-01-31 01:13:23,729 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.023*\"palmer\" + 0.021*\"new\" + 0.014*\"strategist\" + 0.013*\"center\" + 0.013*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.011*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:13:23,731 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.009*\"forc\" + 0.009*\"battalion\" + 0.007*\"teufel\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.006*\"militari\" + 0.006*\"govern\" + 0.006*\"till\"\n", - "2019-01-31 01:13:23,732 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.031*\"germani\" + 0.016*\"vol\" + 0.015*\"jewish\" + 0.015*\"israel\" + 0.014*\"berlin\" + 0.013*\"der\" + 0.010*\"european\" + 0.010*\"jeremiah\" + 0.009*\"hungarian\"\n", - "2019-01-31 01:13:23,733 : INFO : topic #40 (0.020): 0.088*\"unit\" + 0.024*\"schuster\" + 0.021*\"institut\" + 0.021*\"collector\" + 0.021*\"requir\" + 0.019*\"student\" + 0.015*\"professor\" + 0.012*\"http\" + 0.011*\"word\" + 0.011*\"governor\"\n", - "2019-01-31 01:13:23,739 : INFO : topic diff=0.003432, rho=0.024522\n", - "2019-01-31 01:13:23,956 : INFO : PROGRESS: pass 0, at document #3328000/4922894\n", - "2019-01-31 01:13:25,351 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:13:25,617 : INFO : topic #4 (0.020): 0.022*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.009*\"mode\" + 0.008*\"veget\" + 0.008*\"elabor\" + 0.007*\"uruguayan\" + 0.006*\"produc\" + 0.006*\"develop\" + 0.006*\"spectacl\"\n", - "2019-01-31 01:13:25,618 : INFO : topic #48 (0.020): 0.080*\"march\" + 0.079*\"sens\" + 0.076*\"octob\" + 0.075*\"august\" + 0.074*\"juli\" + 0.070*\"april\" + 0.069*\"judici\" + 0.069*\"januari\" + 0.069*\"notion\" + 0.065*\"decatur\"\n", - "2019-01-31 01:13:25,619 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.008*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.007*\"woman\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:13:25,620 : INFO : topic #35 (0.020): 0.056*\"russia\" + 0.037*\"sovereignti\" + 0.033*\"rural\" + 0.026*\"reprint\" + 0.025*\"poison\" + 0.023*\"personifi\" + 0.020*\"moscow\" + 0.017*\"poland\" + 0.015*\"unfortun\" + 0.014*\"czech\"\n", - "2019-01-31 01:13:25,621 : INFO : topic #26 (0.020): 0.031*\"workplac\" + 0.029*\"woman\" + 0.028*\"champion\" + 0.025*\"olymp\" + 0.024*\"men\" + 0.022*\"medal\" + 0.021*\"event\" + 0.018*\"rainfal\" + 0.018*\"taxpay\" + 0.018*\"nation\"\n", - "2019-01-31 01:13:25,627 : INFO : topic diff=0.003442, rho=0.024515\n", - "2019-01-31 01:13:25,784 : INFO : PROGRESS: pass 0, at document #3330000/4922894\n", - "2019-01-31 01:13:27,157 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:13:27,424 : INFO : topic #23 (0.020): 0.133*\"audit\" + 0.067*\"best\" + 0.033*\"yawn\" + 0.029*\"jacksonvil\" + 0.023*\"japanes\" + 0.023*\"noll\" + 0.020*\"festiv\" + 0.019*\"women\" + 0.016*\"intern\" + 0.013*\"winner\"\n", - "2019-01-31 01:13:27,425 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.034*\"leagu\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:13:27,426 : INFO : topic #24 (0.020): 0.037*\"book\" + 0.033*\"publicis\" + 0.029*\"word\" + 0.019*\"new\" + 0.015*\"arsen\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.011*\"collect\" + 0.011*\"worldwid\" + 0.010*\"author\"\n", - "2019-01-31 01:13:27,427 : INFO : topic #48 (0.020): 0.079*\"march\" + 0.079*\"sens\" + 0.076*\"octob\" + 0.075*\"august\" + 0.073*\"juli\" + 0.070*\"april\" + 0.069*\"januari\" + 0.069*\"notion\" + 0.068*\"judici\" + 0.065*\"decatur\"\n", - "2019-01-31 01:13:27,428 : INFO : topic #22 (0.020): 0.036*\"spars\" + 0.018*\"factor\" + 0.012*\"plaisir\" + 0.011*\"genu\" + 0.009*\"western\" + 0.008*\"median\" + 0.008*\"biom\" + 0.007*\"feel\" + 0.007*\"trap\" + 0.007*\"male\"\n", - "2019-01-31 01:13:27,434 : INFO : topic diff=0.003903, rho=0.024507\n", - "2019-01-31 01:13:27,595 : INFO : PROGRESS: pass 0, at document #3332000/4922894\n", - "2019-01-31 01:13:29,000 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:13:29,266 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.031*\"germani\" + 0.015*\"vol\" + 0.015*\"jewish\" + 0.014*\"israel\" + 0.014*\"berlin\" + 0.014*\"der\" + 0.010*\"jeremiah\" + 0.010*\"european\" + 0.009*\"hungarian\"\n", - "2019-01-31 01:13:29,267 : INFO : topic #4 (0.020): 0.022*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.009*\"mode\" + 0.008*\"veget\" + 0.008*\"elabor\" + 0.007*\"uruguayan\" + 0.006*\"produc\" + 0.006*\"develop\" + 0.006*\"spectacl\"\n", - "2019-01-31 01:13:29,268 : INFO : topic #35 (0.020): 0.056*\"russia\" + 0.037*\"sovereignti\" + 0.034*\"rural\" + 0.025*\"reprint\" + 0.025*\"poison\" + 0.023*\"personifi\" + 0.020*\"moscow\" + 0.017*\"poland\" + 0.015*\"unfortun\" + 0.014*\"czech\"\n", - "2019-01-31 01:13:29,269 : INFO : topic #22 (0.020): 0.036*\"spars\" + 0.018*\"factor\" + 0.012*\"plaisir\" + 0.011*\"genu\" + 0.009*\"western\" + 0.008*\"median\" + 0.008*\"biom\" + 0.007*\"feel\" + 0.007*\"trap\" + 0.007*\"male\"\n", - "2019-01-31 01:13:29,270 : INFO : topic #45 (0.020): 0.026*\"jpg\" + 0.025*\"fifteenth\" + 0.019*\"pain\" + 0.019*\"illicit\" + 0.019*\"arsen\" + 0.016*\"museo\" + 0.015*\"colder\" + 0.013*\"black\" + 0.013*\"western\" + 0.012*\"gai\"\n", - "2019-01-31 01:13:29,276 : INFO : topic diff=0.003799, rho=0.024500\n", - "2019-01-31 01:13:29,433 : INFO : PROGRESS: pass 0, at document #3334000/4922894\n", - "2019-01-31 01:13:30,826 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:13:31,092 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.031*\"incumb\" + 0.014*\"islam\" + 0.013*\"pakistan\" + 0.012*\"anglo\" + 0.012*\"muskoge\" + 0.010*\"sri\" + 0.010*\"televis\" + 0.010*\"alam\" + 0.010*\"affection\"\n", - "2019-01-31 01:13:31,093 : INFO : topic #46 (0.020): 0.017*\"norwai\" + 0.017*\"stop\" + 0.016*\"sweden\" + 0.015*\"norwegian\" + 0.015*\"swedish\" + 0.014*\"damag\" + 0.014*\"wind\" + 0.012*\"huntsvil\" + 0.012*\"treeless\" + 0.011*\"turkish\"\n", - "2019-01-31 01:13:31,094 : INFO : topic #22 (0.020): 0.036*\"spars\" + 0.018*\"factor\" + 0.012*\"plaisir\" + 0.011*\"genu\" + 0.009*\"western\" + 0.008*\"median\" + 0.008*\"biom\" + 0.007*\"feel\" + 0.007*\"trap\" + 0.007*\"incom\"\n", - "2019-01-31 01:13:31,095 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.008*\"mean\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"ancestor\"\n", - "2019-01-31 01:13:31,096 : INFO : topic #35 (0.020): 0.056*\"russia\" + 0.037*\"sovereignti\" + 0.034*\"rural\" + 0.025*\"reprint\" + 0.025*\"poison\" + 0.023*\"personifi\" + 0.020*\"moscow\" + 0.017*\"poland\" + 0.016*\"unfortun\" + 0.014*\"czech\"\n", - "2019-01-31 01:13:31,102 : INFO : topic diff=0.003805, rho=0.024492\n", - "2019-01-31 01:13:31,260 : INFO : PROGRESS: pass 0, at document #3336000/4922894\n", - "2019-01-31 01:13:32,658 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:13:32,924 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.022*\"cortic\" + 0.018*\"start\" + 0.016*\"act\" + 0.012*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.008*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 01:13:32,925 : INFO : topic #21 (0.020): 0.032*\"samford\" + 0.023*\"spain\" + 0.018*\"mexico\" + 0.018*\"del\" + 0.016*\"italian\" + 0.014*\"soviet\" + 0.011*\"santa\" + 0.011*\"lizard\" + 0.011*\"carlo\" + 0.010*\"juan\"\n", - "2019-01-31 01:13:32,926 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.031*\"germani\" + 0.015*\"jewish\" + 0.015*\"vol\" + 0.015*\"israel\" + 0.015*\"berlin\" + 0.014*\"der\" + 0.010*\"jeremiah\" + 0.010*\"european\" + 0.009*\"hungarian\"\n", - "2019-01-31 01:13:32,927 : INFO : topic #28 (0.020): 0.033*\"build\" + 0.027*\"hous\" + 0.018*\"buford\" + 0.015*\"rivièr\" + 0.014*\"histor\" + 0.011*\"linear\" + 0.011*\"constitut\" + 0.011*\"silicon\" + 0.011*\"briarwood\" + 0.010*\"depress\"\n", - "2019-01-31 01:13:32,928 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.010*\"prognosi\" + 0.010*\"pop\" + 0.009*\"cytokin\" + 0.008*\"develop\" + 0.008*\"user\" + 0.008*\"uruguayan\" + 0.008*\"softwar\" + 0.007*\"championship\" + 0.007*\"includ\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:13:32,934 : INFO : topic diff=0.003221, rho=0.024485\n", - "2019-01-31 01:13:33,089 : INFO : PROGRESS: pass 0, at document #3338000/4922894\n", - "2019-01-31 01:13:34,457 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:13:34,723 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.024*\"epiru\" + 0.021*\"septemb\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.011*\"proclaim\" + 0.011*\"movi\" + 0.010*\"direct\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:13:34,725 : INFO : topic #31 (0.020): 0.051*\"fusiform\" + 0.026*\"scientist\" + 0.025*\"taxpay\" + 0.022*\"player\" + 0.019*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:13:34,726 : INFO : topic #27 (0.020): 0.072*\"questionnair\" + 0.020*\"candid\" + 0.019*\"taxpay\" + 0.014*\"ret\" + 0.013*\"driver\" + 0.012*\"tornado\" + 0.012*\"find\" + 0.011*\"fool\" + 0.010*\"champion\" + 0.009*\"septemb\"\n", - "2019-01-31 01:13:34,727 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.031*\"germani\" + 0.016*\"vol\" + 0.015*\"jewish\" + 0.015*\"israel\" + 0.015*\"berlin\" + 0.014*\"der\" + 0.010*\"jeremiah\" + 0.010*\"european\" + 0.009*\"hungarian\"\n", - "2019-01-31 01:13:34,728 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.020*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:13:34,734 : INFO : topic diff=0.003667, rho=0.024478\n", - "2019-01-31 01:13:37,448 : INFO : -11.542 per-word bound, 2982.3 perplexity estimate based on a held-out corpus of 2000 documents with 548041 words\n", - "2019-01-31 01:13:37,448 : INFO : PROGRESS: pass 0, at document #3340000/4922894\n", - "2019-01-31 01:13:38,842 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:13:39,109 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.008*\"mean\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"ancestor\"\n", - "2019-01-31 01:13:39,110 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"deal\" + 0.011*\"daughter\"\n", - "2019-01-31 01:13:39,111 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.043*\"line\" + 0.034*\"raid\" + 0.025*\"rosenwald\" + 0.020*\"serv\" + 0.019*\"traceabl\" + 0.017*\"airmen\" + 0.014*\"oper\" + 0.014*\"rivièr\" + 0.011*\"transient\"\n", - "2019-01-31 01:13:39,112 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"pop\" + 0.010*\"prognosi\" + 0.009*\"cytokin\" + 0.008*\"develop\" + 0.008*\"user\" + 0.008*\"uruguayan\" + 0.008*\"softwar\" + 0.007*\"includ\" + 0.007*\"championship\"\n", - "2019-01-31 01:13:39,113 : INFO : topic #27 (0.020): 0.072*\"questionnair\" + 0.020*\"candid\" + 0.019*\"taxpay\" + 0.014*\"ret\" + 0.013*\"driver\" + 0.012*\"tornado\" + 0.012*\"find\" + 0.011*\"fool\" + 0.010*\"champion\" + 0.009*\"septemb\"\n", - "2019-01-31 01:13:39,119 : INFO : topic diff=0.003463, rho=0.024470\n", - "2019-01-31 01:13:39,280 : INFO : PROGRESS: pass 0, at document #3342000/4922894\n", - "2019-01-31 01:13:40,692 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:13:40,958 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.047*\"chilton\" + 0.025*\"kong\" + 0.023*\"hong\" + 0.021*\"korea\" + 0.018*\"korean\" + 0.016*\"leah\" + 0.016*\"sourc\" + 0.013*\"kim\" + 0.013*\"shirin\"\n", - "2019-01-31 01:13:40,959 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.023*\"aggress\" + 0.020*\"armi\" + 0.020*\"walter\" + 0.017*\"com\" + 0.015*\"oper\" + 0.014*\"unionist\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:13:40,961 : INFO : topic #44 (0.020): 0.033*\"rooftop\" + 0.028*\"final\" + 0.022*\"wife\" + 0.020*\"tourist\" + 0.018*\"champion\" + 0.016*\"taxpay\" + 0.015*\"tiepolo\" + 0.014*\"martin\" + 0.014*\"chamber\" + 0.012*\"women\"\n", - "2019-01-31 01:13:40,962 : INFO : topic #2 (0.020): 0.047*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.009*\"fleet\" + 0.009*\"class\"\n", - "2019-01-31 01:13:40,963 : INFO : topic #35 (0.020): 0.058*\"russia\" + 0.036*\"sovereignti\" + 0.034*\"rural\" + 0.025*\"reprint\" + 0.024*\"poison\" + 0.024*\"personifi\" + 0.020*\"moscow\" + 0.017*\"poland\" + 0.015*\"unfortun\" + 0.013*\"czech\"\n", - "2019-01-31 01:13:40,968 : INFO : topic diff=0.003179, rho=0.024463\n", - "2019-01-31 01:13:41,124 : INFO : PROGRESS: pass 0, at document #3344000/4922894\n", - "2019-01-31 01:13:42,503 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:13:42,769 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"market\" + 0.011*\"produc\" + 0.011*\"bank\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 01:13:42,771 : INFO : topic #44 (0.020): 0.033*\"rooftop\" + 0.028*\"final\" + 0.023*\"wife\" + 0.020*\"tourist\" + 0.018*\"champion\" + 0.016*\"taxpay\" + 0.015*\"tiepolo\" + 0.015*\"martin\" + 0.014*\"chamber\" + 0.012*\"women\"\n", - "2019-01-31 01:13:42,772 : INFO : topic #48 (0.020): 0.080*\"march\" + 0.079*\"sens\" + 0.077*\"octob\" + 0.075*\"august\" + 0.074*\"juli\" + 0.071*\"januari\" + 0.071*\"april\" + 0.071*\"notion\" + 0.069*\"judici\" + 0.066*\"decatur\"\n", - "2019-01-31 01:13:42,773 : INFO : topic #39 (0.020): 0.057*\"canada\" + 0.043*\"canadian\" + 0.022*\"toronto\" + 0.022*\"hoar\" + 0.020*\"ontario\" + 0.016*\"new\" + 0.015*\"hydrogen\" + 0.014*\"quebec\" + 0.014*\"novotná\" + 0.014*\"misericordia\"\n", - "2019-01-31 01:13:42,774 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.048*\"franc\" + 0.031*\"pari\" + 0.023*\"sail\" + 0.022*\"jean\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.011*\"piec\" + 0.011*\"wreath\"\n", - "2019-01-31 01:13:42,779 : INFO : topic diff=0.003150, rho=0.024456\n", - "2019-01-31 01:13:42,943 : INFO : PROGRESS: pass 0, at document #3346000/4922894\n", - "2019-01-31 01:13:44,350 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:13:44,617 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.005*\"like\" + 0.004*\"help\" + 0.004*\"call\"\n", - "2019-01-31 01:13:44,618 : INFO : topic #34 (0.020): 0.068*\"start\" + 0.034*\"new\" + 0.032*\"american\" + 0.030*\"unionist\" + 0.026*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.011*\"north\"\n", - "2019-01-31 01:13:44,619 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.009*\"media\" + 0.008*\"disco\" + 0.007*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"have\" + 0.006*\"caus\" + 0.006*\"proper\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 01:13:44,620 : INFO : topic #26 (0.020): 0.031*\"workplac\" + 0.029*\"champion\" + 0.027*\"woman\" + 0.025*\"olymp\" + 0.023*\"men\" + 0.022*\"medal\" + 0.021*\"event\" + 0.018*\"taxpay\" + 0.018*\"atheist\" + 0.018*\"rainfal\"\n", - "2019-01-31 01:13:44,621 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.024*\"palmer\" + 0.021*\"new\" + 0.014*\"strategist\" + 0.013*\"center\" + 0.013*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.011*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:13:44,627 : INFO : topic diff=0.004405, rho=0.024448\n", - "2019-01-31 01:13:44,784 : INFO : PROGRESS: pass 0, at document #3348000/4922894\n", - "2019-01-31 01:13:46,159 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:13:46,426 : INFO : topic #0 (0.020): 0.066*\"statewid\" + 0.043*\"line\" + 0.034*\"raid\" + 0.025*\"rosenwald\" + 0.020*\"serv\" + 0.020*\"traceabl\" + 0.017*\"airmen\" + 0.014*\"oper\" + 0.014*\"rivièr\" + 0.011*\"transient\"\n", - "2019-01-31 01:13:46,427 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.025*\"offic\" + 0.024*\"minist\" + 0.023*\"nation\" + 0.023*\"govern\" + 0.020*\"member\" + 0.017*\"serv\" + 0.016*\"start\" + 0.016*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:13:46,428 : INFO : topic #21 (0.020): 0.032*\"samford\" + 0.023*\"spain\" + 0.018*\"del\" + 0.018*\"mexico\" + 0.016*\"italian\" + 0.014*\"soviet\" + 0.011*\"santa\" + 0.011*\"lizard\" + 0.011*\"juan\" + 0.011*\"carlo\"\n", - "2019-01-31 01:13:46,429 : INFO : topic #45 (0.020): 0.027*\"jpg\" + 0.025*\"fifteenth\" + 0.021*\"arsen\" + 0.020*\"pain\" + 0.019*\"illicit\" + 0.017*\"museo\" + 0.014*\"colder\" + 0.013*\"black\" + 0.013*\"gai\" + 0.013*\"western\"\n", - "2019-01-31 01:13:46,430 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.010*\"septemb\" + 0.010*\"anim\" + 0.010*\"man\" + 0.007*\"comic\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.006*\"workplac\" + 0.006*\"fusiform\" + 0.006*\"love\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:13:46,436 : INFO : topic diff=0.003254, rho=0.024441\n", - "2019-01-31 01:13:46,594 : INFO : PROGRESS: pass 0, at document #3350000/4922894\n", - "2019-01-31 01:13:47,977 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:13:48,244 : INFO : topic #22 (0.020): 0.036*\"spars\" + 0.018*\"factor\" + 0.012*\"plaisir\" + 0.011*\"genu\" + 0.009*\"western\" + 0.008*\"median\" + 0.008*\"biom\" + 0.007*\"feel\" + 0.007*\"trap\" + 0.007*\"incom\"\n", - "2019-01-31 01:13:48,245 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.008*\"mean\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"ancestor\"\n", - "2019-01-31 01:13:48,246 : INFO : topic #45 (0.020): 0.026*\"jpg\" + 0.025*\"fifteenth\" + 0.021*\"arsen\" + 0.020*\"pain\" + 0.019*\"illicit\" + 0.017*\"museo\" + 0.014*\"colder\" + 0.013*\"black\" + 0.013*\"western\" + 0.013*\"gai\"\n", - "2019-01-31 01:13:48,247 : INFO : topic #48 (0.020): 0.079*\"march\" + 0.079*\"sens\" + 0.076*\"octob\" + 0.074*\"august\" + 0.073*\"juli\" + 0.071*\"januari\" + 0.070*\"april\" + 0.070*\"notion\" + 0.068*\"judici\" + 0.066*\"decatur\"\n", - "2019-01-31 01:13:48,248 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"deal\" + 0.011*\"daughter\"\n", - "2019-01-31 01:13:48,254 : INFO : topic diff=0.003504, rho=0.024434\n", - "2019-01-31 01:13:48,410 : INFO : PROGRESS: pass 0, at document #3352000/4922894\n", - "2019-01-31 01:13:49,792 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:13:50,059 : INFO : topic #48 (0.020): 0.079*\"march\" + 0.079*\"sens\" + 0.077*\"octob\" + 0.074*\"august\" + 0.073*\"juli\" + 0.071*\"januari\" + 0.071*\"april\" + 0.070*\"notion\" + 0.068*\"judici\" + 0.065*\"decatur\"\n", - "2019-01-31 01:13:50,060 : INFO : topic #27 (0.020): 0.073*\"questionnair\" + 0.020*\"candid\" + 0.019*\"taxpay\" + 0.013*\"driver\" + 0.013*\"ret\" + 0.012*\"tornado\" + 0.012*\"find\" + 0.011*\"fool\" + 0.010*\"champion\" + 0.010*\"horac\"\n", - "2019-01-31 01:13:50,061 : INFO : topic #22 (0.020): 0.036*\"spars\" + 0.018*\"factor\" + 0.012*\"plaisir\" + 0.011*\"genu\" + 0.009*\"western\" + 0.008*\"median\" + 0.008*\"biom\" + 0.007*\"trap\" + 0.007*\"feel\" + 0.007*\"incom\"\n", - "2019-01-31 01:13:50,062 : INFO : topic #44 (0.020): 0.033*\"rooftop\" + 0.028*\"final\" + 0.023*\"wife\" + 0.020*\"tourist\" + 0.018*\"champion\" + 0.016*\"taxpay\" + 0.015*\"tiepolo\" + 0.015*\"martin\" + 0.014*\"chamber\" + 0.012*\"women\"\n", - "2019-01-31 01:13:50,063 : INFO : topic #35 (0.020): 0.057*\"russia\" + 0.037*\"sovereignti\" + 0.034*\"rural\" + 0.025*\"reprint\" + 0.024*\"poison\" + 0.024*\"personifi\" + 0.020*\"moscow\" + 0.017*\"poland\" + 0.015*\"unfortun\" + 0.013*\"malaysia\"\n", - "2019-01-31 01:13:50,068 : INFO : topic diff=0.003759, rho=0.024427\n", - "2019-01-31 01:13:50,232 : INFO : PROGRESS: pass 0, at document #3354000/4922894\n", - "2019-01-31 01:13:51,646 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:13:51,912 : INFO : topic #35 (0.020): 0.056*\"russia\" + 0.037*\"sovereignti\" + 0.034*\"rural\" + 0.025*\"reprint\" + 0.025*\"poison\" + 0.024*\"personifi\" + 0.020*\"moscow\" + 0.017*\"poland\" + 0.015*\"unfortun\" + 0.013*\"czech\"\n", - "2019-01-31 01:13:51,914 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.008*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.007*\"woman\" + 0.007*\"summerhil\"\n", - "2019-01-31 01:13:51,915 : INFO : topic #39 (0.020): 0.057*\"canada\" + 0.043*\"canadian\" + 0.022*\"toronto\" + 0.022*\"hoar\" + 0.020*\"ontario\" + 0.016*\"new\" + 0.016*\"hydrogen\" + 0.014*\"novotná\" + 0.014*\"quebec\" + 0.014*\"misericordia\"\n", - "2019-01-31 01:13:51,916 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.010*\"septemb\" + 0.010*\"anim\" + 0.010*\"man\" + 0.007*\"comic\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.006*\"workplac\" + 0.006*\"fusiform\" + 0.006*\"love\"\n", - "2019-01-31 01:13:51,917 : INFO : topic #31 (0.020): 0.051*\"fusiform\" + 0.026*\"scientist\" + 0.025*\"taxpay\" + 0.022*\"player\" + 0.019*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:13:51,923 : INFO : topic diff=0.004306, rho=0.024419\n", - "2019-01-31 01:13:52,077 : INFO : PROGRESS: pass 0, at document #3356000/4922894\n", - "2019-01-31 01:13:53,442 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:13:53,709 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.033*\"perceptu\" + 0.020*\"theater\" + 0.018*\"place\" + 0.017*\"compos\" + 0.015*\"damn\" + 0.013*\"orchestr\" + 0.012*\"olympo\" + 0.012*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 01:13:53,710 : INFO : topic #28 (0.020): 0.033*\"build\" + 0.028*\"hous\" + 0.018*\"buford\" + 0.014*\"histor\" + 0.014*\"rivièr\" + 0.011*\"linear\" + 0.011*\"constitut\" + 0.011*\"silicon\" + 0.010*\"briarwood\" + 0.010*\"depress\"\n", - "2019-01-31 01:13:53,712 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.008*\"mean\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"ancestor\"\n", - "2019-01-31 01:13:53,712 : INFO : topic #9 (0.020): 0.068*\"bone\" + 0.046*\"american\" + 0.027*\"valour\" + 0.018*\"folei\" + 0.018*\"dutch\" + 0.017*\"polit\" + 0.017*\"player\" + 0.016*\"english\" + 0.013*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:13:53,714 : INFO : topic #21 (0.020): 0.032*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.018*\"mexico\" + 0.016*\"italian\" + 0.014*\"soviet\" + 0.012*\"juan\" + 0.011*\"santa\" + 0.011*\"lizard\" + 0.011*\"carlo\"\n", - "2019-01-31 01:13:53,720 : INFO : topic diff=0.003753, rho=0.024412\n", - "2019-01-31 01:13:53,936 : INFO : PROGRESS: pass 0, at document #3358000/4922894\n", - "2019-01-31 01:13:55,336 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:13:55,603 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.025*\"offic\" + 0.024*\"minist\" + 0.023*\"nation\" + 0.023*\"govern\" + 0.020*\"member\" + 0.017*\"serv\" + 0.016*\"start\" + 0.016*\"gener\" + 0.014*\"seri\"\n", - "2019-01-31 01:13:55,604 : INFO : topic #26 (0.020): 0.031*\"workplac\" + 0.029*\"champion\" + 0.027*\"woman\" + 0.026*\"olymp\" + 0.023*\"men\" + 0.022*\"medal\" + 0.021*\"event\" + 0.018*\"atheist\" + 0.018*\"taxpay\" + 0.018*\"nation\"\n", - "2019-01-31 01:13:55,605 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.008*\"mean\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"ancestor\"\n", - "2019-01-31 01:13:55,606 : INFO : topic #1 (0.020): 0.057*\"china\" + 0.048*\"chilton\" + 0.025*\"kong\" + 0.024*\"hong\" + 0.021*\"korea\" + 0.017*\"korean\" + 0.016*\"leah\" + 0.015*\"sourc\" + 0.014*\"shirin\" + 0.013*\"kim\"\n", - "2019-01-31 01:13:55,607 : INFO : topic #31 (0.020): 0.051*\"fusiform\" + 0.026*\"scientist\" + 0.025*\"taxpay\" + 0.022*\"player\" + 0.019*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:13:55,613 : INFO : topic diff=0.003366, rho=0.024405\n", - "2019-01-31 01:13:58,339 : INFO : -11.800 per-word bound, 3565.4 perplexity estimate based on a held-out corpus of 2000 documents with 583734 words\n", - "2019-01-31 01:13:58,339 : INFO : PROGRESS: pass 0, at document #3360000/4922894\n", - "2019-01-31 01:13:59,730 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:13:59,997 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"deal\" + 0.011*\"daughter\"\n", - "2019-01-31 01:13:59,998 : INFO : topic #9 (0.020): 0.072*\"bone\" + 0.045*\"american\" + 0.027*\"valour\" + 0.018*\"folei\" + 0.018*\"dutch\" + 0.017*\"polit\" + 0.017*\"player\" + 0.015*\"english\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:13:59,999 : INFO : topic #13 (0.020): 0.027*\"australia\" + 0.026*\"london\" + 0.025*\"sourc\" + 0.025*\"new\" + 0.024*\"england\" + 0.023*\"australian\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:14:00,000 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.023*\"epiru\" + 0.021*\"septemb\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.010*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:14:00,001 : INFO : topic #35 (0.020): 0.056*\"russia\" + 0.037*\"sovereignti\" + 0.033*\"rural\" + 0.025*\"reprint\" + 0.024*\"poison\" + 0.024*\"personifi\" + 0.020*\"moscow\" + 0.017*\"poland\" + 0.015*\"unfortun\" + 0.014*\"malaysia\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:14:00,007 : INFO : topic diff=0.004039, rho=0.024398\n", - "2019-01-31 01:14:00,164 : INFO : PROGRESS: pass 0, at document #3362000/4922894\n", - "2019-01-31 01:14:01,541 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:14:01,808 : INFO : topic #20 (0.020): 0.143*\"scholar\" + 0.040*\"struggl\" + 0.032*\"high\" + 0.030*\"educ\" + 0.024*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"gothic\" + 0.010*\"task\" + 0.009*\"district\"\n", - "2019-01-31 01:14:01,809 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"market\" + 0.011*\"produc\" + 0.011*\"bank\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 01:14:01,810 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.005*\"like\" + 0.004*\"help\" + 0.004*\"call\"\n", - "2019-01-31 01:14:01,812 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.033*\"perceptu\" + 0.020*\"theater\" + 0.018*\"place\" + 0.017*\"compos\" + 0.015*\"damn\" + 0.013*\"orchestr\" + 0.013*\"olympo\" + 0.012*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 01:14:01,813 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"develop\" + 0.010*\"organ\" + 0.009*\"commun\" + 0.008*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.007*\"woman\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:14:01,818 : INFO : topic diff=0.003565, rho=0.024390\n", - "2019-01-31 01:14:01,973 : INFO : PROGRESS: pass 0, at document #3364000/4922894\n", - "2019-01-31 01:14:03,335 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:14:03,602 : INFO : topic #17 (0.020): 0.075*\"church\" + 0.022*\"cathol\" + 0.022*\"christian\" + 0.021*\"bishop\" + 0.018*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.009*\"poll\" + 0.009*\"cathedr\" + 0.009*\"historiographi\"\n", - "2019-01-31 01:14:03,603 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.044*\"popolo\" + 0.043*\"vigour\" + 0.037*\"cotton\" + 0.036*\"tortur\" + 0.022*\"adulthood\" + 0.021*\"area\" + 0.021*\"multitud\" + 0.019*\"citi\" + 0.019*\"cede\"\n", - "2019-01-31 01:14:03,604 : INFO : topic #20 (0.020): 0.143*\"scholar\" + 0.040*\"struggl\" + 0.032*\"high\" + 0.030*\"educ\" + 0.024*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"gothic\" + 0.009*\"task\" + 0.009*\"district\"\n", - "2019-01-31 01:14:03,605 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.007*\"southern\" + 0.006*\"poet\" + 0.006*\"exampl\" + 0.006*\"servitud\" + 0.006*\"théori\" + 0.006*\"measur\" + 0.006*\"utopian\"\n", - "2019-01-31 01:14:03,606 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.033*\"perceptu\" + 0.020*\"theater\" + 0.018*\"place\" + 0.017*\"compos\" + 0.015*\"damn\" + 0.013*\"orchestr\" + 0.012*\"olympo\" + 0.012*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 01:14:03,612 : INFO : topic diff=0.003327, rho=0.024383\n", - "2019-01-31 01:14:03,777 : INFO : PROGRESS: pass 0, at document #3366000/4922894\n", - "2019-01-31 01:14:05,200 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:14:05,466 : INFO : topic #0 (0.020): 0.065*\"statewid\" + 0.042*\"line\" + 0.036*\"raid\" + 0.025*\"rosenwald\" + 0.020*\"traceabl\" + 0.020*\"serv\" + 0.016*\"airmen\" + 0.015*\"rivièr\" + 0.014*\"oper\" + 0.011*\"transient\"\n", - "2019-01-31 01:14:05,468 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.023*\"epiru\" + 0.020*\"septemb\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.010*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:14:05,469 : INFO : topic #43 (0.020): 0.065*\"elect\" + 0.054*\"parti\" + 0.025*\"voluntari\" + 0.022*\"democrat\" + 0.020*\"member\" + 0.017*\"polici\" + 0.016*\"republ\" + 0.014*\"selma\" + 0.014*\"report\" + 0.013*\"bypass\"\n", - "2019-01-31 01:14:05,470 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.009*\"media\" + 0.008*\"disco\" + 0.007*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"have\" + 0.006*\"caus\" + 0.006*\"proper\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 01:14:05,471 : INFO : topic #1 (0.020): 0.056*\"china\" + 0.048*\"chilton\" + 0.025*\"kong\" + 0.024*\"hong\" + 0.021*\"korea\" + 0.017*\"korean\" + 0.017*\"leah\" + 0.015*\"sourc\" + 0.014*\"shirin\" + 0.013*\"kim\"\n", - "2019-01-31 01:14:05,476 : INFO : topic diff=0.004753, rho=0.024376\n", - "2019-01-31 01:14:05,634 : INFO : PROGRESS: pass 0, at document #3368000/4922894\n", - "2019-01-31 01:14:07,017 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:14:07,284 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.011*\"septemb\" + 0.010*\"man\" + 0.010*\"anim\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.006*\"workplac\" + 0.006*\"fusiform\" + 0.006*\"gestur\"\n", - "2019-01-31 01:14:07,285 : INFO : topic #2 (0.020): 0.047*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.011*\"coalit\" + 0.009*\"fleet\" + 0.009*\"class\"\n", - "2019-01-31 01:14:07,286 : INFO : topic #16 (0.020): 0.057*\"king\" + 0.031*\"priest\" + 0.021*\"rotterdam\" + 0.019*\"quarterli\" + 0.019*\"duke\" + 0.016*\"grammat\" + 0.016*\"idiosyncrat\" + 0.013*\"count\" + 0.013*\"portugues\" + 0.013*\"kingdom\"\n", - "2019-01-31 01:14:07,287 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"market\" + 0.011*\"bank\" + 0.011*\"produc\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 01:14:07,288 : INFO : topic #48 (0.020): 0.080*\"march\" + 0.080*\"sens\" + 0.077*\"octob\" + 0.074*\"juli\" + 0.074*\"august\" + 0.072*\"januari\" + 0.071*\"april\" + 0.071*\"notion\" + 0.069*\"judici\" + 0.066*\"decatur\"\n", - "2019-01-31 01:14:07,294 : INFO : topic diff=0.003514, rho=0.024369\n", - "2019-01-31 01:14:07,454 : INFO : PROGRESS: pass 0, at document #3370000/4922894\n", - "2019-01-31 01:14:08,846 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:14:09,113 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.020*\"lagrang\" + 0.018*\"area\" + 0.017*\"warmth\" + 0.015*\"mount\" + 0.010*\"north\" + 0.009*\"lobe\" + 0.009*\"sourc\" + 0.009*\"land\" + 0.009*\"foam\"\n", - "2019-01-31 01:14:09,114 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.012*\"will\" + 0.012*\"david\" + 0.011*\"jame\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.008*\"georg\" + 0.008*\"rhyme\"\n", - "2019-01-31 01:14:09,115 : INFO : topic #44 (0.020): 0.033*\"rooftop\" + 0.028*\"final\" + 0.022*\"wife\" + 0.021*\"tourist\" + 0.019*\"champion\" + 0.016*\"taxpay\" + 0.015*\"martin\" + 0.015*\"tiepolo\" + 0.014*\"chamber\" + 0.012*\"women\"\n", - "2019-01-31 01:14:09,116 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"help\" + 0.004*\"call\"\n", - "2019-01-31 01:14:09,117 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"deal\" + 0.011*\"john\"\n", - "2019-01-31 01:14:09,123 : INFO : topic diff=0.003778, rho=0.024361\n", - "2019-01-31 01:14:09,282 : INFO : PROGRESS: pass 0, at document #3372000/4922894\n", - "2019-01-31 01:14:10,672 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:14:10,939 : INFO : topic #34 (0.020): 0.068*\"start\" + 0.034*\"new\" + 0.032*\"american\" + 0.030*\"unionist\" + 0.025*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.011*\"north\"\n", - "2019-01-31 01:14:10,940 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.046*\"franc\" + 0.030*\"pari\" + 0.023*\"sail\" + 0.021*\"jean\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:14:10,941 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.020*\"lagrang\" + 0.018*\"area\" + 0.017*\"warmth\" + 0.015*\"mount\" + 0.010*\"north\" + 0.009*\"lobe\" + 0.009*\"sourc\" + 0.009*\"land\" + 0.009*\"foam\"\n", - "2019-01-31 01:14:10,942 : INFO : topic #27 (0.020): 0.071*\"questionnair\" + 0.020*\"taxpay\" + 0.019*\"candid\" + 0.014*\"ret\" + 0.013*\"driver\" + 0.013*\"tornado\" + 0.012*\"find\" + 0.011*\"fool\" + 0.010*\"champion\" + 0.009*\"horac\"\n", - "2019-01-31 01:14:10,943 : INFO : topic #31 (0.020): 0.051*\"fusiform\" + 0.026*\"scientist\" + 0.025*\"taxpay\" + 0.022*\"player\" + 0.019*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:14:10,949 : INFO : topic diff=0.004422, rho=0.024354\n", - "2019-01-31 01:14:11,108 : INFO : PROGRESS: pass 0, at document #3374000/4922894\n", - "2019-01-31 01:14:12,494 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:14:12,762 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.046*\"franc\" + 0.030*\"pari\" + 0.023*\"sail\" + 0.021*\"jean\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:14:12,763 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.011*\"septemb\" + 0.010*\"man\" + 0.010*\"anim\" + 0.007*\"comic\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.006*\"workplac\" + 0.006*\"fusiform\" + 0.006*\"gestur\"\n", - "2019-01-31 01:14:12,764 : INFO : topic #20 (0.020): 0.143*\"scholar\" + 0.040*\"struggl\" + 0.033*\"high\" + 0.030*\"educ\" + 0.023*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"gothic\" + 0.010*\"district\" + 0.009*\"task\"\n", - "2019-01-31 01:14:12,765 : INFO : topic #31 (0.020): 0.051*\"fusiform\" + 0.026*\"scientist\" + 0.025*\"taxpay\" + 0.023*\"player\" + 0.019*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:14:12,766 : INFO : topic #42 (0.020): 0.048*\"german\" + 0.032*\"germani\" + 0.015*\"vol\" + 0.015*\"jewish\" + 0.015*\"berlin\" + 0.015*\"israel\" + 0.014*\"der\" + 0.010*\"european\" + 0.009*\"jeremiah\" + 0.009*\"europ\"\n", - "2019-01-31 01:14:12,771 : INFO : topic diff=0.003743, rho=0.024347\n", - "2019-01-31 01:14:12,930 : INFO : PROGRESS: pass 0, at document #3376000/4922894\n", - "2019-01-31 01:14:14,316 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:14:14,582 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.007*\"southern\" + 0.006*\"poet\" + 0.006*\"exampl\" + 0.006*\"measur\" + 0.006*\"servitud\" + 0.006*\"théori\" + 0.006*\"utopian\"\n", - "2019-01-31 01:14:14,583 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.023*\"epiru\" + 0.020*\"septemb\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:14:14,584 : INFO : topic #42 (0.020): 0.048*\"german\" + 0.032*\"germani\" + 0.016*\"jewish\" + 0.015*\"vol\" + 0.015*\"berlin\" + 0.015*\"israel\" + 0.014*\"der\" + 0.010*\"european\" + 0.009*\"jeremiah\" + 0.009*\"europ\"\n", - "2019-01-31 01:14:14,585 : INFO : topic #13 (0.020): 0.030*\"australia\" + 0.026*\"london\" + 0.025*\"new\" + 0.024*\"sourc\" + 0.023*\"australian\" + 0.023*\"england\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:14:14,586 : INFO : topic #9 (0.020): 0.070*\"bone\" + 0.044*\"american\" + 0.027*\"valour\" + 0.018*\"folei\" + 0.018*\"dutch\" + 0.017*\"player\" + 0.017*\"polit\" + 0.015*\"english\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:14:14,592 : INFO : topic diff=0.003603, rho=0.024340\n", - "2019-01-31 01:14:14,754 : INFO : PROGRESS: pass 0, at document #3378000/4922894\n", - "2019-01-31 01:14:16,156 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:14:16,423 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.024*\"palmer\" + 0.021*\"new\" + 0.014*\"strategist\" + 0.013*\"open\" + 0.013*\"center\" + 0.011*\"includ\" + 0.011*\"dai\" + 0.011*\"lobe\" + 0.009*\"highli\"\n", - "2019-01-31 01:14:16,424 : INFO : topic #44 (0.020): 0.033*\"rooftop\" + 0.028*\"final\" + 0.022*\"wife\" + 0.020*\"tourist\" + 0.018*\"champion\" + 0.016*\"taxpay\" + 0.015*\"martin\" + 0.015*\"tiepolo\" + 0.014*\"chamber\" + 0.012*\"open\"\n", - "2019-01-31 01:14:16,425 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"have\" + 0.006*\"proper\" + 0.006*\"treat\" + 0.006*\"acid\"\n", - "2019-01-31 01:14:16,426 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:14:16,427 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.018*\"factor\" + 0.011*\"plaisir\" + 0.011*\"genu\" + 0.009*\"western\" + 0.008*\"median\" + 0.008*\"biom\" + 0.007*\"feel\" + 0.007*\"male\" + 0.007*\"trap\"\n", - "2019-01-31 01:14:16,433 : INFO : topic diff=0.003798, rho=0.024332\n", - "2019-01-31 01:14:19,119 : INFO : -11.591 per-word bound, 3084.6 perplexity estimate based on a held-out corpus of 2000 documents with 560510 words\n", - "2019-01-31 01:14:19,120 : INFO : PROGRESS: pass 0, at document #3380000/4922894\n", - "2019-01-31 01:14:20,491 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:14:20,758 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.021*\"collector\" + 0.020*\"requir\" + 0.019*\"student\" + 0.015*\"professor\" + 0.012*\"http\" + 0.011*\"degre\" + 0.011*\"word\"\n", - "2019-01-31 01:14:20,759 : INFO : topic #46 (0.020): 0.017*\"sweden\" + 0.017*\"stop\" + 0.017*\"norwai\" + 0.015*\"swedish\" + 0.015*\"wind\" + 0.015*\"norwegian\" + 0.013*\"damag\" + 0.012*\"turkish\" + 0.012*\"denmark\" + 0.011*\"huntsvil\"\n", - "2019-01-31 01:14:20,760 : INFO : topic #49 (0.020): 0.045*\"india\" + 0.030*\"incumb\" + 0.014*\"islam\" + 0.013*\"pakistan\" + 0.012*\"anglo\" + 0.012*\"muskoge\" + 0.010*\"televis\" + 0.010*\"alam\" + 0.010*\"affection\" + 0.009*\"khalsa\"\n", - "2019-01-31 01:14:20,761 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.022*\"cortic\" + 0.018*\"start\" + 0.016*\"act\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.008*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 01:14:20,762 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"pop\" + 0.010*\"prognosi\" + 0.009*\"cytokin\" + 0.008*\"develop\" + 0.008*\"user\" + 0.008*\"uruguayan\" + 0.008*\"softwar\" + 0.008*\"diggin\" + 0.007*\"championship\"\n", - "2019-01-31 01:14:20,768 : INFO : topic diff=0.003455, rho=0.024325\n", - "2019-01-31 01:14:20,923 : INFO : PROGRESS: pass 0, at document #3382000/4922894\n", - "2019-01-31 01:14:22,288 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:14:22,554 : INFO : topic #20 (0.020): 0.144*\"scholar\" + 0.040*\"struggl\" + 0.034*\"high\" + 0.030*\"educ\" + 0.023*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"gothic\" + 0.010*\"district\" + 0.009*\"task\"\n", - "2019-01-31 01:14:22,555 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.018*\"factor\" + 0.011*\"plaisir\" + 0.011*\"genu\" + 0.009*\"western\" + 0.008*\"median\" + 0.008*\"biom\" + 0.007*\"feel\" + 0.007*\"incom\" + 0.007*\"trap\"\n", - "2019-01-31 01:14:22,556 : INFO : topic #49 (0.020): 0.045*\"india\" + 0.031*\"incumb\" + 0.013*\"islam\" + 0.013*\"pakistan\" + 0.012*\"anglo\" + 0.012*\"muskoge\" + 0.010*\"televis\" + 0.010*\"alam\" + 0.009*\"affection\" + 0.009*\"sri\"\n", - "2019-01-31 01:14:22,557 : INFO : topic #39 (0.020): 0.056*\"canada\" + 0.043*\"canadian\" + 0.023*\"hoar\" + 0.022*\"toronto\" + 0.020*\"ontario\" + 0.016*\"new\" + 0.015*\"hydrogen\" + 0.015*\"novotná\" + 0.014*\"quebec\" + 0.014*\"misericordia\"\n", - "2019-01-31 01:14:22,558 : INFO : topic #24 (0.020): 0.037*\"book\" + 0.033*\"publicis\" + 0.029*\"word\" + 0.019*\"new\" + 0.014*\"arsen\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.011*\"collect\" + 0.011*\"magazin\" + 0.011*\"nicola\"\n", - "2019-01-31 01:14:22,564 : INFO : topic diff=0.003627, rho=0.024318\n", - "2019-01-31 01:14:22,717 : INFO : PROGRESS: pass 0, at document #3384000/4922894\n", - "2019-01-31 01:14:24,063 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:14:24,330 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.006*\"poet\" + 0.006*\"southern\" + 0.006*\"exampl\" + 0.006*\"measur\" + 0.006*\"servitud\" + 0.006*\"théori\" + 0.006*\"utopian\"\n", - "2019-01-31 01:14:24,331 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.022*\"cortic\" + 0.018*\"start\" + 0.016*\"act\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.008*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 01:14:24,332 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.008*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.007*\"woman\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:14:24,333 : INFO : topic #26 (0.020): 0.031*\"workplac\" + 0.029*\"champion\" + 0.027*\"woman\" + 0.026*\"olymp\" + 0.023*\"men\" + 0.022*\"medal\" + 0.021*\"event\" + 0.018*\"atheist\" + 0.018*\"taxpay\" + 0.018*\"nation\"\n", - "2019-01-31 01:14:24,334 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"market\" + 0.011*\"bank\" + 0.011*\"produc\" + 0.010*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"oper\"\n", - "2019-01-31 01:14:24,339 : INFO : topic diff=0.003777, rho=0.024311\n", - "2019-01-31 01:14:24,499 : INFO : PROGRESS: pass 0, at document #3386000/4922894\n", - "2019-01-31 01:14:25,879 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:14:26,146 : INFO : topic #28 (0.020): 0.033*\"build\" + 0.028*\"hous\" + 0.018*\"buford\" + 0.014*\"histor\" + 0.013*\"rivièr\" + 0.011*\"constitut\" + 0.011*\"linear\" + 0.011*\"silicon\" + 0.010*\"briarwood\" + 0.010*\"strategist\"\n", - "2019-01-31 01:14:26,147 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.024*\"palmer\" + 0.021*\"new\" + 0.014*\"strategist\" + 0.013*\"open\" + 0.013*\"center\" + 0.011*\"dai\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.009*\"highli\"\n", - "2019-01-31 01:14:26,148 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:14:26,149 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.021*\"collector\" + 0.021*\"requir\" + 0.019*\"student\" + 0.015*\"professor\" + 0.012*\"http\" + 0.011*\"degre\" + 0.011*\"word\"\n", - "2019-01-31 01:14:26,150 : INFO : topic #46 (0.020): 0.017*\"sweden\" + 0.017*\"stop\" + 0.016*\"norwai\" + 0.015*\"wind\" + 0.015*\"swedish\" + 0.014*\"norwegian\" + 0.013*\"damag\" + 0.012*\"denmark\" + 0.012*\"turkish\" + 0.011*\"huntsvil\"\n", - "2019-01-31 01:14:26,156 : INFO : topic diff=0.003653, rho=0.024304\n", - "2019-01-31 01:14:26,314 : INFO : PROGRESS: pass 0, at document #3388000/4922894\n", - "2019-01-31 01:14:27,699 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:14:27,965 : INFO : topic #35 (0.020): 0.056*\"russia\" + 0.037*\"sovereignti\" + 0.033*\"rural\" + 0.025*\"poison\" + 0.025*\"reprint\" + 0.023*\"personifi\" + 0.020*\"moscow\" + 0.017*\"poland\" + 0.015*\"unfortun\" + 0.014*\"malaysia\"\n", - "2019-01-31 01:14:27,966 : INFO : topic #46 (0.020): 0.017*\"stop\" + 0.017*\"sweden\" + 0.016*\"norwai\" + 0.016*\"wind\" + 0.015*\"swedish\" + 0.014*\"norwegian\" + 0.013*\"damag\" + 0.012*\"denmark\" + 0.012*\"turkish\" + 0.011*\"huntsvil\"\n", - "2019-01-31 01:14:27,967 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.022*\"cortic\" + 0.018*\"start\" + 0.017*\"act\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.008*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 01:14:27,968 : INFO : topic #23 (0.020): 0.134*\"audit\" + 0.067*\"best\" + 0.034*\"yawn\" + 0.028*\"jacksonvil\" + 0.022*\"noll\" + 0.022*\"japanes\" + 0.019*\"festiv\" + 0.018*\"women\" + 0.016*\"intern\" + 0.013*\"winner\"\n", - "2019-01-31 01:14:27,969 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.008*\"mean\" + 0.008*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.007*\"ancestor\"\n", - "2019-01-31 01:14:27,975 : INFO : topic diff=0.004480, rho=0.024296\n", - "2019-01-31 01:14:28,191 : INFO : PROGRESS: pass 0, at document #3390000/4922894\n", - "2019-01-31 01:14:29,563 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:14:29,830 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.047*\"chilton\" + 0.026*\"kong\" + 0.025*\"hong\" + 0.021*\"korea\" + 0.016*\"leah\" + 0.016*\"korean\" + 0.015*\"sourc\" + 0.014*\"kim\" + 0.014*\"shirin\"\n", - "2019-01-31 01:14:29,831 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.010*\"prognosi\" + 0.010*\"pop\" + 0.009*\"cytokin\" + 0.008*\"develop\" + 0.008*\"softwar\" + 0.008*\"user\" + 0.008*\"uruguayan\" + 0.008*\"championship\" + 0.007*\"includ\"\n", - "2019-01-31 01:14:29,832 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.008*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.007*\"woman\" + 0.007*\"summerhil\"\n", - "2019-01-31 01:14:29,833 : INFO : topic #20 (0.020): 0.145*\"scholar\" + 0.040*\"struggl\" + 0.034*\"high\" + 0.030*\"educ\" + 0.024*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"gothic\" + 0.010*\"district\" + 0.010*\"task\"\n", - "2019-01-31 01:14:29,834 : INFO : topic #34 (0.020): 0.069*\"start\" + 0.034*\"new\" + 0.032*\"american\" + 0.031*\"unionist\" + 0.026*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.011*\"citi\"\n", - "2019-01-31 01:14:29,840 : INFO : topic diff=0.003205, rho=0.024289\n", - "2019-01-31 01:14:29,998 : INFO : PROGRESS: pass 0, at document #3392000/4922894\n", - "2019-01-31 01:14:31,385 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:14:31,651 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.018*\"factor\" + 0.011*\"plaisir\" + 0.010*\"genu\" + 0.009*\"western\" + 0.008*\"biom\" + 0.008*\"median\" + 0.008*\"feel\" + 0.008*\"male\" + 0.007*\"incom\"\n", - "2019-01-31 01:14:31,652 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.006*\"exampl\" + 0.006*\"poet\" + 0.006*\"southern\" + 0.006*\"measur\" + 0.006*\"théori\" + 0.006*\"servitud\" + 0.006*\"utopian\"\n", - "2019-01-31 01:14:31,653 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.026*\"offic\" + 0.024*\"minist\" + 0.023*\"nation\" + 0.023*\"govern\" + 0.020*\"member\" + 0.018*\"serv\" + 0.016*\"start\" + 0.015*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:14:31,654 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.019*\"lagrang\" + 0.018*\"area\" + 0.017*\"warmth\" + 0.015*\"mount\" + 0.010*\"north\" + 0.009*\"lobe\" + 0.009*\"sourc\" + 0.009*\"land\" + 0.009*\"foam\"\n", - "2019-01-31 01:14:31,655 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.009*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.007*\"teufel\" + 0.006*\"militari\" + 0.006*\"govern\" + 0.006*\"pour\"\n", - "2019-01-31 01:14:31,661 : INFO : topic diff=0.003007, rho=0.024282\n", - "2019-01-31 01:14:31,824 : INFO : PROGRESS: pass 0, at document #3394000/4922894\n", - "2019-01-31 01:14:33,236 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:14:33,503 : INFO : topic #17 (0.020): 0.074*\"church\" + 0.023*\"cathol\" + 0.022*\"christian\" + 0.022*\"bishop\" + 0.018*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.010*\"poll\" + 0.009*\"historiographi\" + 0.009*\"cathedr\"\n", - "2019-01-31 01:14:33,504 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"depress\" + 0.013*\"pour\" + 0.009*\"mode\" + 0.008*\"veget\" + 0.007*\"elabor\" + 0.007*\"uruguayan\" + 0.006*\"develop\" + 0.006*\"produc\" + 0.006*\"spectacl\"\n", - "2019-01-31 01:14:33,505 : INFO : topic #24 (0.020): 0.037*\"book\" + 0.033*\"publicis\" + 0.029*\"word\" + 0.019*\"new\" + 0.014*\"arsen\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.011*\"magazin\" + 0.011*\"collect\" + 0.011*\"nicola\"\n", - "2019-01-31 01:14:33,506 : INFO : topic #37 (0.020): 0.013*\"charact\" + 0.011*\"septemb\" + 0.010*\"man\" + 0.010*\"anim\" + 0.007*\"comic\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.006*\"workplac\" + 0.006*\"fusiform\" + 0.006*\"vision\"\n", - "2019-01-31 01:14:33,507 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.047*\"chilton\" + 0.025*\"kong\" + 0.025*\"hong\" + 0.021*\"korea\" + 0.016*\"leah\" + 0.016*\"korean\" + 0.015*\"sourc\" + 0.014*\"kim\" + 0.013*\"shirin\"\n", - "2019-01-31 01:14:33,513 : INFO : topic diff=0.003557, rho=0.024275\n", - "2019-01-31 01:14:33,671 : INFO : PROGRESS: pass 0, at document #3396000/4922894\n", - "2019-01-31 01:14:35,053 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:14:35,319 : INFO : topic #48 (0.020): 0.079*\"march\" + 0.079*\"sens\" + 0.078*\"octob\" + 0.073*\"august\" + 0.073*\"juli\" + 0.072*\"januari\" + 0.071*\"april\" + 0.070*\"notion\" + 0.069*\"judici\" + 0.067*\"decatur\"\n", - "2019-01-31 01:14:35,320 : INFO : topic #37 (0.020): 0.013*\"charact\" + 0.011*\"septemb\" + 0.010*\"anim\" + 0.010*\"man\" + 0.007*\"comic\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.006*\"workplac\" + 0.006*\"fusiform\" + 0.006*\"vision\"\n", - "2019-01-31 01:14:35,321 : INFO : topic #23 (0.020): 0.134*\"audit\" + 0.067*\"best\" + 0.034*\"yawn\" + 0.028*\"jacksonvil\" + 0.023*\"japanes\" + 0.022*\"noll\" + 0.019*\"festiv\" + 0.018*\"women\" + 0.017*\"intern\" + 0.013*\"winner\"\n", - "2019-01-31 01:14:35,322 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.026*\"offic\" + 0.024*\"minist\" + 0.023*\"nation\" + 0.023*\"govern\" + 0.020*\"member\" + 0.019*\"serv\" + 0.016*\"start\" + 0.015*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:14:35,323 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.047*\"chilton\" + 0.026*\"kong\" + 0.025*\"hong\" + 0.021*\"korea\" + 0.016*\"leah\" + 0.016*\"korean\" + 0.015*\"sourc\" + 0.013*\"kim\" + 0.013*\"shirin\"\n", - "2019-01-31 01:14:35,329 : INFO : topic diff=0.004078, rho=0.024268\n", - "2019-01-31 01:14:35,488 : INFO : PROGRESS: pass 0, at document #3398000/4922894\n", - "2019-01-31 01:14:36,873 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:14:37,140 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.024*\"palmer\" + 0.021*\"new\" + 0.014*\"strategist\" + 0.013*\"open\" + 0.013*\"center\" + 0.011*\"dai\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.009*\"highli\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:14:37,141 : INFO : topic #9 (0.020): 0.069*\"bone\" + 0.043*\"american\" + 0.027*\"valour\" + 0.018*\"dutch\" + 0.018*\"folei\" + 0.017*\"player\" + 0.017*\"polit\" + 0.015*\"english\" + 0.012*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 01:14:37,141 : INFO : topic #13 (0.020): 0.029*\"australia\" + 0.026*\"london\" + 0.025*\"new\" + 0.024*\"sourc\" + 0.023*\"england\" + 0.023*\"australian\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:14:37,143 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"depress\" + 0.013*\"pour\" + 0.009*\"mode\" + 0.008*\"veget\" + 0.007*\"elabor\" + 0.007*\"uruguayan\" + 0.006*\"develop\" + 0.006*\"produc\" + 0.006*\"spectacl\"\n", - "2019-01-31 01:14:37,144 : INFO : topic #7 (0.020): 0.020*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"deal\" + 0.011*\"john\"\n", - "2019-01-31 01:14:37,149 : INFO : topic diff=0.003290, rho=0.024261\n", - "2019-01-31 01:14:39,862 : INFO : -11.825 per-word bound, 3627.0 perplexity estimate based on a held-out corpus of 2000 documents with 570130 words\n", - "2019-01-31 01:14:39,862 : INFO : PROGRESS: pass 0, at document #3400000/4922894\n", - "2019-01-31 01:14:41,247 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:14:41,514 : INFO : topic #49 (0.020): 0.045*\"india\" + 0.030*\"incumb\" + 0.013*\"islam\" + 0.013*\"pakistan\" + 0.012*\"anglo\" + 0.011*\"muskoge\" + 0.010*\"alam\" + 0.010*\"khalsa\" + 0.010*\"affection\" + 0.010*\"televis\"\n", - "2019-01-31 01:14:41,515 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.008*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.007*\"woman\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:14:41,516 : INFO : topic #17 (0.020): 0.073*\"church\" + 0.022*\"cathol\" + 0.022*\"christian\" + 0.021*\"bishop\" + 0.018*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.010*\"poll\" + 0.009*\"historiographi\" + 0.009*\"parish\"\n", - "2019-01-31 01:14:41,517 : INFO : topic #28 (0.020): 0.033*\"build\" + 0.028*\"hous\" + 0.018*\"buford\" + 0.014*\"histor\" + 0.013*\"rivièr\" + 0.011*\"constitut\" + 0.011*\"linear\" + 0.011*\"silicon\" + 0.010*\"briarwood\" + 0.010*\"depress\"\n", - "2019-01-31 01:14:41,518 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"have\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"acid\" + 0.006*\"treat\"\n", - "2019-01-31 01:14:41,524 : INFO : topic diff=0.003530, rho=0.024254\n", - "2019-01-31 01:14:41,683 : INFO : PROGRESS: pass 0, at document #3402000/4922894\n", - "2019-01-31 01:14:43,069 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:14:43,335 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"depress\" + 0.013*\"pour\" + 0.009*\"mode\" + 0.008*\"veget\" + 0.007*\"elabor\" + 0.007*\"uruguayan\" + 0.006*\"produc\" + 0.006*\"develop\" + 0.006*\"spectacl\"\n", - "2019-01-31 01:14:43,336 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"help\" + 0.004*\"call\"\n", - "2019-01-31 01:14:43,337 : INFO : topic #34 (0.020): 0.069*\"start\" + 0.034*\"new\" + 0.032*\"american\" + 0.031*\"unionist\" + 0.025*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.011*\"citi\"\n", - "2019-01-31 01:14:43,338 : INFO : topic #45 (0.020): 0.027*\"jpg\" + 0.025*\"fifteenth\" + 0.022*\"arsen\" + 0.019*\"pain\" + 0.019*\"illicit\" + 0.018*\"museo\" + 0.014*\"colder\" + 0.013*\"gai\" + 0.013*\"black\" + 0.012*\"western\"\n", - "2019-01-31 01:14:43,339 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.024*\"palmer\" + 0.021*\"new\" + 0.014*\"strategist\" + 0.013*\"open\" + 0.013*\"center\" + 0.011*\"dai\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.009*\"highli\"\n", - "2019-01-31 01:14:43,345 : INFO : topic diff=0.003784, rho=0.024246\n", - "2019-01-31 01:14:43,505 : INFO : PROGRESS: pass 0, at document #3404000/4922894\n", - "2019-01-31 01:14:44,892 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:14:45,159 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.021*\"collector\" + 0.020*\"requir\" + 0.019*\"student\" + 0.015*\"professor\" + 0.012*\"http\" + 0.012*\"degre\" + 0.011*\"word\"\n", - "2019-01-31 01:14:45,160 : INFO : topic #35 (0.020): 0.056*\"russia\" + 0.038*\"sovereignti\" + 0.034*\"rural\" + 0.025*\"reprint\" + 0.024*\"poison\" + 0.022*\"personifi\" + 0.020*\"moscow\" + 0.017*\"poland\" + 0.015*\"unfortun\" + 0.013*\"malaysia\"\n", - "2019-01-31 01:14:45,161 : INFO : topic #2 (0.020): 0.047*\"isl\" + 0.039*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.010*\"coalit\" + 0.010*\"nativist\" + 0.009*\"fleet\" + 0.009*\"class\"\n", - "2019-01-31 01:14:45,162 : INFO : topic #44 (0.020): 0.032*\"rooftop\" + 0.028*\"final\" + 0.022*\"wife\" + 0.020*\"tourist\" + 0.018*\"champion\" + 0.016*\"taxpay\" + 0.015*\"martin\" + 0.014*\"tiepolo\" + 0.013*\"chamber\" + 0.013*\"women\"\n", - "2019-01-31 01:14:45,163 : INFO : topic #48 (0.020): 0.079*\"march\" + 0.079*\"sens\" + 0.078*\"octob\" + 0.073*\"august\" + 0.073*\"juli\" + 0.072*\"januari\" + 0.071*\"april\" + 0.070*\"notion\" + 0.068*\"judici\" + 0.066*\"decatur\"\n", - "2019-01-31 01:14:45,169 : INFO : topic diff=0.004525, rho=0.024239\n", - "2019-01-31 01:14:45,328 : INFO : PROGRESS: pass 0, at document #3406000/4922894\n", - "2019-01-31 01:14:46,731 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:14:46,998 : INFO : topic #24 (0.020): 0.037*\"book\" + 0.033*\"publicis\" + 0.029*\"word\" + 0.019*\"new\" + 0.014*\"edit\" + 0.014*\"arsen\" + 0.013*\"presid\" + 0.011*\"magazin\" + 0.011*\"collect\" + 0.011*\"nicola\"\n", - "2019-01-31 01:14:46,999 : INFO : topic #20 (0.020): 0.143*\"scholar\" + 0.039*\"struggl\" + 0.033*\"high\" + 0.030*\"educ\" + 0.023*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.011*\"district\" + 0.010*\"gothic\" + 0.010*\"task\"\n", - "2019-01-31 01:14:47,000 : INFO : topic #16 (0.020): 0.054*\"king\" + 0.031*\"priest\" + 0.020*\"rotterdam\" + 0.020*\"duke\" + 0.019*\"quarterli\" + 0.017*\"idiosyncrat\" + 0.016*\"grammat\" + 0.014*\"count\" + 0.013*\"kingdom\" + 0.013*\"portugues\"\n", - "2019-01-31 01:14:47,001 : INFO : topic #13 (0.020): 0.029*\"australia\" + 0.027*\"london\" + 0.025*\"new\" + 0.024*\"sourc\" + 0.023*\"england\" + 0.023*\"australian\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:14:47,002 : INFO : topic #28 (0.020): 0.033*\"build\" + 0.028*\"hous\" + 0.018*\"buford\" + 0.014*\"histor\" + 0.013*\"rivièr\" + 0.011*\"constitut\" + 0.011*\"linear\" + 0.011*\"silicon\" + 0.010*\"briarwood\" + 0.010*\"depress\"\n", - "2019-01-31 01:14:47,008 : INFO : topic diff=0.003319, rho=0.024232\n", - "2019-01-31 01:14:47,162 : INFO : PROGRESS: pass 0, at document #3408000/4922894\n", - "2019-01-31 01:14:48,533 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:14:48,803 : INFO : topic #16 (0.020): 0.054*\"king\" + 0.031*\"priest\" + 0.020*\"rotterdam\" + 0.020*\"duke\" + 0.019*\"quarterli\" + 0.017*\"idiosyncrat\" + 0.016*\"grammat\" + 0.014*\"count\" + 0.013*\"kingdom\" + 0.013*\"portugues\"\n", - "2019-01-31 01:14:48,804 : INFO : topic #34 (0.020): 0.069*\"start\" + 0.034*\"new\" + 0.032*\"american\" + 0.031*\"unionist\" + 0.025*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.011*\"terri\" + 0.011*\"citi\"\n", - "2019-01-31 01:14:48,805 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.020*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:14:48,806 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.026*\"offic\" + 0.024*\"minist\" + 0.023*\"govern\" + 0.023*\"nation\" + 0.020*\"member\" + 0.018*\"serv\" + 0.017*\"start\" + 0.015*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:14:48,807 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.021*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.014*\"oper\" + 0.014*\"unionist\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:14:48,813 : INFO : topic diff=0.003191, rho=0.024225\n", - "2019-01-31 01:14:48,971 : INFO : PROGRESS: pass 0, at document #3410000/4922894\n", - "2019-01-31 01:14:50,362 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:14:50,628 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.021*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.014*\"oper\" + 0.014*\"unionist\" + 0.013*\"militari\" + 0.011*\"airbu\" + 0.011*\"diversifi\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:14:50,630 : INFO : topic #39 (0.020): 0.056*\"canada\" + 0.042*\"canadian\" + 0.023*\"hoar\" + 0.022*\"toronto\" + 0.019*\"ontario\" + 0.016*\"new\" + 0.015*\"hydrogen\" + 0.014*\"novotná\" + 0.014*\"quebec\" + 0.014*\"misericordia\"\n", - "2019-01-31 01:14:50,631 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"help\" + 0.004*\"call\"\n", - "2019-01-31 01:14:50,632 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.012*\"will\" + 0.011*\"david\" + 0.011*\"jame\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"paul\" + 0.008*\"georg\" + 0.008*\"slur\" + 0.008*\"rhyme\"\n", - "2019-01-31 01:14:50,633 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.019*\"lagrang\" + 0.018*\"area\" + 0.017*\"warmth\" + 0.015*\"mount\" + 0.010*\"north\" + 0.009*\"sourc\" + 0.009*\"lobe\" + 0.009*\"palmer\" + 0.009*\"land\"\n", - "2019-01-31 01:14:50,639 : INFO : topic diff=0.003742, rho=0.024218\n", - "2019-01-31 01:14:50,798 : INFO : PROGRESS: pass 0, at document #3412000/4922894\n", - "2019-01-31 01:14:52,205 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:14:52,471 : INFO : topic #1 (0.020): 0.053*\"china\" + 0.048*\"chilton\" + 0.025*\"kong\" + 0.024*\"hong\" + 0.021*\"korea\" + 0.016*\"korean\" + 0.016*\"leah\" + 0.015*\"sourc\" + 0.013*\"shirin\" + 0.013*\"kim\"\n", - "2019-01-31 01:14:52,472 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.012*\"will\" + 0.011*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"paul\" + 0.008*\"georg\" + 0.008*\"slur\" + 0.008*\"rhyme\"\n", - "2019-01-31 01:14:52,473 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.046*\"franc\" + 0.032*\"pari\" + 0.023*\"sail\" + 0.021*\"jean\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:14:52,474 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"deal\" + 0.011*\"john\"\n", - "2019-01-31 01:14:52,475 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"depress\" + 0.013*\"pour\" + 0.009*\"mode\" + 0.008*\"veget\" + 0.007*\"elabor\" + 0.007*\"uruguayan\" + 0.006*\"produc\" + 0.006*\"develop\" + 0.006*\"spectacl\"\n", - "2019-01-31 01:14:52,481 : INFO : topic diff=0.003123, rho=0.024211\n", - "2019-01-31 01:14:52,643 : INFO : PROGRESS: pass 0, at document #3414000/4922894\n", - "2019-01-31 01:14:54,032 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:14:54,299 : INFO : topic #32 (0.020): 0.049*\"district\" + 0.044*\"vigour\" + 0.044*\"popolo\" + 0.037*\"cotton\" + 0.036*\"tortur\" + 0.022*\"area\" + 0.022*\"adulthood\" + 0.021*\"multitud\" + 0.020*\"citi\" + 0.019*\"cede\"\n", - "2019-01-31 01:14:54,300 : INFO : topic #16 (0.020): 0.054*\"king\" + 0.031*\"priest\" + 0.020*\"duke\" + 0.020*\"rotterdam\" + 0.020*\"quarterli\" + 0.016*\"idiosyncrat\" + 0.016*\"grammat\" + 0.013*\"count\" + 0.013*\"kingdom\" + 0.013*\"portugues\"\n", - "2019-01-31 01:14:54,301 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"have\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"treat\" + 0.005*\"effect\"\n", - "2019-01-31 01:14:54,302 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.047*\"franc\" + 0.032*\"pari\" + 0.023*\"sail\" + 0.021*\"jean\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:14:54,303 : INFO : topic #40 (0.020): 0.086*\"unit\" + 0.023*\"schuster\" + 0.021*\"institut\" + 0.021*\"collector\" + 0.020*\"requir\" + 0.018*\"student\" + 0.015*\"professor\" + 0.012*\"http\" + 0.011*\"degre\" + 0.011*\"word\"\n", - "2019-01-31 01:14:54,309 : INFO : topic diff=0.003516, rho=0.024204\n", - "2019-01-31 01:14:54,467 : INFO : PROGRESS: pass 0, at document #3416000/4922894\n", - "2019-01-31 01:14:55,860 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:14:56,126 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.012*\"will\" + 0.011*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"paul\" + 0.008*\"georg\" + 0.008*\"slur\" + 0.008*\"rhyme\"\n", - "2019-01-31 01:14:56,128 : INFO : topic #44 (0.020): 0.032*\"rooftop\" + 0.028*\"final\" + 0.022*\"wife\" + 0.020*\"tourist\" + 0.018*\"champion\" + 0.016*\"taxpay\" + 0.015*\"martin\" + 0.014*\"tiepolo\" + 0.014*\"chamber\" + 0.013*\"women\"\n", - "2019-01-31 01:14:56,129 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.031*\"incumb\" + 0.014*\"islam\" + 0.013*\"pakistan\" + 0.011*\"anglo\" + 0.011*\"muskoge\" + 0.011*\"televis\" + 0.011*\"alam\" + 0.010*\"khalsa\" + 0.009*\"affection\"\n", - "2019-01-31 01:14:56,130 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"prognosi\" + 0.010*\"pop\" + 0.008*\"cytokin\" + 0.008*\"user\" + 0.008*\"develop\" + 0.008*\"softwar\" + 0.008*\"uruguayan\" + 0.008*\"diggin\" + 0.007*\"championship\"\n", - "2019-01-31 01:14:56,131 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"deal\" + 0.011*\"john\"\n", - "2019-01-31 01:14:56,137 : INFO : topic diff=0.002914, rho=0.024197\n", - "2019-01-31 01:14:56,291 : INFO : PROGRESS: pass 0, at document #3418000/4922894\n", - "2019-01-31 01:14:57,652 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:14:57,921 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.053*\"parti\" + 0.025*\"voluntari\" + 0.024*\"democrat\" + 0.021*\"member\" + 0.017*\"polici\" + 0.016*\"republ\" + 0.013*\"report\" + 0.013*\"selma\" + 0.013*\"bypass\"\n", - "2019-01-31 01:14:57,923 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.010*\"septemb\" + 0.010*\"man\" + 0.010*\"anim\" + 0.007*\"comic\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.006*\"workplac\" + 0.006*\"fusiform\" + 0.006*\"vision\"\n", - "2019-01-31 01:14:57,924 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.024*\"palmer\" + 0.021*\"new\" + 0.014*\"strategist\" + 0.013*\"open\" + 0.012*\"center\" + 0.011*\"includ\" + 0.011*\"dai\" + 0.011*\"lobe\" + 0.009*\"highli\"\n", - "2019-01-31 01:14:57,925 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"deal\" + 0.011*\"john\"\n", - "2019-01-31 01:14:57,926 : INFO : topic #39 (0.020): 0.057*\"canada\" + 0.043*\"canadian\" + 0.023*\"hoar\" + 0.022*\"toronto\" + 0.020*\"ontario\" + 0.016*\"new\" + 0.015*\"hydrogen\" + 0.014*\"novotná\" + 0.014*\"misericordia\" + 0.014*\"quebec\"\n", - "2019-01-31 01:14:57,932 : INFO : topic diff=0.003979, rho=0.024190\n", - "2019-01-31 01:15:00,656 : INFO : -11.625 per-word bound, 3157.7 perplexity estimate based on a held-out corpus of 2000 documents with 577054 words\n", - "2019-01-31 01:15:00,656 : INFO : PROGRESS: pass 0, at document #3420000/4922894\n", - "2019-01-31 01:15:02,051 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:15:02,317 : INFO : topic #45 (0.020): 0.027*\"jpg\" + 0.025*\"fifteenth\" + 0.023*\"arsen\" + 0.019*\"pain\" + 0.019*\"illicit\" + 0.019*\"museo\" + 0.014*\"colder\" + 0.012*\"gai\" + 0.012*\"black\" + 0.012*\"western\"\n", - "2019-01-31 01:15:02,318 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.053*\"parti\" + 0.025*\"voluntari\" + 0.024*\"democrat\" + 0.021*\"member\" + 0.017*\"polici\" + 0.016*\"republ\" + 0.013*\"report\" + 0.013*\"selma\" + 0.013*\"bypass\"\n", - "2019-01-31 01:15:02,319 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.008*\"empath\" + 0.007*\"armi\" + 0.007*\"teufel\" + 0.006*\"militari\" + 0.006*\"govern\" + 0.006*\"pour\"\n", - "2019-01-31 01:15:02,321 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"hormon\" + 0.007*\"have\" + 0.007*\"pathwai\" + 0.006*\"caus\" + 0.006*\"proper\" + 0.006*\"treat\" + 0.005*\"effect\"\n", - "2019-01-31 01:15:02,322 : INFO : topic #27 (0.020): 0.070*\"questionnair\" + 0.020*\"candid\" + 0.019*\"taxpay\" + 0.015*\"ret\" + 0.013*\"driver\" + 0.013*\"tornado\" + 0.012*\"find\" + 0.011*\"fool\" + 0.010*\"champion\" + 0.010*\"squatter\"\n", - "2019-01-31 01:15:02,327 : INFO : topic diff=0.004008, rho=0.024183\n", - "2019-01-31 01:15:02,551 : INFO : PROGRESS: pass 0, at document #3422000/4922894\n", - "2019-01-31 01:15:03,979 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:15:04,246 : INFO : topic #16 (0.020): 0.054*\"king\" + 0.030*\"priest\" + 0.020*\"duke\" + 0.020*\"quarterli\" + 0.019*\"rotterdam\" + 0.017*\"idiosyncrat\" + 0.016*\"grammat\" + 0.013*\"count\" + 0.013*\"kingdom\" + 0.013*\"portugues\"\n", - "2019-01-31 01:15:04,247 : INFO : topic #35 (0.020): 0.058*\"russia\" + 0.037*\"sovereignti\" + 0.034*\"rural\" + 0.025*\"reprint\" + 0.025*\"poison\" + 0.023*\"personifi\" + 0.021*\"moscow\" + 0.017*\"poland\" + 0.015*\"unfortun\" + 0.014*\"malaysia\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:15:04,248 : INFO : topic #42 (0.020): 0.048*\"german\" + 0.032*\"germani\" + 0.015*\"israel\" + 0.015*\"vol\" + 0.015*\"jewish\" + 0.015*\"berlin\" + 0.013*\"der\" + 0.010*\"european\" + 0.009*\"isra\" + 0.009*\"europ\"\n", - "2019-01-31 01:15:04,249 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.039*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.010*\"coalit\" + 0.010*\"nativist\" + 0.009*\"fleet\" + 0.009*\"class\"\n", - "2019-01-31 01:15:04,250 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.010*\"septemb\" + 0.010*\"man\" + 0.010*\"anim\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.006*\"storag\" + 0.006*\"workplac\" + 0.006*\"fusiform\" + 0.006*\"vision\"\n", - "2019-01-31 01:15:04,256 : INFO : topic diff=0.003858, rho=0.024175\n", - "2019-01-31 01:15:04,414 : INFO : PROGRESS: pass 0, at document #3424000/4922894\n", - "2019-01-31 01:15:05,807 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:15:06,073 : INFO : topic #24 (0.020): 0.037*\"book\" + 0.033*\"publicis\" + 0.029*\"word\" + 0.019*\"new\" + 0.014*\"edit\" + 0.014*\"arsen\" + 0.013*\"presid\" + 0.011*\"magazin\" + 0.011*\"collect\" + 0.011*\"worldwid\"\n", - "2019-01-31 01:15:06,074 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.047*\"franc\" + 0.032*\"pari\" + 0.023*\"sail\" + 0.022*\"jean\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 01:15:06,075 : INFO : topic #13 (0.020): 0.029*\"australia\" + 0.027*\"london\" + 0.025*\"new\" + 0.024*\"sourc\" + 0.023*\"australian\" + 0.023*\"england\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.015*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 01:15:06,076 : INFO : topic #40 (0.020): 0.085*\"unit\" + 0.025*\"schuster\" + 0.021*\"institut\" + 0.021*\"requir\" + 0.020*\"collector\" + 0.019*\"student\" + 0.015*\"professor\" + 0.012*\"http\" + 0.011*\"degre\" + 0.011*\"word\"\n", - "2019-01-31 01:15:06,077 : INFO : topic #48 (0.020): 0.079*\"sens\" + 0.078*\"march\" + 0.078*\"octob\" + 0.073*\"august\" + 0.073*\"juli\" + 0.073*\"januari\" + 0.070*\"april\" + 0.070*\"notion\" + 0.069*\"judici\" + 0.067*\"decatur\"\n", - "2019-01-31 01:15:06,083 : INFO : topic diff=0.003491, rho=0.024168\n", - "2019-01-31 01:15:06,239 : INFO : PROGRESS: pass 0, at document #3426000/4922894\n", - "2019-01-31 01:15:07,627 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:15:07,894 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.014*\"oper\" + 0.014*\"unionist\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.011*\"refut\"\n", - "2019-01-31 01:15:07,895 : INFO : topic #46 (0.020): 0.018*\"stop\" + 0.016*\"sweden\" + 0.016*\"wind\" + 0.015*\"norwai\" + 0.015*\"swedish\" + 0.014*\"damag\" + 0.013*\"norwegian\" + 0.013*\"huntsvil\" + 0.011*\"denmark\" + 0.011*\"turkish\"\n", - "2019-01-31 01:15:07,896 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.011*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.008*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"human\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:15:07,897 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 01:15:07,898 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.039*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.010*\"coalit\" + 0.010*\"nativist\" + 0.009*\"fleet\" + 0.009*\"class\"\n", - "2019-01-31 01:15:07,903 : INFO : topic diff=0.003325, rho=0.024161\n", - "2019-01-31 01:15:08,060 : INFO : PROGRESS: pass 0, at document #3428000/4922894\n", - "2019-01-31 01:15:09,449 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:15:09,716 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"media\" + 0.007*\"disco\" + 0.007*\"hormon\" + 0.007*\"have\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"treat\" + 0.005*\"effect\"\n", - "2019-01-31 01:15:09,717 : INFO : topic #27 (0.020): 0.070*\"questionnair\" + 0.020*\"candid\" + 0.019*\"taxpay\" + 0.014*\"ret\" + 0.013*\"driver\" + 0.013*\"tornado\" + 0.012*\"find\" + 0.012*\"fool\" + 0.010*\"squatter\" + 0.010*\"champion\"\n", - "2019-01-31 01:15:09,718 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.018*\"factor\" + 0.012*\"genu\" + 0.011*\"plaisir\" + 0.009*\"monument\" + 0.008*\"biom\" + 0.008*\"feel\" + 0.008*\"western\" + 0.008*\"male\" + 0.008*\"median\"\n", - "2019-01-31 01:15:09,719 : INFO : topic #40 (0.020): 0.084*\"unit\" + 0.024*\"schuster\" + 0.022*\"institut\" + 0.021*\"requir\" + 0.021*\"collector\" + 0.019*\"student\" + 0.015*\"professor\" + 0.012*\"http\" + 0.011*\"degre\" + 0.011*\"word\"\n", - "2019-01-31 01:15:09,720 : INFO : topic #9 (0.020): 0.067*\"bone\" + 0.044*\"american\" + 0.028*\"valour\" + 0.018*\"dutch\" + 0.018*\"player\" + 0.018*\"folei\" + 0.016*\"polit\" + 0.015*\"english\" + 0.013*\"acrimoni\" + 0.012*\"wedg\"\n", - "2019-01-31 01:15:09,726 : INFO : topic diff=0.003611, rho=0.024154\n", - "2019-01-31 01:15:09,888 : INFO : PROGRESS: pass 0, at document #3430000/4922894\n", - "2019-01-31 01:15:11,293 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:15:11,563 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.039*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.010*\"coalit\" + 0.010*\"nativist\" + 0.009*\"fleet\" + 0.009*\"class\"\n", - "2019-01-31 01:15:11,564 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.010*\"septemb\" + 0.010*\"man\" + 0.010*\"anim\" + 0.007*\"comic\" + 0.007*\"appear\" + 0.006*\"storag\" + 0.006*\"workplac\" + 0.006*\"fusiform\" + 0.006*\"vision\"\n", - "2019-01-31 01:15:11,565 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.010*\"aza\" + 0.009*\"forc\" + 0.009*\"battalion\" + 0.008*\"empath\" + 0.007*\"armi\" + 0.007*\"teufel\" + 0.006*\"govern\" + 0.006*\"militari\" + 0.006*\"pour\"\n", - "2019-01-31 01:15:11,566 : INFO : topic #32 (0.020): 0.049*\"district\" + 0.044*\"vigour\" + 0.044*\"popolo\" + 0.036*\"cotton\" + 0.036*\"tortur\" + 0.022*\"adulthood\" + 0.022*\"area\" + 0.020*\"multitud\" + 0.020*\"citi\" + 0.019*\"cede\"\n", - "2019-01-31 01:15:11,567 : INFO : topic #3 (0.020): 0.032*\"present\" + 0.026*\"offic\" + 0.023*\"minist\" + 0.023*\"nation\" + 0.023*\"govern\" + 0.020*\"member\" + 0.019*\"serv\" + 0.016*\"start\" + 0.016*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:15:11,573 : INFO : topic diff=0.003685, rho=0.024147\n", - "2019-01-31 01:15:11,728 : INFO : PROGRESS: pass 0, at document #3432000/4922894\n", - "2019-01-31 01:15:13,100 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:15:13,367 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.047*\"franc\" + 0.033*\"pari\" + 0.023*\"sail\" + 0.022*\"jean\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:15:13,368 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.008*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"human\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:15:13,369 : INFO : topic #31 (0.020): 0.050*\"fusiform\" + 0.026*\"scientist\" + 0.025*\"taxpay\" + 0.023*\"player\" + 0.019*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:15:13,370 : INFO : topic #28 (0.020): 0.034*\"build\" + 0.028*\"hous\" + 0.018*\"buford\" + 0.014*\"histor\" + 0.013*\"rivièr\" + 0.011*\"constitut\" + 0.011*\"linear\" + 0.011*\"silicon\" + 0.011*\"briarwood\" + 0.010*\"depress\"\n", - "2019-01-31 01:15:13,371 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.020*\"walter\" + 0.020*\"armi\" + 0.018*\"com\" + 0.014*\"oper\" + 0.014*\"unionist\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.010*\"refut\"\n", - "2019-01-31 01:15:13,377 : INFO : topic diff=0.002838, rho=0.024140\n", - "2019-01-31 01:15:13,533 : INFO : PROGRESS: pass 0, at document #3434000/4922894\n", - "2019-01-31 01:15:14,906 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:15:15,173 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.010*\"septemb\" + 0.010*\"man\" + 0.010*\"anim\" + 0.007*\"comic\" + 0.007*\"appear\" + 0.006*\"storag\" + 0.006*\"fusiform\" + 0.006*\"workplac\" + 0.006*\"vision\"\n", - "2019-01-31 01:15:15,174 : INFO : topic #30 (0.020): 0.037*\"cleveland\" + 0.034*\"leagu\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.022*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.013*\"schmitz\"\n", - "2019-01-31 01:15:15,175 : INFO : topic #20 (0.020): 0.145*\"scholar\" + 0.040*\"struggl\" + 0.034*\"high\" + 0.030*\"educ\" + 0.024*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.010*\"gothic\" + 0.010*\"task\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:15:15,176 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.047*\"chilton\" + 0.025*\"kong\" + 0.024*\"hong\" + 0.021*\"korea\" + 0.017*\"korean\" + 0.016*\"leah\" + 0.016*\"sourc\" + 0.014*\"kim\" + 0.014*\"shirin\"\n", - "2019-01-31 01:15:15,177 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.039*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.010*\"nativist\" + 0.010*\"coalit\" + 0.009*\"fleet\" + 0.009*\"class\"\n", - "2019-01-31 01:15:15,183 : INFO : topic diff=0.003527, rho=0.024133\n", - "2019-01-31 01:15:15,339 : INFO : PROGRESS: pass 0, at document #3436000/4922894\n", - "2019-01-31 01:15:16,726 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:15:16,993 : INFO : topic #27 (0.020): 0.069*\"questionnair\" + 0.019*\"candid\" + 0.019*\"taxpay\" + 0.015*\"ret\" + 0.013*\"driver\" + 0.013*\"tornado\" + 0.012*\"fool\" + 0.012*\"find\" + 0.010*\"champion\" + 0.010*\"squatter\"\n", - "2019-01-31 01:15:16,994 : INFO : topic #0 (0.020): 0.066*\"statewid\" + 0.042*\"line\" + 0.035*\"raid\" + 0.026*\"rosenwald\" + 0.020*\"traceabl\" + 0.020*\"serv\" + 0.017*\"airmen\" + 0.017*\"rivièr\" + 0.014*\"oper\" + 0.011*\"transient\"\n", - "2019-01-31 01:15:16,995 : INFO : topic #44 (0.020): 0.032*\"rooftop\" + 0.028*\"final\" + 0.022*\"wife\" + 0.020*\"tourist\" + 0.018*\"champion\" + 0.016*\"taxpay\" + 0.015*\"martin\" + 0.014*\"tiepolo\" + 0.013*\"chamber\" + 0.013*\"women\"\n", - "2019-01-31 01:15:16,996 : INFO : topic #21 (0.020): 0.033*\"samford\" + 0.023*\"spain\" + 0.019*\"del\" + 0.017*\"mexico\" + 0.016*\"italian\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"carlo\" + 0.011*\"lizard\"\n", - "2019-01-31 01:15:16,997 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.024*\"epiru\" + 0.020*\"septemb\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.010*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:15:17,003 : INFO : topic diff=0.003398, rho=0.024126\n", - "2019-01-31 01:15:17,163 : INFO : PROGRESS: pass 0, at document #3438000/4922894\n", - "2019-01-31 01:15:18,567 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:15:18,834 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.008*\"mode\" + 0.008*\"elabor\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.006*\"produc\" + 0.006*\"develop\" + 0.006*\"spectacl\"\n", - "2019-01-31 01:15:18,834 : INFO : topic #0 (0.020): 0.066*\"statewid\" + 0.042*\"line\" + 0.035*\"raid\" + 0.026*\"rosenwald\" + 0.020*\"traceabl\" + 0.020*\"serv\" + 0.017*\"airmen\" + 0.017*\"rivièr\" + 0.014*\"oper\" + 0.011*\"transient\"\n", - "2019-01-31 01:15:18,836 : INFO : topic #31 (0.020): 0.050*\"fusiform\" + 0.026*\"scientist\" + 0.025*\"taxpay\" + 0.023*\"player\" + 0.019*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:15:18,837 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"hormon\" + 0.007*\"have\" + 0.007*\"caus\" + 0.006*\"pathwai\" + 0.006*\"proper\" + 0.006*\"treat\" + 0.005*\"effect\"\n", - "2019-01-31 01:15:18,838 : INFO : topic #33 (0.020): 0.063*\"french\" + 0.048*\"franc\" + 0.032*\"pari\" + 0.023*\"jean\" + 0.022*\"sail\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 01:15:18,844 : INFO : topic diff=0.003924, rho=0.024119\n", - "2019-01-31 01:15:21,498 : INFO : -11.858 per-word bound, 3712.3 perplexity estimate based on a held-out corpus of 2000 documents with 530854 words\n", - "2019-01-31 01:15:21,498 : INFO : PROGRESS: pass 0, at document #3440000/4922894\n", - "2019-01-31 01:15:22,880 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:15:23,147 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.019*\"area\" + 0.019*\"lagrang\" + 0.017*\"warmth\" + 0.015*\"mount\" + 0.013*\"palmer\" + 0.010*\"foam\" + 0.010*\"north\" + 0.010*\"nation\" + 0.009*\"sourc\"\n", - "2019-01-31 01:15:23,148 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.024*\"palmer\" + 0.021*\"new\" + 0.015*\"strategist\" + 0.013*\"open\" + 0.012*\"center\" + 0.011*\"includ\" + 0.011*\"dai\" + 0.011*\"lobe\" + 0.009*\"local\"\n", - "2019-01-31 01:15:23,149 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.024*\"epiru\" + 0.020*\"septemb\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.010*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:15:23,150 : INFO : topic #48 (0.020): 0.079*\"sens\" + 0.079*\"march\" + 0.077*\"octob\" + 0.073*\"juli\" + 0.073*\"januari\" + 0.072*\"august\" + 0.071*\"april\" + 0.070*\"notion\" + 0.069*\"judici\" + 0.067*\"decatur\"\n", - "2019-01-31 01:15:23,151 : INFO : topic #13 (0.020): 0.028*\"australia\" + 0.026*\"london\" + 0.025*\"new\" + 0.024*\"sourc\" + 0.023*\"australian\" + 0.022*\"england\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:15:23,157 : INFO : topic diff=0.003858, rho=0.024112\n", - "2019-01-31 01:15:23,316 : INFO : PROGRESS: pass 0, at document #3442000/4922894\n", - "2019-01-31 01:15:24,798 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:15:25,066 : INFO : topic #3 (0.020): 0.032*\"present\" + 0.026*\"offic\" + 0.025*\"nation\" + 0.023*\"minist\" + 0.023*\"govern\" + 0.020*\"member\" + 0.019*\"serv\" + 0.016*\"start\" + 0.016*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:15:25,067 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.012*\"will\" + 0.011*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"paul\" + 0.008*\"georg\" + 0.008*\"slur\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:15:25,068 : INFO : topic #21 (0.020): 0.033*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.017*\"mexico\" + 0.016*\"italian\" + 0.014*\"soviet\" + 0.011*\"santa\" + 0.011*\"juan\" + 0.011*\"carlo\" + 0.011*\"lizard\"\n", - "2019-01-31 01:15:25,070 : INFO : topic #45 (0.020): 0.027*\"jpg\" + 0.025*\"arsen\" + 0.025*\"fifteenth\" + 0.020*\"museo\" + 0.019*\"pain\" + 0.019*\"illicit\" + 0.015*\"colder\" + 0.013*\"gai\" + 0.012*\"black\" + 0.011*\"western\"\n", - "2019-01-31 01:15:25,071 : INFO : topic #28 (0.020): 0.034*\"build\" + 0.029*\"hous\" + 0.018*\"buford\" + 0.014*\"histor\" + 0.013*\"rivièr\" + 0.011*\"constitut\" + 0.011*\"briarwood\" + 0.011*\"linear\" + 0.011*\"silicon\" + 0.010*\"depress\"\n", - "2019-01-31 01:15:25,077 : INFO : topic diff=0.003395, rho=0.024105\n", - "2019-01-31 01:15:25,234 : INFO : PROGRESS: pass 0, at document #3444000/4922894\n", - "2019-01-31 01:15:26,618 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:15:26,885 : INFO : topic #34 (0.020): 0.069*\"start\" + 0.034*\"new\" + 0.031*\"american\" + 0.031*\"unionist\" + 0.025*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.011*\"citi\"\n", - "2019-01-31 01:15:26,886 : INFO : topic #27 (0.020): 0.069*\"questionnair\" + 0.020*\"candid\" + 0.019*\"taxpay\" + 0.015*\"ret\" + 0.014*\"driver\" + 0.012*\"tornado\" + 0.012*\"fool\" + 0.012*\"find\" + 0.010*\"champion\" + 0.009*\"squatter\"\n", - "2019-01-31 01:15:26,887 : INFO : topic #45 (0.020): 0.027*\"jpg\" + 0.025*\"arsen\" + 0.025*\"fifteenth\" + 0.020*\"museo\" + 0.019*\"pain\" + 0.019*\"illicit\" + 0.015*\"colder\" + 0.013*\"gai\" + 0.012*\"black\" + 0.012*\"western\"\n", - "2019-01-31 01:15:26,888 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.024*\"palmer\" + 0.021*\"new\" + 0.015*\"strategist\" + 0.013*\"open\" + 0.012*\"center\" + 0.011*\"includ\" + 0.011*\"dai\" + 0.011*\"lobe\" + 0.009*\"highli\"\n", - "2019-01-31 01:15:26,890 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"help\" + 0.004*\"call\"\n", - "2019-01-31 01:15:26,896 : INFO : topic diff=0.003107, rho=0.024098\n", - "2019-01-31 01:15:27,051 : INFO : PROGRESS: pass 0, at document #3446000/4922894\n", - "2019-01-31 01:15:28,417 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:15:28,687 : INFO : topic #1 (0.020): 0.056*\"china\" + 0.048*\"chilton\" + 0.024*\"kong\" + 0.024*\"hong\" + 0.021*\"korea\" + 0.017*\"korean\" + 0.015*\"sourc\" + 0.015*\"leah\" + 0.014*\"shirin\" + 0.013*\"kim\"\n", - "2019-01-31 01:15:28,688 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.006*\"poet\" + 0.006*\"measur\" + 0.006*\"exampl\" + 0.006*\"southern\" + 0.006*\"servitud\" + 0.006*\"utopian\" + 0.006*\"théori\"\n", - "2019-01-31 01:15:28,689 : INFO : topic #45 (0.020): 0.026*\"jpg\" + 0.026*\"arsen\" + 0.024*\"fifteenth\" + 0.020*\"museo\" + 0.019*\"pain\" + 0.019*\"illicit\" + 0.015*\"colder\" + 0.013*\"gai\" + 0.012*\"black\" + 0.012*\"western\"\n", - "2019-01-31 01:15:28,690 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.012*\"will\" + 0.011*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"paul\" + 0.008*\"georg\" + 0.008*\"slur\" + 0.007*\"rhyme\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:15:28,692 : INFO : topic #28 (0.020): 0.034*\"build\" + 0.029*\"hous\" + 0.018*\"buford\" + 0.014*\"histor\" + 0.013*\"rivièr\" + 0.011*\"constitut\" + 0.011*\"briarwood\" + 0.011*\"linear\" + 0.011*\"silicon\" + 0.010*\"depress\"\n", - "2019-01-31 01:15:28,698 : INFO : topic diff=0.003295, rho=0.024091\n", - "2019-01-31 01:15:28,852 : INFO : PROGRESS: pass 0, at document #3448000/4922894\n", - "2019-01-31 01:15:30,217 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:15:30,483 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.024*\"epiru\" + 0.020*\"septemb\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.013*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:15:30,485 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.011*\"septemb\" + 0.010*\"anim\" + 0.010*\"man\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.006*\"storag\" + 0.006*\"workplac\" + 0.006*\"fusiform\" + 0.006*\"vision\"\n", - "2019-01-31 01:15:30,486 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.019*\"area\" + 0.019*\"lagrang\" + 0.017*\"warmth\" + 0.015*\"mount\" + 0.013*\"palmer\" + 0.010*\"north\" + 0.010*\"foam\" + 0.010*\"nation\" + 0.009*\"sourc\"\n", - "2019-01-31 01:15:30,487 : INFO : topic #31 (0.020): 0.050*\"fusiform\" + 0.026*\"scientist\" + 0.025*\"taxpay\" + 0.022*\"player\" + 0.019*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.012*\"folei\" + 0.010*\"yawn\" + 0.010*\"reconstruct\"\n", - "2019-01-31 01:15:30,488 : INFO : topic #40 (0.020): 0.086*\"unit\" + 0.024*\"schuster\" + 0.022*\"institut\" + 0.021*\"requir\" + 0.021*\"collector\" + 0.019*\"student\" + 0.015*\"professor\" + 0.012*\"http\" + 0.011*\"degre\" + 0.011*\"word\"\n", - "2019-01-31 01:15:30,494 : INFO : topic diff=0.004371, rho=0.024084\n", - "2019-01-31 01:15:30,653 : INFO : PROGRESS: pass 0, at document #3450000/4922894\n", - "2019-01-31 01:15:32,045 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:15:32,311 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.048*\"chilton\" + 0.025*\"kong\" + 0.025*\"hong\" + 0.021*\"korea\" + 0.017*\"korean\" + 0.015*\"sourc\" + 0.015*\"leah\" + 0.014*\"shirin\" + 0.013*\"kim\"\n", - "2019-01-31 01:15:32,312 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.039*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.010*\"nativist\" + 0.010*\"coalit\" + 0.009*\"fleet\" + 0.008*\"class\"\n", - "2019-01-31 01:15:32,314 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.023*\"cortic\" + 0.018*\"start\" + 0.017*\"act\" + 0.012*\"case\" + 0.012*\"ricardo\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.008*\"legal\" + 0.008*\"order\"\n", - "2019-01-31 01:15:32,315 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.006*\"ancestor\"\n", - "2019-01-31 01:15:32,316 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.031*\"incumb\" + 0.013*\"pakistan\" + 0.013*\"islam\" + 0.011*\"anglo\" + 0.011*\"televis\" + 0.011*\"muskoge\" + 0.010*\"tajikistan\" + 0.010*\"alam\" + 0.010*\"affection\"\n", - "2019-01-31 01:15:32,322 : INFO : topic diff=0.003806, rho=0.024077\n", - "2019-01-31 01:15:32,479 : INFO : PROGRESS: pass 0, at document #3452000/4922894\n", - "2019-01-31 01:15:33,871 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:15:34,137 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.006*\"ancestor\"\n", - "2019-01-31 01:15:34,139 : INFO : topic #35 (0.020): 0.058*\"russia\" + 0.037*\"sovereignti\" + 0.034*\"rural\" + 0.026*\"poison\" + 0.024*\"reprint\" + 0.023*\"personifi\" + 0.020*\"moscow\" + 0.017*\"poland\" + 0.015*\"unfortun\" + 0.014*\"malaysia\"\n", - "2019-01-31 01:15:34,139 : INFO : topic #13 (0.020): 0.028*\"australia\" + 0.026*\"london\" + 0.025*\"new\" + 0.025*\"sourc\" + 0.023*\"australian\" + 0.023*\"england\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:15:34,141 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"have\" + 0.007*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"treat\" + 0.005*\"effect\"\n", - "2019-01-31 01:15:34,142 : INFO : topic #39 (0.020): 0.058*\"canada\" + 0.045*\"canadian\" + 0.023*\"toronto\" + 0.023*\"hoar\" + 0.020*\"ontario\" + 0.016*\"new\" + 0.015*\"hydrogen\" + 0.014*\"novotná\" + 0.014*\"misericordia\" + 0.014*\"quebec\"\n", - "2019-01-31 01:15:34,148 : INFO : topic diff=0.003816, rho=0.024070\n", - "2019-01-31 01:15:34,360 : INFO : PROGRESS: pass 0, at document #3454000/4922894\n", - "2019-01-31 01:15:35,746 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:15:36,013 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.019*\"area\" + 0.019*\"lagrang\" + 0.017*\"warmth\" + 0.015*\"mount\" + 0.013*\"palmer\" + 0.010*\"north\" + 0.010*\"nation\" + 0.009*\"foam\" + 0.009*\"sourc\"\n", - "2019-01-31 01:15:36,014 : INFO : topic #0 (0.020): 0.065*\"statewid\" + 0.041*\"line\" + 0.035*\"raid\" + 0.026*\"rosenwald\" + 0.021*\"traceabl\" + 0.020*\"serv\" + 0.018*\"rivièr\" + 0.017*\"airmen\" + 0.014*\"oper\" + 0.011*\"transient\"\n", - "2019-01-31 01:15:36,016 : INFO : topic #17 (0.020): 0.075*\"church\" + 0.022*\"christian\" + 0.022*\"cathol\" + 0.020*\"bishop\" + 0.018*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.010*\"historiographi\" + 0.010*\"cathedr\" + 0.009*\"poll\"\n", - "2019-01-31 01:15:36,017 : INFO : topic #23 (0.020): 0.135*\"audit\" + 0.068*\"best\" + 0.032*\"yawn\" + 0.029*\"jacksonvil\" + 0.023*\"japanes\" + 0.022*\"noll\" + 0.020*\"festiv\" + 0.019*\"women\" + 0.017*\"intern\" + 0.013*\"winner\"\n", - "2019-01-31 01:15:36,018 : INFO : topic #43 (0.020): 0.065*\"elect\" + 0.054*\"parti\" + 0.025*\"voluntari\" + 0.024*\"democrat\" + 0.020*\"member\" + 0.017*\"republ\" + 0.017*\"polici\" + 0.014*\"report\" + 0.013*\"selma\" + 0.013*\"bypass\"\n", - "2019-01-31 01:15:36,024 : INFO : topic diff=0.003505, rho=0.024063\n", - "2019-01-31 01:15:36,178 : INFO : PROGRESS: pass 0, at document #3456000/4922894\n", - "2019-01-31 01:15:37,556 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:15:37,823 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.010*\"septemb\" + 0.010*\"anim\" + 0.010*\"man\" + 0.008*\"comic\" + 0.007*\"storag\" + 0.007*\"appear\" + 0.006*\"fusiform\" + 0.006*\"workplac\" + 0.006*\"vision\"\n", - "2019-01-31 01:15:37,824 : INFO : topic #34 (0.020): 0.069*\"start\" + 0.034*\"new\" + 0.031*\"american\" + 0.031*\"unionist\" + 0.025*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.011*\"citi\"\n", - "2019-01-31 01:15:37,825 : INFO : topic #45 (0.020): 0.026*\"jpg\" + 0.026*\"arsen\" + 0.024*\"fifteenth\" + 0.020*\"museo\" + 0.019*\"pain\" + 0.018*\"illicit\" + 0.014*\"colder\" + 0.013*\"gai\" + 0.012*\"black\" + 0.012*\"exhaust\"\n", - "2019-01-31 01:15:37,826 : INFO : topic #28 (0.020): 0.034*\"build\" + 0.029*\"hous\" + 0.018*\"buford\" + 0.014*\"histor\" + 0.012*\"rivièr\" + 0.012*\"linear\" + 0.011*\"constitut\" + 0.011*\"briarwood\" + 0.011*\"silicon\" + 0.010*\"depress\"\n", - "2019-01-31 01:15:37,827 : INFO : topic #31 (0.020): 0.050*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.022*\"player\" + 0.019*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.012*\"folei\" + 0.010*\"yawn\" + 0.010*\"reconstruct\"\n", - "2019-01-31 01:15:37,833 : INFO : topic diff=0.003642, rho=0.024056\n", - "2019-01-31 01:15:37,991 : INFO : PROGRESS: pass 0, at document #3458000/4922894\n", - "2019-01-31 01:15:39,359 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:15:39,625 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.008*\"mode\" + 0.008*\"elabor\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.006*\"produc\" + 0.006*\"develop\" + 0.006*\"spectacl\"\n", - "2019-01-31 01:15:39,626 : INFO : topic #10 (0.020): 0.013*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"have\" + 0.007*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"treat\" + 0.005*\"effect\"\n", - "2019-01-31 01:15:39,627 : INFO : topic #27 (0.020): 0.070*\"questionnair\" + 0.020*\"candid\" + 0.018*\"taxpay\" + 0.014*\"ret\" + 0.014*\"driver\" + 0.013*\"fool\" + 0.013*\"tornado\" + 0.011*\"find\" + 0.011*\"squatter\" + 0.010*\"champion\"\n", - "2019-01-31 01:15:39,628 : INFO : topic #43 (0.020): 0.065*\"elect\" + 0.054*\"parti\" + 0.025*\"voluntari\" + 0.024*\"democrat\" + 0.020*\"member\" + 0.017*\"republ\" + 0.017*\"polici\" + 0.013*\"report\" + 0.013*\"bypass\" + 0.013*\"seaport\"\n", - "2019-01-31 01:15:39,629 : INFO : topic #23 (0.020): 0.135*\"audit\" + 0.067*\"best\" + 0.032*\"yawn\" + 0.028*\"jacksonvil\" + 0.022*\"japanes\" + 0.022*\"noll\" + 0.020*\"festiv\" + 0.019*\"women\" + 0.017*\"intern\" + 0.013*\"winner\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:15:39,635 : INFO : topic diff=0.003291, rho=0.024049\n", - "2019-01-31 01:15:42,283 : INFO : -11.556 per-word bound, 3010.0 perplexity estimate based on a held-out corpus of 2000 documents with 558121 words\n", - "2019-01-31 01:15:42,284 : INFO : PROGRESS: pass 0, at document #3460000/4922894\n", - "2019-01-31 01:15:43,645 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:15:43,912 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"help\" + 0.004*\"call\"\n", - "2019-01-31 01:15:43,913 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.008*\"frontal\" + 0.007*\"gener\" + 0.006*\"servitud\" + 0.006*\"exampl\" + 0.006*\"poet\" + 0.006*\"southern\" + 0.006*\"measur\" + 0.006*\"théori\" + 0.006*\"utopian\"\n", - "2019-01-31 01:15:43,914 : INFO : topic #16 (0.020): 0.056*\"king\" + 0.030*\"priest\" + 0.020*\"rotterdam\" + 0.019*\"duke\" + 0.019*\"quarterli\" + 0.017*\"idiosyncrat\" + 0.016*\"grammat\" + 0.014*\"kingdom\" + 0.013*\"count\" + 0.013*\"portugues\"\n", - "2019-01-31 01:15:43,915 : INFO : topic #46 (0.020): 0.018*\"stop\" + 0.016*\"sweden\" + 0.015*\"norwai\" + 0.015*\"wind\" + 0.015*\"swedish\" + 0.013*\"damag\" + 0.013*\"norwegian\" + 0.012*\"huntsvil\" + 0.011*\"treeless\" + 0.010*\"denmark\"\n", - "2019-01-31 01:15:43,916 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.027*\"final\" + 0.021*\"wife\" + 0.020*\"tourist\" + 0.018*\"champion\" + 0.016*\"taxpay\" + 0.015*\"martin\" + 0.014*\"tiepolo\" + 0.013*\"women\" + 0.013*\"chamber\"\n", - "2019-01-31 01:15:43,922 : INFO : topic diff=0.002954, rho=0.024042\n", - "2019-01-31 01:15:44,074 : INFO : PROGRESS: pass 0, at document #3462000/4922894\n", - "2019-01-31 01:15:45,414 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:15:45,681 : INFO : topic #13 (0.020): 0.027*\"australia\" + 0.026*\"london\" + 0.025*\"sourc\" + 0.025*\"new\" + 0.023*\"australian\" + 0.022*\"england\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:15:45,682 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"gener\" + 0.007*\"servitud\" + 0.006*\"exampl\" + 0.006*\"poet\" + 0.006*\"southern\" + 0.006*\"measur\" + 0.006*\"utopian\" + 0.006*\"théori\"\n", - "2019-01-31 01:15:45,683 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.048*\"franc\" + 0.032*\"pari\" + 0.023*\"jean\" + 0.022*\"sail\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 01:15:45,684 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.010*\"aza\" + 0.009*\"forc\" + 0.009*\"battalion\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.007*\"teufel\" + 0.006*\"govern\" + 0.006*\"militari\" + 0.006*\"pour\"\n", - "2019-01-31 01:15:45,685 : INFO : topic #35 (0.020): 0.059*\"russia\" + 0.037*\"sovereignti\" + 0.034*\"rural\" + 0.026*\"poison\" + 0.024*\"reprint\" + 0.023*\"personifi\" + 0.020*\"moscow\" + 0.018*\"poland\" + 0.015*\"unfortun\" + 0.014*\"malaysia\"\n", - "2019-01-31 01:15:45,691 : INFO : topic diff=0.003354, rho=0.024035\n", - "2019-01-31 01:15:45,844 : INFO : PROGRESS: pass 0, at document #3464000/4922894\n", - "2019-01-31 01:15:47,193 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:15:47,459 : INFO : topic #34 (0.020): 0.068*\"start\" + 0.034*\"new\" + 0.032*\"american\" + 0.031*\"unionist\" + 0.024*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.011*\"citi\"\n", - "2019-01-31 01:15:47,460 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.008*\"group\" + 0.008*\"peopl\" + 0.008*\"word\" + 0.007*\"human\" + 0.007*\"woman\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:15:47,461 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.034*\"leagu\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.024*\"crete\" + 0.022*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.013*\"schmitz\"\n", - "2019-01-31 01:15:47,462 : INFO : topic #9 (0.020): 0.067*\"bone\" + 0.044*\"american\" + 0.030*\"valour\" + 0.019*\"dutch\" + 0.019*\"folei\" + 0.018*\"player\" + 0.016*\"polit\" + 0.015*\"english\" + 0.013*\"acrimoni\" + 0.012*\"wedg\"\n", - "2019-01-31 01:15:47,464 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"deal\" + 0.011*\"john\"\n", - "2019-01-31 01:15:47,470 : INFO : topic diff=0.003137, rho=0.024028\n", - "2019-01-31 01:15:47,630 : INFO : PROGRESS: pass 0, at document #3466000/4922894\n", - "2019-01-31 01:15:49,016 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:15:49,283 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.023*\"cortic\" + 0.018*\"start\" + 0.017*\"act\" + 0.012*\"case\" + 0.012*\"ricardo\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.008*\"legal\" + 0.008*\"order\"\n", - "2019-01-31 01:15:49,284 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"gener\" + 0.006*\"servitud\" + 0.006*\"exampl\" + 0.006*\"poet\" + 0.006*\"southern\" + 0.006*\"measur\" + 0.006*\"théori\" + 0.006*\"utopian\"\n", - "2019-01-31 01:15:49,285 : INFO : topic #24 (0.020): 0.037*\"book\" + 0.033*\"publicis\" + 0.029*\"word\" + 0.019*\"new\" + 0.015*\"edit\" + 0.013*\"presid\" + 0.013*\"arsen\" + 0.011*\"collect\" + 0.011*\"worldwid\" + 0.011*\"magazin\"\n", - "2019-01-31 01:15:49,286 : INFO : topic #29 (0.020): 0.030*\"companhia\" + 0.014*\"bank\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"market\" + 0.011*\"produc\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"oper\"\n", - "2019-01-31 01:15:49,287 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.046*\"vigour\" + 0.044*\"popolo\" + 0.036*\"tortur\" + 0.036*\"cotton\" + 0.022*\"adulthood\" + 0.022*\"multitud\" + 0.022*\"area\" + 0.020*\"citi\" + 0.019*\"cede\"\n", - "2019-01-31 01:15:49,293 : INFO : topic diff=0.004386, rho=0.024022\n", - "2019-01-31 01:15:49,454 : INFO : PROGRESS: pass 0, at document #3468000/4922894\n", - "2019-01-31 01:15:50,844 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:15:51,111 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.006*\"ancestor\"\n", - "2019-01-31 01:15:51,112 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.054*\"parti\" + 0.026*\"voluntari\" + 0.024*\"democrat\" + 0.020*\"member\" + 0.016*\"republ\" + 0.016*\"polici\" + 0.014*\"seaport\" + 0.014*\"report\" + 0.013*\"bypass\"\n", - "2019-01-31 01:15:51,113 : INFO : topic #31 (0.020): 0.050*\"fusiform\" + 0.026*\"scientist\" + 0.025*\"taxpay\" + 0.023*\"player\" + 0.019*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.012*\"folei\" + 0.010*\"yawn\" + 0.010*\"reconstruct\"\n", - "2019-01-31 01:15:51,114 : INFO : topic #34 (0.020): 0.069*\"start\" + 0.033*\"new\" + 0.032*\"unionist\" + 0.032*\"american\" + 0.024*\"cotton\" + 0.021*\"year\" + 0.016*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.011*\"citi\"\n", - "2019-01-31 01:15:51,115 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"help\" + 0.004*\"call\"\n", - "2019-01-31 01:15:51,121 : INFO : topic diff=0.003418, rho=0.024015\n", - "2019-01-31 01:15:51,275 : INFO : PROGRESS: pass 0, at document #3470000/4922894\n", - "2019-01-31 01:15:52,616 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:15:52,882 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.048*\"franc\" + 0.032*\"pari\" + 0.022*\"jean\" + 0.021*\"sail\" + 0.016*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:15:52,883 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.008*\"frontal\" + 0.007*\"gener\" + 0.006*\"servitud\" + 0.006*\"exampl\" + 0.006*\"poet\" + 0.006*\"southern\" + 0.006*\"measur\" + 0.006*\"théori\" + 0.006*\"utopian\"\n", - "2019-01-31 01:15:52,884 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"deal\" + 0.011*\"john\"\n", - "2019-01-31 01:15:52,885 : INFO : topic #24 (0.020): 0.038*\"book\" + 0.033*\"publicis\" + 0.029*\"word\" + 0.019*\"new\" + 0.015*\"edit\" + 0.013*\"presid\" + 0.013*\"arsen\" + 0.011*\"collect\" + 0.011*\"worldwid\" + 0.011*\"nicola\"\n", - "2019-01-31 01:15:52,887 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.024*\"palmer\" + 0.021*\"new\" + 0.016*\"strategist\" + 0.013*\"open\" + 0.012*\"center\" + 0.011*\"includ\" + 0.011*\"dai\" + 0.011*\"lobe\" + 0.009*\"highli\"\n", - "2019-01-31 01:15:52,892 : INFO : topic diff=0.003855, rho=0.024008\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:15:53,051 : INFO : PROGRESS: pass 0, at document #3472000/4922894\n", - "2019-01-31 01:15:54,414 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:15:54,681 : INFO : topic #25 (0.020): 0.031*\"ring\" + 0.019*\"area\" + 0.018*\"lagrang\" + 0.017*\"warmth\" + 0.016*\"mount\" + 0.013*\"palmer\" + 0.010*\"north\" + 0.009*\"foam\" + 0.009*\"nation\" + 0.009*\"lobe\"\n", - "2019-01-31 01:15:54,682 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.012*\"will\" + 0.012*\"david\" + 0.011*\"jame\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"paul\" + 0.008*\"georg\" + 0.008*\"slur\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:15:54,683 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.039*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.010*\"coalit\" + 0.010*\"nativist\" + 0.009*\"fleet\" + 0.008*\"bahá\"\n", - "2019-01-31 01:15:54,684 : INFO : topic #20 (0.020): 0.145*\"scholar\" + 0.039*\"struggl\" + 0.034*\"high\" + 0.030*\"educ\" + 0.025*\"collector\" + 0.017*\"yawn\" + 0.012*\"prognosi\" + 0.010*\"district\" + 0.010*\"gothic\" + 0.009*\"start\"\n", - "2019-01-31 01:15:54,685 : INFO : topic #24 (0.020): 0.038*\"book\" + 0.033*\"publicis\" + 0.029*\"word\" + 0.019*\"new\" + 0.015*\"edit\" + 0.013*\"presid\" + 0.013*\"arsen\" + 0.011*\"collect\" + 0.011*\"worldwid\" + 0.011*\"nicola\"\n", - "2019-01-31 01:15:54,691 : INFO : topic diff=0.003773, rho=0.024001\n", - "2019-01-31 01:15:54,843 : INFO : PROGRESS: pass 0, at document #3474000/4922894\n", - "2019-01-31 01:15:56,207 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:15:56,473 : INFO : topic #39 (0.020): 0.058*\"canada\" + 0.046*\"canadian\" + 0.023*\"toronto\" + 0.023*\"hoar\" + 0.020*\"ontario\" + 0.017*\"hydrogen\" + 0.016*\"new\" + 0.015*\"novotná\" + 0.014*\"misericordia\" + 0.013*\"quebec\"\n", - "2019-01-31 01:15:56,474 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.035*\"leagu\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.024*\"crete\" + 0.024*\"scientist\" + 0.022*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.013*\"schmitz\"\n", - "2019-01-31 01:15:56,475 : INFO : topic #47 (0.020): 0.062*\"muscl\" + 0.032*\"perceptu\" + 0.020*\"theater\" + 0.020*\"compos\" + 0.018*\"place\" + 0.014*\"damn\" + 0.014*\"orchestr\" + 0.013*\"physician\" + 0.012*\"olympo\" + 0.011*\"word\"\n", - "2019-01-31 01:15:56,476 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"help\" + 0.004*\"call\"\n", - "2019-01-31 01:15:56,477 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.022*\"cortic\" + 0.018*\"start\" + 0.017*\"act\" + 0.012*\"case\" + 0.012*\"ricardo\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.008*\"legal\" + 0.007*\"order\"\n", - "2019-01-31 01:15:56,483 : INFO : topic diff=0.003531, rho=0.023994\n", - "2019-01-31 01:15:56,637 : INFO : PROGRESS: pass 0, at document #3476000/4922894\n", - "2019-01-31 01:15:58,000 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:15:58,266 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.045*\"vigour\" + 0.043*\"popolo\" + 0.036*\"tortur\" + 0.035*\"cotton\" + 0.022*\"adulthood\" + 0.022*\"multitud\" + 0.022*\"area\" + 0.019*\"citi\" + 0.019*\"cede\"\n", - "2019-01-31 01:15:58,267 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.012*\"militari\" + 0.011*\"airbu\" + 0.010*\"diversifi\"\n", - "2019-01-31 01:15:58,269 : INFO : topic #29 (0.020): 0.030*\"companhia\" + 0.014*\"bank\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"market\" + 0.011*\"produc\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"oper\"\n", - "2019-01-31 01:15:58,270 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.012*\"will\" + 0.012*\"david\" + 0.011*\"jame\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"paul\" + 0.008*\"georg\" + 0.008*\"slur\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:15:58,271 : INFO : topic #28 (0.020): 0.034*\"build\" + 0.028*\"hous\" + 0.018*\"buford\" + 0.014*\"histor\" + 0.012*\"rivièr\" + 0.012*\"linear\" + 0.011*\"constitut\" + 0.011*\"briarwood\" + 0.011*\"silicon\" + 0.010*\"depress\"\n", - "2019-01-31 01:15:58,276 : INFO : topic diff=0.003653, rho=0.023987\n", - "2019-01-31 01:15:58,436 : INFO : PROGRESS: pass 0, at document #3478000/4922894\n", - "2019-01-31 01:15:59,832 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:16:00,099 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.027*\"final\" + 0.021*\"wife\" + 0.021*\"tourist\" + 0.018*\"champion\" + 0.016*\"taxpay\" + 0.015*\"martin\" + 0.015*\"tiepolo\" + 0.013*\"chamber\" + 0.013*\"women\"\n", - "2019-01-31 01:16:00,100 : INFO : topic #24 (0.020): 0.038*\"book\" + 0.033*\"publicis\" + 0.028*\"word\" + 0.019*\"new\" + 0.015*\"edit\" + 0.013*\"presid\" + 0.013*\"arsen\" + 0.011*\"collect\" + 0.011*\"worldwid\" + 0.011*\"nicola\"\n", - "2019-01-31 01:16:00,101 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.012*\"militari\" + 0.011*\"airbu\" + 0.010*\"diversifi\"\n", - "2019-01-31 01:16:00,102 : INFO : topic #47 (0.020): 0.061*\"muscl\" + 0.032*\"perceptu\" + 0.020*\"theater\" + 0.019*\"compos\" + 0.018*\"place\" + 0.014*\"damn\" + 0.014*\"orchestr\" + 0.013*\"physician\" + 0.012*\"olympo\" + 0.011*\"word\"\n", - "2019-01-31 01:16:00,104 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.012*\"will\" + 0.011*\"david\" + 0.011*\"jame\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"paul\" + 0.008*\"georg\" + 0.008*\"slur\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:16:00,109 : INFO : topic diff=0.004080, rho=0.023980\n", - "2019-01-31 01:16:02,859 : INFO : -11.986 per-word bound, 4057.6 perplexity estimate based on a held-out corpus of 2000 documents with 594242 words\n", - "2019-01-31 01:16:02,859 : INFO : PROGRESS: pass 0, at document #3480000/4922894\n", - "2019-01-31 01:16:04,257 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:16:04,523 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.048*\"franc\" + 0.032*\"pari\" + 0.022*\"jean\" + 0.021*\"sail\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 01:16:04,525 : INFO : topic #29 (0.020): 0.030*\"companhia\" + 0.014*\"bank\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"market\" + 0.011*\"produc\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 01:16:04,526 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.022*\"cathol\" + 0.022*\"christian\" + 0.021*\"bishop\" + 0.018*\"sail\" + 0.014*\"retroflex\" + 0.010*\"historiographi\" + 0.010*\"relationship\" + 0.009*\"cathedr\" + 0.009*\"poll\"\n", - "2019-01-31 01:16:04,527 : INFO : topic #16 (0.020): 0.056*\"king\" + 0.031*\"priest\" + 0.020*\"duke\" + 0.019*\"rotterdam\" + 0.018*\"quarterli\" + 0.017*\"idiosyncrat\" + 0.016*\"grammat\" + 0.015*\"kingdom\" + 0.014*\"portugues\" + 0.013*\"count\"\n", - "2019-01-31 01:16:04,528 : INFO : topic #45 (0.020): 0.027*\"arsen\" + 0.026*\"jpg\" + 0.024*\"fifteenth\" + 0.021*\"museo\" + 0.019*\"pain\" + 0.018*\"illicit\" + 0.014*\"colder\" + 0.014*\"gai\" + 0.012*\"black\" + 0.012*\"exhaust\"\n", - "2019-01-31 01:16:04,534 : INFO : topic diff=0.004051, rho=0.023973\n", - "2019-01-31 01:16:04,690 : INFO : PROGRESS: pass 0, at document #3482000/4922894\n", - "2019-01-31 01:16:06,044 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:16:06,310 : INFO : topic #47 (0.020): 0.061*\"muscl\" + 0.032*\"perceptu\" + 0.020*\"theater\" + 0.019*\"compos\" + 0.019*\"place\" + 0.014*\"damn\" + 0.014*\"orchestr\" + 0.013*\"physician\" + 0.012*\"olympo\" + 0.011*\"word\"\n", - "2019-01-31 01:16:06,311 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.009*\"vocabulari\"\n", - "2019-01-31 01:16:06,312 : INFO : topic #39 (0.020): 0.058*\"canada\" + 0.045*\"canadian\" + 0.023*\"toronto\" + 0.023*\"hoar\" + 0.020*\"ontario\" + 0.018*\"hydrogen\" + 0.016*\"new\" + 0.015*\"novotná\" + 0.013*\"quebec\" + 0.013*\"misericordia\"\n", - "2019-01-31 01:16:06,313 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.027*\"final\" + 0.022*\"wife\" + 0.020*\"tourist\" + 0.018*\"champion\" + 0.016*\"taxpay\" + 0.015*\"martin\" + 0.015*\"tiepolo\" + 0.013*\"chamber\" + 0.013*\"open\"\n", - "2019-01-31 01:16:06,314 : INFO : topic #42 (0.020): 0.049*\"german\" + 0.033*\"germani\" + 0.016*\"vol\" + 0.015*\"jewish\" + 0.015*\"israel\" + 0.014*\"berlin\" + 0.013*\"der\" + 0.010*\"european\" + 0.009*\"austria\" + 0.009*\"europ\"\n", - "2019-01-31 01:16:06,320 : INFO : topic diff=0.003648, rho=0.023966\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:16:06,480 : INFO : PROGRESS: pass 0, at document #3484000/4922894\n", - "2019-01-31 01:16:07,871 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:16:08,137 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"human\" + 0.007*\"summerhil\"\n", - "2019-01-31 01:16:08,138 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"help\" + 0.004*\"call\"\n", - "2019-01-31 01:16:08,139 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"hormon\" + 0.007*\"have\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 01:16:08,141 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.010*\"aza\" + 0.009*\"forc\" + 0.009*\"battalion\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.007*\"govern\" + 0.006*\"teufel\" + 0.006*\"militari\" + 0.006*\"pour\"\n", - "2019-01-31 01:16:08,142 : INFO : topic #31 (0.020): 0.049*\"fusiform\" + 0.026*\"scientist\" + 0.026*\"taxpay\" + 0.022*\"player\" + 0.019*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.012*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:16:08,148 : INFO : topic diff=0.003325, rho=0.023959\n", - "2019-01-31 01:16:08,304 : INFO : PROGRESS: pass 0, at document #3486000/4922894\n", - "2019-01-31 01:16:09,664 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:16:09,932 : INFO : topic #40 (0.020): 0.085*\"unit\" + 0.024*\"schuster\" + 0.022*\"institut\" + 0.021*\"collector\" + 0.021*\"requir\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"degre\" + 0.012*\"http\" + 0.011*\"word\"\n", - "2019-01-31 01:16:09,933 : INFO : topic #45 (0.020): 0.027*\"arsen\" + 0.026*\"jpg\" + 0.024*\"fifteenth\" + 0.021*\"museo\" + 0.018*\"pain\" + 0.018*\"illicit\" + 0.014*\"colder\" + 0.014*\"gai\" + 0.012*\"black\" + 0.012*\"exhaust\"\n", - "2019-01-31 01:16:09,934 : INFO : topic #34 (0.020): 0.069*\"start\" + 0.033*\"new\" + 0.032*\"american\" + 0.032*\"unionist\" + 0.024*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.011*\"citi\"\n", - "2019-01-31 01:16:09,935 : INFO : topic #24 (0.020): 0.038*\"book\" + 0.033*\"publicis\" + 0.028*\"word\" + 0.019*\"new\" + 0.015*\"edit\" + 0.013*\"presid\" + 0.013*\"arsen\" + 0.011*\"collect\" + 0.011*\"worldwid\" + 0.011*\"nicola\"\n", - "2019-01-31 01:16:09,936 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.022*\"cortic\" + 0.018*\"start\" + 0.017*\"act\" + 0.012*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.010*\"polaris\" + 0.009*\"order\" + 0.008*\"legal\"\n", - "2019-01-31 01:16:09,943 : INFO : topic diff=0.003374, rho=0.023953\n", - "2019-01-31 01:16:10,164 : INFO : PROGRESS: pass 0, at document #3488000/4922894\n", - "2019-01-31 01:16:11,524 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:16:11,790 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.028*\"final\" + 0.022*\"wife\" + 0.020*\"tourist\" + 0.018*\"champion\" + 0.017*\"taxpay\" + 0.015*\"martin\" + 0.015*\"tiepolo\" + 0.013*\"chamber\" + 0.013*\"women\"\n", - "2019-01-31 01:16:11,791 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.047*\"franc\" + 0.032*\"pari\" + 0.023*\"jean\" + 0.021*\"sail\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:16:11,792 : INFO : topic #14 (0.020): 0.023*\"forc\" + 0.022*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:16:11,794 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.019*\"factor\" + 0.012*\"genu\" + 0.012*\"plaisir\" + 0.009*\"western\" + 0.008*\"biom\" + 0.007*\"median\" + 0.007*\"feel\" + 0.007*\"male\" + 0.007*\"monument\"\n", - "2019-01-31 01:16:11,795 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.024*\"palmer\" + 0.021*\"new\" + 0.016*\"strategist\" + 0.013*\"open\" + 0.012*\"center\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.011*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:16:11,801 : INFO : topic diff=0.003362, rho=0.023946\n", - "2019-01-31 01:16:11,961 : INFO : PROGRESS: pass 0, at document #3490000/4922894\n", - "2019-01-31 01:16:13,341 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:16:13,608 : INFO : topic #40 (0.020): 0.085*\"unit\" + 0.024*\"schuster\" + 0.021*\"institut\" + 0.021*\"collector\" + 0.021*\"requir\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"degre\" + 0.012*\"http\" + 0.011*\"word\"\n", - "2019-01-31 01:16:13,609 : INFO : topic #24 (0.020): 0.038*\"book\" + 0.033*\"publicis\" + 0.028*\"word\" + 0.019*\"new\" + 0.015*\"edit\" + 0.013*\"presid\" + 0.013*\"arsen\" + 0.011*\"collect\" + 0.011*\"magazin\" + 0.011*\"worldwid\"\n", - "2019-01-31 01:16:13,610 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.047*\"franc\" + 0.032*\"pari\" + 0.023*\"jean\" + 0.021*\"sail\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:16:13,611 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.045*\"vigour\" + 0.044*\"popolo\" + 0.036*\"tortur\" + 0.035*\"cotton\" + 0.022*\"adulthood\" + 0.022*\"area\" + 0.021*\"multitud\" + 0.019*\"citi\" + 0.019*\"cede\"\n", - "2019-01-31 01:16:13,612 : INFO : topic #45 (0.020): 0.027*\"arsen\" + 0.026*\"jpg\" + 0.024*\"fifteenth\" + 0.021*\"museo\" + 0.018*\"pain\" + 0.018*\"illicit\" + 0.014*\"colder\" + 0.014*\"gai\" + 0.012*\"exhaust\" + 0.012*\"black\"\n", - "2019-01-31 01:16:13,618 : INFO : topic diff=0.002982, rho=0.023939\n", - "2019-01-31 01:16:13,771 : INFO : PROGRESS: pass 0, at document #3492000/4922894\n", - "2019-01-31 01:16:15,131 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:16:15,397 : INFO : topic #0 (0.020): 0.066*\"statewid\" + 0.043*\"line\" + 0.034*\"raid\" + 0.026*\"rosenwald\" + 0.020*\"traceabl\" + 0.020*\"serv\" + 0.019*\"rivièr\" + 0.016*\"airmen\" + 0.014*\"oper\" + 0.011*\"transient\"\n", - "2019-01-31 01:16:15,398 : INFO : topic #26 (0.020): 0.029*\"workplac\" + 0.029*\"champion\" + 0.027*\"woman\" + 0.024*\"men\" + 0.024*\"olymp\" + 0.022*\"medal\" + 0.021*\"event\" + 0.019*\"atheist\" + 0.018*\"rainfal\" + 0.018*\"taxpay\"\n", - "2019-01-31 01:16:15,400 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.019*\"area\" + 0.019*\"lagrang\" + 0.017*\"warmth\" + 0.016*\"mount\" + 0.012*\"palmer\" + 0.010*\"north\" + 0.009*\"foam\" + 0.009*\"nation\" + 0.009*\"sourc\"\n", - "2019-01-31 01:16:15,401 : INFO : topic #28 (0.020): 0.033*\"build\" + 0.028*\"hous\" + 0.018*\"buford\" + 0.014*\"histor\" + 0.012*\"linear\" + 0.012*\"rivièr\" + 0.011*\"constitut\" + 0.011*\"briarwood\" + 0.010*\"silicon\" + 0.010*\"depress\"\n", - "2019-01-31 01:16:15,402 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.009*\"myspac\"\n", - "2019-01-31 01:16:15,408 : INFO : topic diff=0.004041, rho=0.023932\n", - "2019-01-31 01:16:15,563 : INFO : PROGRESS: pass 0, at document #3494000/4922894\n", - "2019-01-31 01:16:16,925 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:16:17,191 : INFO : topic #47 (0.020): 0.060*\"muscl\" + 0.032*\"perceptu\" + 0.020*\"theater\" + 0.019*\"compos\" + 0.018*\"place\" + 0.014*\"orchestr\" + 0.013*\"damn\" + 0.013*\"physician\" + 0.012*\"olympo\" + 0.011*\"word\"\n", - "2019-01-31 01:16:17,192 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"deal\" + 0.012*\"john\"\n", - "2019-01-31 01:16:17,194 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.022*\"cortic\" + 0.018*\"start\" + 0.017*\"act\" + 0.012*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.010*\"polaris\" + 0.009*\"order\" + 0.008*\"legal\"\n", - "2019-01-31 01:16:17,195 : INFO : topic #6 (0.020): 0.069*\"fewer\" + 0.024*\"epiru\" + 0.020*\"septemb\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.012*\"rodríguez\" + 0.011*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:16:17,196 : INFO : topic #14 (0.020): 0.023*\"forc\" + 0.022*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:16:17,201 : INFO : topic diff=0.004123, rho=0.023925\n", - "2019-01-31 01:16:17,362 : INFO : PROGRESS: pass 0, at document #3496000/4922894\n", - "2019-01-31 01:16:18,772 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:16:19,039 : INFO : topic #2 (0.020): 0.050*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.009*\"fleet\" + 0.008*\"bahá\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:16:19,040 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.019*\"area\" + 0.019*\"lagrang\" + 0.017*\"warmth\" + 0.016*\"mount\" + 0.012*\"palmer\" + 0.010*\"north\" + 0.009*\"foam\" + 0.009*\"nation\" + 0.009*\"sourc\"\n", - "2019-01-31 01:16:19,041 : INFO : topic #20 (0.020): 0.145*\"scholar\" + 0.039*\"struggl\" + 0.034*\"high\" + 0.030*\"educ\" + 0.024*\"collector\" + 0.017*\"yawn\" + 0.012*\"prognosi\" + 0.010*\"district\" + 0.010*\"gothic\" + 0.010*\"pseudo\"\n", - "2019-01-31 01:16:19,043 : INFO : topic #24 (0.020): 0.038*\"book\" + 0.033*\"publicis\" + 0.028*\"word\" + 0.019*\"new\" + 0.015*\"edit\" + 0.013*\"presid\" + 0.013*\"arsen\" + 0.011*\"collect\" + 0.011*\"magazin\" + 0.011*\"worldwid\"\n", - "2019-01-31 01:16:19,043 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"gener\" + 0.006*\"exampl\" + 0.006*\"poet\" + 0.006*\"servitud\" + 0.006*\"measur\" + 0.006*\"southern\" + 0.006*\"théori\" + 0.006*\"utopian\"\n", - "2019-01-31 01:16:19,049 : INFO : topic diff=0.004156, rho=0.023918\n", - "2019-01-31 01:16:19,208 : INFO : PROGRESS: pass 0, at document #3498000/4922894\n", - "2019-01-31 01:16:20,571 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:16:20,837 : INFO : topic #17 (0.020): 0.078*\"church\" + 0.022*\"cathol\" + 0.022*\"christian\" + 0.021*\"bishop\" + 0.017*\"sail\" + 0.014*\"retroflex\" + 0.010*\"historiographi\" + 0.010*\"relationship\" + 0.009*\"cathedr\" + 0.009*\"poll\"\n", - "2019-01-31 01:16:20,838 : INFO : topic #42 (0.020): 0.049*\"german\" + 0.033*\"germani\" + 0.016*\"vol\" + 0.015*\"jewish\" + 0.014*\"israel\" + 0.014*\"berlin\" + 0.013*\"der\" + 0.010*\"european\" + 0.009*\"austria\" + 0.009*\"europ\"\n", - "2019-01-31 01:16:20,839 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.026*\"offic\" + 0.025*\"nation\" + 0.023*\"minist\" + 0.023*\"govern\" + 0.020*\"member\" + 0.017*\"serv\" + 0.016*\"start\" + 0.016*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:16:20,840 : INFO : topic #23 (0.020): 0.135*\"audit\" + 0.068*\"best\" + 0.033*\"yawn\" + 0.028*\"jacksonvil\" + 0.023*\"japanes\" + 0.022*\"noll\" + 0.019*\"festiv\" + 0.018*\"women\" + 0.018*\"intern\" + 0.013*\"winner\"\n", - "2019-01-31 01:16:20,841 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"prognosi\" + 0.010*\"pop\" + 0.009*\"softwar\" + 0.009*\"cytokin\" + 0.008*\"develop\" + 0.008*\"user\" + 0.008*\"uruguayan\" + 0.007*\"championship\" + 0.007*\"diggin\"\n", - "2019-01-31 01:16:20,847 : INFO : topic diff=0.003952, rho=0.023911\n", - "2019-01-31 01:16:23,506 : INFO : -11.620 per-word bound, 3147.9 perplexity estimate based on a held-out corpus of 2000 documents with 553231 words\n", - "2019-01-31 01:16:23,506 : INFO : PROGRESS: pass 0, at document #3500000/4922894\n", - "2019-01-31 01:16:24,876 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:16:25,142 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.038*\"shield\" + 0.017*\"narrat\" + 0.014*\"scot\" + 0.012*\"blur\" + 0.012*\"pope\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.009*\"fleet\" + 0.008*\"bahá\"\n", - "2019-01-31 01:16:25,143 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.019*\"area\" + 0.019*\"lagrang\" + 0.017*\"warmth\" + 0.015*\"mount\" + 0.012*\"palmer\" + 0.010*\"north\" + 0.009*\"foam\" + 0.009*\"nation\" + 0.009*\"lobe\"\n", - "2019-01-31 01:16:25,145 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.008*\"have\" + 0.007*\"hormon\" + 0.007*\"caus\" + 0.007*\"pathwai\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 01:16:25,146 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.013*\"bank\" + 0.012*\"million\" + 0.011*\"market\" + 0.010*\"produc\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 01:16:25,147 : INFO : topic #27 (0.020): 0.072*\"questionnair\" + 0.019*\"candid\" + 0.019*\"taxpay\" + 0.014*\"driver\" + 0.013*\"ret\" + 0.012*\"fool\" + 0.012*\"find\" + 0.012*\"tornado\" + 0.010*\"squatter\" + 0.010*\"théori\"\n", - "2019-01-31 01:16:25,153 : INFO : topic diff=0.003629, rho=0.023905\n", - "2019-01-31 01:16:25,310 : INFO : PROGRESS: pass 0, at document #3502000/4922894\n", - "2019-01-31 01:16:26,679 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:16:26,945 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.019*\"area\" + 0.019*\"lagrang\" + 0.017*\"warmth\" + 0.015*\"mount\" + 0.012*\"palmer\" + 0.010*\"north\" + 0.009*\"foam\" + 0.009*\"nation\" + 0.009*\"lobe\"\n", - "2019-01-31 01:16:26,946 : INFO : topic #9 (0.020): 0.068*\"bone\" + 0.045*\"american\" + 0.031*\"valour\" + 0.020*\"dutch\" + 0.019*\"folei\" + 0.018*\"player\" + 0.016*\"polit\" + 0.015*\"english\" + 0.013*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:16:26,948 : INFO : topic #28 (0.020): 0.033*\"build\" + 0.028*\"hous\" + 0.018*\"buford\" + 0.014*\"histor\" + 0.012*\"linear\" + 0.011*\"rivièr\" + 0.011*\"constitut\" + 0.010*\"silicon\" + 0.010*\"briarwood\" + 0.010*\"depress\"\n", - "2019-01-31 01:16:26,949 : INFO : topic #30 (0.020): 0.035*\"cleveland\" + 0.035*\"leagu\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.024*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.013*\"schmitz\"\n", - "2019-01-31 01:16:26,950 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"prognosi\" + 0.010*\"pop\" + 0.009*\"softwar\" + 0.008*\"cytokin\" + 0.008*\"develop\" + 0.008*\"user\" + 0.008*\"uruguayan\" + 0.007*\"championship\" + 0.007*\"diggin\"\n", - "2019-01-31 01:16:26,956 : INFO : topic diff=0.003244, rho=0.023898\n", - "2019-01-31 01:16:27,110 : INFO : PROGRESS: pass 0, at document #3504000/4922894\n", - "2019-01-31 01:16:28,467 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:16:28,734 : INFO : topic #43 (0.020): 0.065*\"elect\" + 0.055*\"parti\" + 0.025*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.014*\"seaport\" + 0.014*\"report\" + 0.013*\"bypass\"\n", - "2019-01-31 01:16:28,735 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.019*\"area\" + 0.019*\"lagrang\" + 0.017*\"warmth\" + 0.016*\"mount\" + 0.012*\"palmer\" + 0.010*\"north\" + 0.009*\"foam\" + 0.009*\"lobe\" + 0.009*\"sourc\"\n", - "2019-01-31 01:16:28,736 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.047*\"chilton\" + 0.024*\"kong\" + 0.024*\"hong\" + 0.021*\"korea\" + 0.017*\"korean\" + 0.015*\"shirin\" + 0.015*\"sourc\" + 0.014*\"leah\" + 0.012*\"kim\"\n", - "2019-01-31 01:16:28,737 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.021*\"armi\" + 0.021*\"walter\" + 0.018*\"com\" + 0.014*\"unionist\" + 0.013*\"oper\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.010*\"diversifi\"\n", - "2019-01-31 01:16:28,738 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.012*\"will\" + 0.012*\"david\" + 0.011*\"jame\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"paul\" + 0.008*\"georg\" + 0.008*\"slur\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:16:28,744 : INFO : topic diff=0.003516, rho=0.023891\n", - "2019-01-31 01:16:28,898 : INFO : PROGRESS: pass 0, at document #3506000/4922894\n", - "2019-01-31 01:16:30,236 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:16:30,502 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.047*\"chilton\" + 0.024*\"kong\" + 0.024*\"hong\" + 0.021*\"korea\" + 0.017*\"korean\" + 0.015*\"shirin\" + 0.015*\"sourc\" + 0.014*\"leah\" + 0.012*\"kim\"\n", - "2019-01-31 01:16:30,503 : INFO : topic #39 (0.020): 0.058*\"canada\" + 0.045*\"canadian\" + 0.023*\"toronto\" + 0.022*\"hoar\" + 0.021*\"ontario\" + 0.017*\"hydrogen\" + 0.015*\"new\" + 0.015*\"novotná\" + 0.014*\"misericordia\" + 0.013*\"quebec\"\n", - "2019-01-31 01:16:30,504 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.019*\"area\" + 0.019*\"lagrang\" + 0.017*\"warmth\" + 0.016*\"mount\" + 0.012*\"palmer\" + 0.010*\"north\" + 0.009*\"foam\" + 0.009*\"sourc\" + 0.009*\"lobe\"\n", - "2019-01-31 01:16:30,505 : INFO : topic #26 (0.020): 0.029*\"workplac\" + 0.029*\"champion\" + 0.027*\"woman\" + 0.025*\"men\" + 0.025*\"olymp\" + 0.021*\"medal\" + 0.021*\"event\" + 0.019*\"atheist\" + 0.018*\"rainfal\" + 0.018*\"taxpay\"\n", - "2019-01-31 01:16:30,506 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.027*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.009*\"myspac\"\n", - "2019-01-31 01:16:30,512 : INFO : topic diff=0.003585, rho=0.023884\n", - "2019-01-31 01:16:30,662 : INFO : PROGRESS: pass 0, at document #3508000/4922894\n", - "2019-01-31 01:16:31,974 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:16:32,243 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.023*\"cortic\" + 0.018*\"start\" + 0.016*\"act\" + 0.012*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.009*\"legal\" + 0.008*\"order\"\n", - "2019-01-31 01:16:32,244 : INFO : topic #31 (0.020): 0.050*\"fusiform\" + 0.028*\"scientist\" + 0.026*\"taxpay\" + 0.022*\"player\" + 0.019*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.012*\"folei\" + 0.010*\"yawn\" + 0.010*\"reconstruct\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:16:32,245 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"prognosi\" + 0.010*\"pop\" + 0.009*\"softwar\" + 0.008*\"cytokin\" + 0.008*\"develop\" + 0.008*\"user\" + 0.008*\"uruguayan\" + 0.007*\"diggin\" + 0.007*\"championship\"\n", - "2019-01-31 01:16:32,246 : INFO : topic #20 (0.020): 0.146*\"scholar\" + 0.039*\"struggl\" + 0.034*\"high\" + 0.030*\"educ\" + 0.024*\"collector\" + 0.017*\"yawn\" + 0.012*\"prognosi\" + 0.010*\"district\" + 0.010*\"gothic\" + 0.010*\"task\"\n", - "2019-01-31 01:16:32,247 : INFO : topic #42 (0.020): 0.049*\"german\" + 0.033*\"germani\" + 0.016*\"vol\" + 0.014*\"israel\" + 0.014*\"jewish\" + 0.013*\"berlin\" + 0.013*\"der\" + 0.010*\"european\" + 0.009*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:16:32,253 : INFO : topic diff=0.004287, rho=0.023877\n", - "2019-01-31 01:16:32,412 : INFO : PROGRESS: pass 0, at document #3510000/4922894\n", - "2019-01-31 01:16:33,802 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:16:34,069 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"daughter\" + 0.012*\"deal\"\n", - "2019-01-31 01:16:34,070 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.018*\"factor\" + 0.011*\"plaisir\" + 0.011*\"genu\" + 0.009*\"western\" + 0.009*\"biom\" + 0.007*\"median\" + 0.007*\"feel\" + 0.007*\"male\" + 0.007*\"monument\"\n", - "2019-01-31 01:16:34,071 : INFO : topic #48 (0.020): 0.080*\"sens\" + 0.079*\"march\" + 0.077*\"octob\" + 0.073*\"juli\" + 0.072*\"januari\" + 0.071*\"august\" + 0.070*\"judici\" + 0.069*\"april\" + 0.069*\"notion\" + 0.066*\"decatur\"\n", - "2019-01-31 01:16:34,072 : INFO : topic #0 (0.020): 0.066*\"statewid\" + 0.043*\"line\" + 0.033*\"raid\" + 0.028*\"rosenwald\" + 0.020*\"rivièr\" + 0.020*\"traceabl\" + 0.019*\"serv\" + 0.017*\"airmen\" + 0.014*\"oper\" + 0.010*\"transient\"\n", - "2019-01-31 01:16:34,073 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.008*\"empath\" + 0.007*\"armi\" + 0.007*\"teufel\" + 0.006*\"till\" + 0.006*\"govern\" + 0.006*\"pour\"\n", - "2019-01-31 01:16:34,079 : INFO : topic diff=0.003441, rho=0.023870\n", - "2019-01-31 01:16:34,238 : INFO : PROGRESS: pass 0, at document #3512000/4922894\n", - "2019-01-31 01:16:35,636 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:16:35,903 : INFO : topic #47 (0.020): 0.061*\"muscl\" + 0.032*\"perceptu\" + 0.020*\"theater\" + 0.019*\"place\" + 0.018*\"compos\" + 0.014*\"damn\" + 0.014*\"orchestr\" + 0.012*\"physician\" + 0.012*\"olympo\" + 0.011*\"word\"\n", - "2019-01-31 01:16:35,904 : INFO : topic #20 (0.020): 0.147*\"scholar\" + 0.040*\"struggl\" + 0.034*\"high\" + 0.030*\"educ\" + 0.024*\"collector\" + 0.018*\"yawn\" + 0.012*\"prognosi\" + 0.010*\"task\" + 0.010*\"district\" + 0.010*\"gothic\"\n", - "2019-01-31 01:16:35,905 : INFO : topic #42 (0.020): 0.049*\"german\" + 0.033*\"germani\" + 0.016*\"vol\" + 0.014*\"jewish\" + 0.014*\"israel\" + 0.014*\"berlin\" + 0.013*\"der\" + 0.010*\"european\" + 0.009*\"austria\" + 0.009*\"europ\"\n", - "2019-01-31 01:16:35,906 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.023*\"cortic\" + 0.018*\"start\" + 0.016*\"act\" + 0.012*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.008*\"legal\" + 0.008*\"order\"\n", - "2019-01-31 01:16:35,907 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.039*\"shield\" + 0.017*\"narrat\" + 0.014*\"scot\" + 0.012*\"blur\" + 0.012*\"pope\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.010*\"fleet\" + 0.009*\"bahá\"\n", - "2019-01-31 01:16:35,913 : INFO : topic diff=0.004478, rho=0.023864\n", - "2019-01-31 01:16:36,072 : INFO : PROGRESS: pass 0, at document #3514000/4922894\n", - "2019-01-31 01:16:37,452 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:16:37,718 : INFO : topic #33 (0.020): 0.063*\"french\" + 0.047*\"franc\" + 0.032*\"pari\" + 0.023*\"jean\" + 0.021*\"sail\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:16:37,719 : INFO : topic #40 (0.020): 0.085*\"unit\" + 0.024*\"schuster\" + 0.021*\"institut\" + 0.021*\"requir\" + 0.020*\"collector\" + 0.019*\"student\" + 0.015*\"professor\" + 0.012*\"degre\" + 0.012*\"http\" + 0.011*\"word\"\n", - "2019-01-31 01:16:37,720 : INFO : topic #16 (0.020): 0.056*\"king\" + 0.030*\"priest\" + 0.020*\"rotterdam\" + 0.020*\"duke\" + 0.018*\"quarterli\" + 0.018*\"grammat\" + 0.016*\"idiosyncrat\" + 0.015*\"kingdom\" + 0.013*\"portugues\" + 0.013*\"count\"\n", - "2019-01-31 01:16:37,722 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.011*\"septemb\" + 0.010*\"anim\" + 0.009*\"man\" + 0.009*\"comic\" + 0.007*\"storag\" + 0.007*\"appear\" + 0.006*\"workplac\" + 0.006*\"fusiform\" + 0.006*\"vision\"\n", - "2019-01-31 01:16:37,723 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:16:37,729 : INFO : topic diff=0.003138, rho=0.023857\n", - "2019-01-31 01:16:37,885 : INFO : PROGRESS: pass 0, at document #3516000/4922894\n", - "2019-01-31 01:16:39,262 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:16:39,529 : INFO : topic #47 (0.020): 0.060*\"muscl\" + 0.032*\"perceptu\" + 0.020*\"theater\" + 0.019*\"place\" + 0.018*\"compos\" + 0.014*\"orchestr\" + 0.014*\"damn\" + 0.013*\"olympo\" + 0.012*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 01:16:39,530 : INFO : topic #42 (0.020): 0.049*\"german\" + 0.033*\"germani\" + 0.015*\"vol\" + 0.014*\"jewish\" + 0.014*\"israel\" + 0.014*\"berlin\" + 0.013*\"der\" + 0.010*\"european\" + 0.009*\"austria\" + 0.009*\"europ\"\n", - "2019-01-31 01:16:39,531 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.013*\"bank\" + 0.012*\"million\" + 0.011*\"market\" + 0.010*\"produc\" + 0.010*\"industri\" + 0.009*\"manag\" + 0.008*\"yawn\" + 0.007*\"trace\"\n", - "2019-01-31 01:16:39,532 : INFO : topic #24 (0.020): 0.038*\"book\" + 0.033*\"publicis\" + 0.028*\"word\" + 0.019*\"new\" + 0.015*\"edit\" + 0.013*\"presid\" + 0.012*\"arsen\" + 0.011*\"collect\" + 0.011*\"magazin\" + 0.011*\"worldwid\"\n", - "2019-01-31 01:16:39,534 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.008*\"have\" + 0.008*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"effect\" + 0.006*\"proper\" + 0.006*\"treat\"\n", - "2019-01-31 01:16:39,540 : INFO : topic diff=0.003031, rho=0.023850\n", - "2019-01-31 01:16:39,760 : INFO : PROGRESS: pass 0, at document #3518000/4922894\n", - "2019-01-31 01:16:41,175 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:16:41,442 : INFO : topic #20 (0.020): 0.146*\"scholar\" + 0.040*\"struggl\" + 0.034*\"high\" + 0.030*\"educ\" + 0.025*\"collector\" + 0.018*\"yawn\" + 0.012*\"prognosi\" + 0.010*\"task\" + 0.010*\"district\" + 0.010*\"gothic\"\n", - "2019-01-31 01:16:41,443 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.045*\"vigour\" + 0.043*\"popolo\" + 0.037*\"cotton\" + 0.035*\"tortur\" + 0.024*\"toni\" + 0.022*\"multitud\" + 0.021*\"adulthood\" + 0.021*\"area\" + 0.020*\"citi\"\n", - "2019-01-31 01:16:41,444 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.024*\"palmer\" + 0.021*\"new\" + 0.017*\"strategist\" + 0.013*\"open\" + 0.012*\"center\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.011*\"dai\" + 0.009*\"local\"\n", - "2019-01-31 01:16:41,445 : INFO : topic #28 (0.020): 0.033*\"build\" + 0.028*\"hous\" + 0.019*\"buford\" + 0.014*\"histor\" + 0.011*\"linear\" + 0.011*\"rivièr\" + 0.011*\"constitut\" + 0.011*\"briarwood\" + 0.011*\"silicon\" + 0.010*\"depress\"\n", - "2019-01-31 01:16:41,446 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.027*\"final\" + 0.023*\"wife\" + 0.020*\"tourist\" + 0.018*\"champion\" + 0.016*\"taxpay\" + 0.015*\"martin\" + 0.014*\"tiepolo\" + 0.013*\"chamber\" + 0.013*\"women\"\n", - "2019-01-31 01:16:41,452 : INFO : topic diff=0.003552, rho=0.023843\n", - "2019-01-31 01:16:44,061 : INFO : -11.537 per-word bound, 2972.2 perplexity estimate based on a held-out corpus of 2000 documents with 552961 words\n", - "2019-01-31 01:16:44,061 : INFO : PROGRESS: pass 0, at document #3520000/4922894\n", - "2019-01-31 01:16:45,405 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:16:45,672 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.023*\"cortic\" + 0.018*\"start\" + 0.016*\"act\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.008*\"legal\" + 0.008*\"order\"\n", - "2019-01-31 01:16:45,673 : INFO : topic #20 (0.020): 0.145*\"scholar\" + 0.040*\"struggl\" + 0.033*\"high\" + 0.030*\"educ\" + 0.024*\"collector\" + 0.018*\"yawn\" + 0.012*\"prognosi\" + 0.010*\"district\" + 0.010*\"task\" + 0.010*\"gothic\"\n", - "2019-01-31 01:16:45,674 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.021*\"aggress\" + 0.021*\"walter\" + 0.021*\"armi\" + 0.018*\"com\" + 0.013*\"unionist\" + 0.013*\"oper\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.010*\"diversifi\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:16:45,676 : INFO : topic #21 (0.020): 0.033*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.018*\"mexico\" + 0.016*\"italian\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"carlo\" + 0.011*\"mexican\"\n", - "2019-01-31 01:16:45,677 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.023*\"christian\" + 0.022*\"cathol\" + 0.021*\"bishop\" + 0.017*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.010*\"historiographi\" + 0.009*\"cathedr\" + 0.009*\"poll\"\n", - "2019-01-31 01:16:45,683 : INFO : topic diff=0.004242, rho=0.023837\n", - "2019-01-31 01:16:45,837 : INFO : PROGRESS: pass 0, at document #3522000/4922894\n", - "2019-01-31 01:16:47,191 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:16:47,458 : INFO : topic #47 (0.020): 0.061*\"muscl\" + 0.032*\"perceptu\" + 0.020*\"theater\" + 0.019*\"place\" + 0.018*\"compos\" + 0.014*\"orchestr\" + 0.014*\"damn\" + 0.013*\"olympo\" + 0.012*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 01:16:47,459 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"bank\" + 0.012*\"million\" + 0.011*\"market\" + 0.010*\"produc\" + 0.010*\"industri\" + 0.009*\"manag\" + 0.008*\"yawn\" + 0.007*\"trace\"\n", - "2019-01-31 01:16:47,460 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.032*\"incumb\" + 0.014*\"pakistan\" + 0.013*\"islam\" + 0.011*\"anglo\" + 0.011*\"muskoge\" + 0.010*\"televis\" + 0.010*\"khalsa\" + 0.010*\"alam\" + 0.009*\"tajikistan\"\n", - "2019-01-31 01:16:47,461 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.025*\"offic\" + 0.025*\"nation\" + 0.024*\"minist\" + 0.023*\"govern\" + 0.020*\"member\" + 0.020*\"serv\" + 0.016*\"start\" + 0.016*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:16:47,462 : INFO : topic #13 (0.020): 0.026*\"australia\" + 0.026*\"sourc\" + 0.025*\"london\" + 0.025*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.020*\"british\" + 0.019*\"ireland\" + 0.016*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 01:16:47,468 : INFO : topic diff=0.003727, rho=0.023830\n", - "2019-01-31 01:16:47,625 : INFO : PROGRESS: pass 0, at document #3524000/4922894\n", - "2019-01-31 01:16:48,999 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:16:49,266 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.031*\"incumb\" + 0.014*\"pakistan\" + 0.014*\"islam\" + 0.011*\"anglo\" + 0.011*\"muskoge\" + 0.010*\"televis\" + 0.010*\"khalsa\" + 0.010*\"alam\" + 0.009*\"affection\"\n", - "2019-01-31 01:16:49,267 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.025*\"offic\" + 0.025*\"nation\" + 0.023*\"minist\" + 0.023*\"govern\" + 0.020*\"member\" + 0.020*\"serv\" + 0.016*\"start\" + 0.016*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:16:49,268 : INFO : topic #30 (0.020): 0.035*\"leagu\" + 0.035*\"cleveland\" + 0.030*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.024*\"crete\" + 0.022*\"folei\" + 0.017*\"goal\" + 0.016*\"martin\" + 0.013*\"schmitz\"\n", - "2019-01-31 01:16:49,269 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.006*\"poet\" + 0.006*\"exampl\" + 0.006*\"servitud\" + 0.006*\"measur\" + 0.006*\"southern\" + 0.006*\"théori\" + 0.005*\"utopian\"\n", - "2019-01-31 01:16:49,271 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"bank\" + 0.012*\"million\" + 0.011*\"market\" + 0.010*\"produc\" + 0.010*\"industri\" + 0.009*\"manag\" + 0.008*\"yawn\" + 0.007*\"trace\"\n", - "2019-01-31 01:16:49,277 : INFO : topic diff=0.003460, rho=0.023823\n", - "2019-01-31 01:16:49,437 : INFO : PROGRESS: pass 0, at document #3526000/4922894\n", - "2019-01-31 01:16:50,830 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:16:51,097 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"daughter\" + 0.012*\"deal\"\n", - "2019-01-31 01:16:51,098 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.023*\"christian\" + 0.022*\"cathol\" + 0.021*\"bishop\" + 0.018*\"sail\" + 0.014*\"retroflex\" + 0.010*\"relationship\" + 0.009*\"historiographi\" + 0.009*\"poll\" + 0.009*\"cathedr\"\n", - "2019-01-31 01:16:51,099 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.027*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.009*\"vocabulari\"\n", - "2019-01-31 01:16:51,100 : INFO : topic #20 (0.020): 0.144*\"scholar\" + 0.039*\"struggl\" + 0.033*\"high\" + 0.030*\"educ\" + 0.024*\"collector\" + 0.018*\"yawn\" + 0.012*\"prognosi\" + 0.010*\"district\" + 0.010*\"gothic\" + 0.010*\"task\"\n", - "2019-01-31 01:16:51,102 : INFO : topic #31 (0.020): 0.050*\"fusiform\" + 0.028*\"scientist\" + 0.026*\"taxpay\" + 0.023*\"player\" + 0.019*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.010*\"reconstruct\"\n", - "2019-01-31 01:16:51,107 : INFO : topic diff=0.003938, rho=0.023816\n", - "2019-01-31 01:16:51,268 : INFO : PROGRESS: pass 0, at document #3528000/4922894\n", - "2019-01-31 01:16:52,675 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:16:52,941 : INFO : topic #26 (0.020): 0.029*\"champion\" + 0.029*\"workplac\" + 0.027*\"woman\" + 0.025*\"men\" + 0.025*\"olymp\" + 0.021*\"event\" + 0.021*\"medal\" + 0.019*\"atheist\" + 0.018*\"taxpay\" + 0.018*\"rainfal\"\n", - "2019-01-31 01:16:52,942 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.008*\"english\" + 0.008*\"trade\" + 0.007*\"known\" + 0.007*\"ancestor\"\n", - "2019-01-31 01:16:52,943 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.024*\"palmer\" + 0.021*\"new\" + 0.017*\"strategist\" + 0.013*\"open\" + 0.012*\"center\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.011*\"dai\" + 0.009*\"local\"\n", - "2019-01-31 01:16:52,945 : INFO : topic #47 (0.020): 0.061*\"muscl\" + 0.032*\"perceptu\" + 0.020*\"theater\" + 0.018*\"place\" + 0.018*\"compos\" + 0.014*\"damn\" + 0.014*\"orchestr\" + 0.013*\"olympo\" + 0.013*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 01:16:52,946 : INFO : topic #31 (0.020): 0.050*\"fusiform\" + 0.028*\"scientist\" + 0.026*\"taxpay\" + 0.023*\"player\" + 0.019*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:16:52,952 : INFO : topic diff=0.003878, rho=0.023810\n", - "2019-01-31 01:16:53,108 : INFO : PROGRESS: pass 0, at document #3530000/4922894\n", - "2019-01-31 01:16:54,485 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:16:54,752 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.022*\"cortic\" + 0.017*\"start\" + 0.017*\"act\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.010*\"order\" + 0.009*\"polaris\" + 0.008*\"legal\"\n", - "2019-01-31 01:16:54,753 : INFO : topic #46 (0.020): 0.018*\"stop\" + 0.017*\"sweden\" + 0.016*\"norwai\" + 0.014*\"swedish\" + 0.014*\"damag\" + 0.013*\"wind\" + 0.012*\"norwegian\" + 0.012*\"denmark\" + 0.011*\"treeless\" + 0.011*\"huntsvil\"\n", - "2019-01-31 01:16:54,754 : INFO : topic #16 (0.020): 0.056*\"king\" + 0.030*\"priest\" + 0.021*\"duke\" + 0.020*\"rotterdam\" + 0.018*\"quarterli\" + 0.018*\"grammat\" + 0.016*\"idiosyncrat\" + 0.015*\"kingdom\" + 0.013*\"count\" + 0.012*\"portugues\"\n", - "2019-01-31 01:16:54,755 : INFO : topic #45 (0.020): 0.028*\"arsen\" + 0.026*\"jpg\" + 0.024*\"fifteenth\" + 0.021*\"museo\" + 0.019*\"illicit\" + 0.018*\"pain\" + 0.015*\"colder\" + 0.014*\"gai\" + 0.012*\"black\" + 0.012*\"exhaust\"\n", - "2019-01-31 01:16:54,756 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.010*\"prognosi\" + 0.010*\"pop\" + 0.008*\"cytokin\" + 0.008*\"softwar\" + 0.008*\"develop\" + 0.008*\"user\" + 0.008*\"uruguayan\" + 0.007*\"diggin\" + 0.007*\"brio\"\n", - "2019-01-31 01:16:54,762 : INFO : topic diff=0.003643, rho=0.023803\n", - "2019-01-31 01:16:54,923 : INFO : PROGRESS: pass 0, at document #3532000/4922894\n", - "2019-01-31 01:16:56,329 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:16:56,596 : INFO : topic #32 (0.020): 0.049*\"district\" + 0.045*\"vigour\" + 0.043*\"popolo\" + 0.036*\"cotton\" + 0.035*\"tortur\" + 0.022*\"toni\" + 0.022*\"multitud\" + 0.022*\"adulthood\" + 0.021*\"area\" + 0.020*\"citi\"\n", - "2019-01-31 01:16:56,597 : INFO : topic #45 (0.020): 0.028*\"arsen\" + 0.026*\"jpg\" + 0.024*\"fifteenth\" + 0.021*\"museo\" + 0.019*\"illicit\" + 0.018*\"pain\" + 0.015*\"colder\" + 0.013*\"gai\" + 0.013*\"black\" + 0.012*\"exhaust\"\n", - "2019-01-31 01:16:56,598 : INFO : topic #27 (0.020): 0.073*\"questionnair\" + 0.019*\"taxpay\" + 0.018*\"candid\" + 0.016*\"ret\" + 0.014*\"driver\" + 0.012*\"find\" + 0.012*\"fool\" + 0.011*\"tornado\" + 0.010*\"squatter\" + 0.010*\"landslid\"\n", - "2019-01-31 01:16:56,599 : INFO : topic #48 (0.020): 0.078*\"sens\" + 0.078*\"march\" + 0.076*\"octob\" + 0.071*\"juli\" + 0.069*\"august\" + 0.069*\"januari\" + 0.068*\"notion\" + 0.067*\"april\" + 0.067*\"judici\" + 0.065*\"decatur\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:16:56,600 : INFO : topic #13 (0.020): 0.027*\"australia\" + 0.026*\"sourc\" + 0.025*\"london\" + 0.025*\"new\" + 0.024*\"england\" + 0.023*\"australian\" + 0.020*\"british\" + 0.019*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:16:56,605 : INFO : topic diff=0.004546, rho=0.023796\n", - "2019-01-31 01:16:56,762 : INFO : PROGRESS: pass 0, at document #3534000/4922894\n", - "2019-01-31 01:16:58,142 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:16:58,408 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.045*\"vigour\" + 0.043*\"popolo\" + 0.036*\"cotton\" + 0.035*\"tortur\" + 0.022*\"multitud\" + 0.022*\"toni\" + 0.022*\"adulthood\" + 0.021*\"area\" + 0.020*\"citi\"\n", - "2019-01-31 01:16:58,409 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.032*\"incumb\" + 0.014*\"pakistan\" + 0.013*\"islam\" + 0.011*\"anglo\" + 0.011*\"muskoge\" + 0.010*\"televis\" + 0.010*\"khalsa\" + 0.010*\"alam\" + 0.009*\"affection\"\n", - "2019-01-31 01:16:58,410 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.054*\"parti\" + 0.026*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.016*\"republ\" + 0.014*\"bypass\" + 0.014*\"seaport\" + 0.013*\"report\"\n", - "2019-01-31 01:16:58,412 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.012*\"will\" + 0.012*\"jame\" + 0.012*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"paul\" + 0.008*\"georg\" + 0.008*\"slur\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:16:58,412 : INFO : topic #26 (0.020): 0.029*\"workplac\" + 0.028*\"champion\" + 0.027*\"woman\" + 0.025*\"olymp\" + 0.025*\"men\" + 0.021*\"medal\" + 0.021*\"event\" + 0.019*\"atheist\" + 0.019*\"alic\" + 0.018*\"taxpay\"\n", - "2019-01-31 01:16:58,418 : INFO : topic diff=0.003382, rho=0.023789\n", - "2019-01-31 01:16:58,572 : INFO : PROGRESS: pass 0, at document #3536000/4922894\n", - "2019-01-31 01:16:59,935 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:17:00,202 : INFO : topic #39 (0.020): 0.058*\"canada\" + 0.045*\"canadian\" + 0.024*\"toronto\" + 0.023*\"hoar\" + 0.020*\"ontario\" + 0.016*\"hydrogen\" + 0.016*\"new\" + 0.014*\"novotná\" + 0.013*\"misericordia\" + 0.012*\"quebec\"\n", - "2019-01-31 01:17:00,203 : INFO : topic #45 (0.020): 0.029*\"arsen\" + 0.026*\"jpg\" + 0.024*\"fifteenth\" + 0.021*\"museo\" + 0.019*\"illicit\" + 0.019*\"pain\" + 0.015*\"colder\" + 0.014*\"gai\" + 0.013*\"black\" + 0.012*\"exhaust\"\n", - "2019-01-31 01:17:00,204 : INFO : topic #0 (0.020): 0.065*\"statewid\" + 0.043*\"line\" + 0.035*\"raid\" + 0.027*\"rosenwald\" + 0.022*\"rivièr\" + 0.019*\"serv\" + 0.019*\"traceabl\" + 0.017*\"airmen\" + 0.014*\"oper\" + 0.010*\"transient\"\n", - "2019-01-31 01:17:00,205 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.046*\"franc\" + 0.032*\"pari\" + 0.023*\"jean\" + 0.021*\"sail\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:17:00,206 : INFO : topic #35 (0.020): 0.057*\"russia\" + 0.036*\"sovereignti\" + 0.035*\"rural\" + 0.025*\"poison\" + 0.024*\"reprint\" + 0.024*\"personifi\" + 0.021*\"moscow\" + 0.019*\"poland\" + 0.015*\"unfortun\" + 0.014*\"malaysia\"\n", - "2019-01-31 01:17:00,212 : INFO : topic diff=0.003572, rho=0.023783\n", - "2019-01-31 01:17:00,370 : INFO : PROGRESS: pass 0, at document #3538000/4922894\n", - "2019-01-31 01:17:01,727 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:17:01,996 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.035*\"leagu\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.024*\"crete\" + 0.022*\"folei\" + 0.017*\"goal\" + 0.016*\"martin\" + 0.013*\"schmitz\"\n", - "2019-01-31 01:17:01,997 : INFO : topic #31 (0.020): 0.050*\"fusiform\" + 0.028*\"scientist\" + 0.025*\"taxpay\" + 0.023*\"player\" + 0.019*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:17:01,998 : INFO : topic #24 (0.020): 0.038*\"book\" + 0.033*\"publicis\" + 0.028*\"word\" + 0.019*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"arsen\" + 0.011*\"collect\" + 0.011*\"worldwid\" + 0.011*\"magazin\"\n", - "2019-01-31 01:17:01,999 : INFO : topic #9 (0.020): 0.066*\"bone\" + 0.045*\"american\" + 0.030*\"valour\" + 0.019*\"dutch\" + 0.018*\"folei\" + 0.018*\"player\" + 0.016*\"polit\" + 0.016*\"english\" + 0.013*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:17:02,000 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"daughter\" + 0.012*\"john\"\n", - "2019-01-31 01:17:02,006 : INFO : topic diff=0.003498, rho=0.023776\n", - "2019-01-31 01:17:04,718 : INFO : -11.322 per-word bound, 2560.3 perplexity estimate based on a held-out corpus of 2000 documents with 561770 words\n", - "2019-01-31 01:17:04,718 : INFO : PROGRESS: pass 0, at document #3540000/4922894\n", - "2019-01-31 01:17:06,095 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:17:06,362 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.027*\"final\" + 0.023*\"wife\" + 0.019*\"tourist\" + 0.018*\"champion\" + 0.016*\"taxpay\" + 0.015*\"martin\" + 0.015*\"tiepolo\" + 0.013*\"chamber\" + 0.013*\"women\"\n", - "2019-01-31 01:17:06,363 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.046*\"chilton\" + 0.025*\"kong\" + 0.024*\"hong\" + 0.020*\"korea\" + 0.017*\"korean\" + 0.015*\"sourc\" + 0.015*\"shirin\" + 0.014*\"leah\" + 0.012*\"kim\"\n", - "2019-01-31 01:17:06,365 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"disco\" + 0.008*\"media\" + 0.007*\"have\" + 0.007*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"effect\" + 0.006*\"treat\" + 0.006*\"proper\"\n", - "2019-01-31 01:17:06,366 : INFO : topic #28 (0.020): 0.033*\"build\" + 0.028*\"hous\" + 0.019*\"buford\" + 0.014*\"histor\" + 0.011*\"linear\" + 0.011*\"constitut\" + 0.011*\"rivièr\" + 0.011*\"depress\" + 0.011*\"silicon\" + 0.010*\"briarwood\"\n", - "2019-01-31 01:17:06,367 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.008*\"forc\" + 0.008*\"empath\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.006*\"till\" + 0.006*\"militari\" + 0.006*\"pour\"\n", - "2019-01-31 01:17:06,373 : INFO : topic diff=0.003522, rho=0.023769\n", - "2019-01-31 01:17:06,528 : INFO : PROGRESS: pass 0, at document #3542000/4922894\n", - "2019-01-31 01:17:08,316 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:17:08,586 : INFO : topic #21 (0.020): 0.032*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.018*\"mexico\" + 0.017*\"italian\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"carlo\" + 0.010*\"mexican\"\n", - "2019-01-31 01:17:08,587 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.045*\"vigour\" + 0.043*\"popolo\" + 0.036*\"cotton\" + 0.036*\"tortur\" + 0.022*\"multitud\" + 0.022*\"adulthood\" + 0.021*\"area\" + 0.021*\"toni\" + 0.020*\"citi\"\n", - "2019-01-31 01:17:08,588 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.025*\"nation\" + 0.025*\"offic\" + 0.024*\"minist\" + 0.023*\"govern\" + 0.020*\"member\" + 0.019*\"serv\" + 0.016*\"start\" + 0.016*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:17:08,589 : INFO : topic #9 (0.020): 0.067*\"bone\" + 0.045*\"american\" + 0.030*\"valour\" + 0.019*\"dutch\" + 0.018*\"folei\" + 0.018*\"player\" + 0.016*\"polit\" + 0.015*\"english\" + 0.013*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:17:08,590 : INFO : topic #46 (0.020): 0.018*\"stop\" + 0.016*\"sweden\" + 0.016*\"norwai\" + 0.014*\"swedish\" + 0.013*\"wind\" + 0.013*\"damag\" + 0.013*\"norwegian\" + 0.012*\"treeless\" + 0.012*\"huntsvil\" + 0.011*\"denmark\"\n", - "2019-01-31 01:17:08,596 : INFO : topic diff=0.003359, rho=0.023762\n", - "2019-01-31 01:17:08,754 : INFO : PROGRESS: pass 0, at document #3544000/4922894\n", - "2019-01-31 01:17:10,128 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:17:10,394 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.013*\"blur\" + 0.011*\"coalit\" + 0.011*\"pope\" + 0.010*\"nativist\" + 0.009*\"fleet\" + 0.009*\"bahá\"\n", - "2019-01-31 01:17:10,395 : INFO : topic #34 (0.020): 0.067*\"start\" + 0.033*\"new\" + 0.031*\"american\" + 0.030*\"unionist\" + 0.025*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:17:10,396 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.024*\"palmer\" + 0.021*\"new\" + 0.016*\"strategist\" + 0.013*\"open\" + 0.012*\"center\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"local\"\n", - "2019-01-31 01:17:10,397 : INFO : topic #31 (0.020): 0.049*\"fusiform\" + 0.028*\"scientist\" + 0.026*\"taxpay\" + 0.023*\"player\" + 0.019*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:17:10,399 : INFO : topic #6 (0.020): 0.069*\"fewer\" + 0.023*\"epiru\" + 0.021*\"septemb\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:17:10,404 : INFO : topic diff=0.004090, rho=0.023756\n", - "2019-01-31 01:17:10,560 : INFO : PROGRESS: pass 0, at document #3546000/4922894\n", - "2019-01-31 01:17:11,904 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:17:12,170 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.053*\"parti\" + 0.026*\"voluntari\" + 0.022*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.014*\"bypass\" + 0.013*\"seaport\" + 0.013*\"report\"\n", - "2019-01-31 01:17:12,172 : INFO : topic #6 (0.020): 0.069*\"fewer\" + 0.023*\"epiru\" + 0.021*\"septemb\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:17:12,173 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.008*\"mode\" + 0.008*\"elabor\" + 0.008*\"veget\" + 0.008*\"uruguayan\" + 0.006*\"develop\" + 0.006*\"produc\" + 0.006*\"spectacl\"\n", - "2019-01-31 01:17:12,174 : INFO : topic #2 (0.020): 0.047*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.013*\"blur\" + 0.011*\"pope\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.009*\"fleet\" + 0.009*\"bahá\"\n", - "2019-01-31 01:17:12,175 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.018*\"factor\" + 0.011*\"plaisir\" + 0.011*\"genu\" + 0.009*\"western\" + 0.008*\"biom\" + 0.008*\"median\" + 0.007*\"feel\" + 0.007*\"male\" + 0.007*\"incom\"\n", - "2019-01-31 01:17:12,181 : INFO : topic diff=0.002942, rho=0.023749\n", - "2019-01-31 01:17:12,342 : INFO : PROGRESS: pass 0, at document #3548000/4922894\n", - "2019-01-31 01:17:13,745 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:17:14,011 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.035*\"leagu\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.024*\"crete\" + 0.022*\"folei\" + 0.017*\"goal\" + 0.016*\"martin\" + 0.013*\"schmitz\"\n", - "2019-01-31 01:17:14,012 : INFO : topic #9 (0.020): 0.067*\"bone\" + 0.045*\"american\" + 0.031*\"valour\" + 0.019*\"dutch\" + 0.018*\"folei\" + 0.018*\"player\" + 0.016*\"polit\" + 0.016*\"english\" + 0.013*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:17:14,014 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"kenworthi\"\n", - "2019-01-31 01:17:14,015 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.012*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"paul\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:17:14,016 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.045*\"vigour\" + 0.043*\"popolo\" + 0.036*\"cotton\" + 0.036*\"tortur\" + 0.022*\"multitud\" + 0.022*\"adulthood\" + 0.021*\"area\" + 0.020*\"toni\" + 0.020*\"citi\"\n", - "2019-01-31 01:17:14,022 : INFO : topic diff=0.003812, rho=0.023742\n", - "2019-01-31 01:17:14,237 : INFO : PROGRESS: pass 0, at document #3550000/4922894\n", - "2019-01-31 01:17:15,642 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:17:15,908 : INFO : topic #0 (0.020): 0.065*\"statewid\" + 0.043*\"line\" + 0.034*\"raid\" + 0.027*\"rosenwald\" + 0.025*\"rivièr\" + 0.019*\"serv\" + 0.019*\"traceabl\" + 0.017*\"airmen\" + 0.014*\"oper\" + 0.010*\"transient\"\n", - "2019-01-31 01:17:15,910 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.009*\"vocabulari\"\n", - "2019-01-31 01:17:15,911 : INFO : topic #28 (0.020): 0.033*\"build\" + 0.028*\"hous\" + 0.019*\"buford\" + 0.014*\"histor\" + 0.012*\"linear\" + 0.011*\"constitut\" + 0.011*\"depress\" + 0.011*\"rivièr\" + 0.010*\"silicon\" + 0.010*\"briarwood\"\n", - "2019-01-31 01:17:15,912 : INFO : topic #13 (0.020): 0.027*\"australia\" + 0.026*\"sourc\" + 0.025*\"new\" + 0.025*\"london\" + 0.023*\"england\" + 0.023*\"australian\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:17:15,913 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.053*\"parti\" + 0.026*\"voluntari\" + 0.022*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.014*\"bypass\" + 0.013*\"seaport\" + 0.013*\"report\"\n", - "2019-01-31 01:17:15,919 : INFO : topic diff=0.003343, rho=0.023736\n", - "2019-01-31 01:17:16,074 : INFO : PROGRESS: pass 0, at document #3552000/4922894\n", - "2019-01-31 01:17:17,427 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:17:17,694 : INFO : topic #24 (0.020): 0.038*\"book\" + 0.033*\"publicis\" + 0.028*\"word\" + 0.019*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"arsen\" + 0.011*\"collect\" + 0.011*\"worldwid\" + 0.011*\"magazin\"\n", - "2019-01-31 01:17:17,695 : INFO : topic #13 (0.020): 0.027*\"australia\" + 0.026*\"sourc\" + 0.025*\"london\" + 0.025*\"new\" + 0.024*\"england\" + 0.023*\"australian\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:17:17,696 : INFO : topic #0 (0.020): 0.065*\"statewid\" + 0.043*\"line\" + 0.034*\"raid\" + 0.027*\"rosenwald\" + 0.025*\"rivièr\" + 0.020*\"serv\" + 0.019*\"traceabl\" + 0.017*\"airmen\" + 0.014*\"oper\" + 0.010*\"transient\"\n", - "2019-01-31 01:17:17,697 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.045*\"chilton\" + 0.025*\"kong\" + 0.025*\"hong\" + 0.021*\"korea\" + 0.017*\"korean\" + 0.015*\"sourc\" + 0.014*\"shirin\" + 0.014*\"leah\" + 0.013*\"kim\"\n", - "2019-01-31 01:17:17,698 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.053*\"parti\" + 0.026*\"voluntari\" + 0.022*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.014*\"bypass\" + 0.013*\"seaport\" + 0.013*\"report\"\n", - "2019-01-31 01:17:17,704 : INFO : topic diff=0.004405, rho=0.023729\n", - "2019-01-31 01:17:17,857 : INFO : PROGRESS: pass 0, at document #3554000/4922894\n", - "2019-01-31 01:17:19,204 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:17:19,469 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"daughter\" + 0.012*\"john\"\n", - "2019-01-31 01:17:19,471 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.007*\"southern\" + 0.006*\"exampl\" + 0.006*\"poet\" + 0.006*\"servitud\" + 0.006*\"théori\" + 0.006*\"measur\" + 0.005*\"utopian\"\n", - "2019-01-31 01:17:19,472 : INFO : topic #2 (0.020): 0.047*\"isl\" + 0.039*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.013*\"blur\" + 0.011*\"pope\" + 0.011*\"coalit\" + 0.011*\"nativist\" + 0.009*\"fleet\" + 0.008*\"bahá\"\n", - "2019-01-31 01:17:19,473 : INFO : topic #44 (0.020): 0.032*\"rooftop\" + 0.028*\"final\" + 0.024*\"wife\" + 0.019*\"tourist\" + 0.018*\"champion\" + 0.016*\"taxpay\" + 0.016*\"martin\" + 0.015*\"tiepolo\" + 0.013*\"chamber\" + 0.013*\"women\"\n", - "2019-01-31 01:17:19,474 : INFO : topic #13 (0.020): 0.027*\"australia\" + 0.026*\"sourc\" + 0.025*\"new\" + 0.025*\"london\" + 0.024*\"england\" + 0.023*\"australian\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:17:19,479 : INFO : topic diff=0.003399, rho=0.023722\n", - "2019-01-31 01:17:19,642 : INFO : PROGRESS: pass 0, at document #3556000/4922894\n", - "2019-01-31 01:17:21,015 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:17:21,282 : INFO : topic #30 (0.020): 0.037*\"cleveland\" + 0.035*\"leagu\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.024*\"crete\" + 0.022*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.013*\"schmitz\"\n", - "2019-01-31 01:17:21,283 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.009*\"media\" + 0.008*\"disco\" + 0.008*\"have\" + 0.008*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"treat\" + 0.006*\"effect\" + 0.006*\"proper\"\n", - "2019-01-31 01:17:21,284 : INFO : topic #39 (0.020): 0.057*\"canada\" + 0.045*\"canadian\" + 0.024*\"toronto\" + 0.022*\"hoar\" + 0.019*\"ontario\" + 0.016*\"new\" + 0.016*\"hydrogen\" + 0.016*\"misericordia\" + 0.014*\"novotná\" + 0.012*\"quebec\"\n", - "2019-01-31 01:17:21,285 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.025*\"offic\" + 0.025*\"nation\" + 0.024*\"minist\" + 0.022*\"govern\" + 0.020*\"member\" + 0.019*\"serv\" + 0.016*\"start\" + 0.016*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:17:21,286 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.011*\"septemb\" + 0.010*\"anim\" + 0.009*\"man\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.006*\"fusiform\" + 0.006*\"workplac\" + 0.006*\"vision\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:17:21,292 : INFO : topic diff=0.003774, rho=0.023716\n", - "2019-01-31 01:17:21,448 : INFO : PROGRESS: pass 0, at document #3558000/4922894\n", - "2019-01-31 01:17:22,801 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:17:23,068 : INFO : topic #9 (0.020): 0.067*\"bone\" + 0.045*\"american\" + 0.031*\"valour\" + 0.019*\"dutch\" + 0.018*\"folei\" + 0.018*\"player\" + 0.016*\"polit\" + 0.016*\"english\" + 0.013*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:17:23,069 : INFO : topic #16 (0.020): 0.056*\"king\" + 0.029*\"priest\" + 0.021*\"duke\" + 0.019*\"rotterdam\" + 0.018*\"quarterli\" + 0.017*\"idiosyncrat\" + 0.017*\"grammat\" + 0.014*\"kingdom\" + 0.013*\"portugues\" + 0.013*\"count\"\n", - "2019-01-31 01:17:23,070 : INFO : topic #28 (0.020): 0.033*\"build\" + 0.028*\"hous\" + 0.019*\"buford\" + 0.014*\"histor\" + 0.012*\"linear\" + 0.011*\"constitut\" + 0.011*\"depress\" + 0.010*\"rivièr\" + 0.010*\"briarwood\" + 0.010*\"silicon\"\n", - "2019-01-31 01:17:23,071 : INFO : topic #33 (0.020): 0.063*\"french\" + 0.048*\"franc\" + 0.032*\"pari\" + 0.023*\"jean\" + 0.021*\"sail\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:17:23,072 : INFO : topic #49 (0.020): 0.045*\"india\" + 0.032*\"incumb\" + 0.013*\"islam\" + 0.013*\"pakistan\" + 0.011*\"muskoge\" + 0.010*\"anglo\" + 0.010*\"khalsa\" + 0.010*\"televis\" + 0.010*\"affection\" + 0.010*\"alam\"\n", - "2019-01-31 01:17:23,078 : INFO : topic diff=0.003613, rho=0.023709\n", - "2019-01-31 01:17:25,756 : INFO : -11.688 per-word bound, 3299.6 perplexity estimate based on a held-out corpus of 2000 documents with 559634 words\n", - "2019-01-31 01:17:25,757 : INFO : PROGRESS: pass 0, at document #3560000/4922894\n", - "2019-01-31 01:17:27,133 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:17:27,399 : INFO : topic #28 (0.020): 0.033*\"build\" + 0.028*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.012*\"linear\" + 0.011*\"constitut\" + 0.011*\"depress\" + 0.010*\"rivièr\" + 0.010*\"briarwood\" + 0.010*\"silicon\"\n", - "2019-01-31 01:17:27,400 : INFO : topic #13 (0.020): 0.026*\"australia\" + 0.026*\"sourc\" + 0.025*\"new\" + 0.025*\"london\" + 0.024*\"england\" + 0.023*\"australian\" + 0.019*\"british\" + 0.019*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:17:27,401 : INFO : topic #17 (0.020): 0.078*\"church\" + 0.023*\"cathol\" + 0.022*\"christian\" + 0.021*\"bishop\" + 0.017*\"sail\" + 0.014*\"retroflex\" + 0.010*\"relationship\" + 0.010*\"poll\" + 0.009*\"cathedr\" + 0.009*\"historiographi\"\n", - "2019-01-31 01:17:27,402 : INFO : topic #31 (0.020): 0.051*\"fusiform\" + 0.028*\"scientist\" + 0.025*\"taxpay\" + 0.022*\"player\" + 0.019*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:17:27,403 : INFO : topic #24 (0.020): 0.038*\"book\" + 0.033*\"publicis\" + 0.028*\"word\" + 0.019*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"arsen\" + 0.011*\"collect\" + 0.011*\"worldwid\" + 0.011*\"magazin\"\n", - "2019-01-31 01:17:27,409 : INFO : topic diff=0.003368, rho=0.023702\n", - "2019-01-31 01:17:27,568 : INFO : PROGRESS: pass 0, at document #3562000/4922894\n", - "2019-01-31 01:17:28,936 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:17:29,202 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"daughter\" + 0.012*\"john\"\n", - "2019-01-31 01:17:29,203 : INFO : topic #13 (0.020): 0.026*\"australia\" + 0.026*\"sourc\" + 0.025*\"new\" + 0.025*\"london\" + 0.024*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.019*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:17:29,204 : INFO : topic #40 (0.020): 0.086*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.021*\"requir\" + 0.020*\"collector\" + 0.019*\"student\" + 0.015*\"professor\" + 0.011*\"degre\" + 0.011*\"word\" + 0.011*\"http\"\n", - "2019-01-31 01:17:29,205 : INFO : topic #20 (0.020): 0.143*\"scholar\" + 0.040*\"struggl\" + 0.033*\"high\" + 0.030*\"educ\" + 0.024*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"task\" + 0.009*\"district\" + 0.009*\"start\"\n", - "2019-01-31 01:17:29,206 : INFO : topic #0 (0.020): 0.066*\"statewid\" + 0.042*\"line\" + 0.033*\"raid\" + 0.026*\"rosenwald\" + 0.024*\"rivièr\" + 0.020*\"serv\" + 0.019*\"traceabl\" + 0.016*\"airmen\" + 0.014*\"oper\" + 0.010*\"transient\"\n", - "2019-01-31 01:17:29,212 : INFO : topic diff=0.003161, rho=0.023696\n", - "2019-01-31 01:17:29,369 : INFO : PROGRESS: pass 0, at document #3564000/4922894\n", - "2019-01-31 01:17:30,744 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:17:31,010 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.025*\"offic\" + 0.025*\"nation\" + 0.024*\"minist\" + 0.023*\"govern\" + 0.020*\"member\" + 0.019*\"serv\" + 0.016*\"start\" + 0.016*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:17:31,011 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"bank\" + 0.011*\"market\" + 0.011*\"produc\" + 0.010*\"industri\" + 0.009*\"manag\" + 0.008*\"yawn\" + 0.007*\"trace\"\n", - "2019-01-31 01:17:31,012 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.012*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"paul\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:17:31,013 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.011*\"septemb\" + 0.010*\"anim\" + 0.009*\"man\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.006*\"fusiform\" + 0.006*\"workplac\" + 0.006*\"vision\"\n", - "2019-01-31 01:17:31,014 : INFO : topic #39 (0.020): 0.056*\"canada\" + 0.045*\"canadian\" + 0.023*\"toronto\" + 0.022*\"hoar\" + 0.019*\"ontario\" + 0.016*\"new\" + 0.015*\"hydrogen\" + 0.015*\"misericordia\" + 0.015*\"novotná\" + 0.012*\"quebec\"\n", - "2019-01-31 01:17:31,020 : INFO : topic diff=0.003937, rho=0.023689\n", - "2019-01-31 01:17:31,179 : INFO : PROGRESS: pass 0, at document #3566000/4922894\n", - "2019-01-31 01:17:32,550 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:17:32,818 : INFO : topic #20 (0.020): 0.144*\"scholar\" + 0.040*\"struggl\" + 0.033*\"high\" + 0.030*\"educ\" + 0.024*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"task\" + 0.010*\"district\" + 0.009*\"start\"\n", - "2019-01-31 01:17:32,819 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.022*\"walter\" + 0.020*\"armi\" + 0.017*\"com\" + 0.014*\"oper\" + 0.014*\"unionist\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.010*\"diversifi\"\n", - "2019-01-31 01:17:32,820 : INFO : topic #1 (0.020): 0.056*\"china\" + 0.046*\"chilton\" + 0.025*\"kong\" + 0.024*\"hong\" + 0.020*\"korea\" + 0.018*\"shirin\" + 0.018*\"korean\" + 0.016*\"sourc\" + 0.014*\"kim\" + 0.014*\"leah\"\n", - "2019-01-31 01:17:32,821 : INFO : topic #48 (0.020): 0.079*\"sens\" + 0.078*\"march\" + 0.077*\"octob\" + 0.071*\"juli\" + 0.070*\"august\" + 0.069*\"judici\" + 0.069*\"januari\" + 0.068*\"notion\" + 0.066*\"april\" + 0.065*\"decatur\"\n", - "2019-01-31 01:17:32,822 : INFO : topic #40 (0.020): 0.086*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.021*\"requir\" + 0.021*\"collector\" + 0.019*\"student\" + 0.015*\"professor\" + 0.011*\"word\" + 0.011*\"degre\" + 0.011*\"http\"\n", - "2019-01-31 01:17:32,828 : INFO : topic diff=0.004484, rho=0.023682\n", - "2019-01-31 01:17:32,989 : INFO : PROGRESS: pass 0, at document #3568000/4922894\n", - "2019-01-31 01:17:34,395 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:17:34,661 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.008*\"mode\" + 0.008*\"elabor\" + 0.008*\"uruguayan\" + 0.008*\"veget\" + 0.006*\"develop\" + 0.006*\"produc\" + 0.006*\"spectacl\"\n", - "2019-01-31 01:17:34,662 : INFO : topic #24 (0.020): 0.038*\"book\" + 0.033*\"publicis\" + 0.028*\"word\" + 0.020*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.011*\"arsen\" + 0.011*\"collect\" + 0.011*\"worldwid\" + 0.011*\"magazin\"\n", - "2019-01-31 01:17:34,663 : INFO : topic #13 (0.020): 0.026*\"australia\" + 0.026*\"sourc\" + 0.025*\"london\" + 0.025*\"new\" + 0.024*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:17:34,664 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.026*\"offic\" + 0.025*\"nation\" + 0.024*\"minist\" + 0.022*\"govern\" + 0.020*\"member\" + 0.020*\"serv\" + 0.016*\"start\" + 0.016*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:17:34,665 : INFO : topic #42 (0.020): 0.049*\"german\" + 0.032*\"germani\" + 0.015*\"vol\" + 0.014*\"israel\" + 0.013*\"jewish\" + 0.013*\"der\" + 0.013*\"berlin\" + 0.011*\"european\" + 0.009*\"europ\" + 0.009*\"austria\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:17:34,671 : INFO : topic diff=0.003744, rho=0.023676\n", - "2019-01-31 01:17:34,826 : INFO : PROGRESS: pass 0, at document #3570000/4922894\n", - "2019-01-31 01:17:36,186 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:17:36,452 : INFO : topic #13 (0.020): 0.026*\"australia\" + 0.026*\"sourc\" + 0.025*\"london\" + 0.025*\"new\" + 0.024*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:17:36,453 : INFO : topic #23 (0.020): 0.135*\"audit\" + 0.068*\"best\" + 0.033*\"yawn\" + 0.028*\"jacksonvil\" + 0.023*\"japanes\" + 0.022*\"noll\" + 0.018*\"festiv\" + 0.018*\"intern\" + 0.017*\"women\" + 0.013*\"prison\"\n", - "2019-01-31 01:17:36,454 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.011*\"septemb\" + 0.010*\"anim\" + 0.010*\"man\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.006*\"fusiform\" + 0.006*\"workplac\" + 0.006*\"vision\"\n", - "2019-01-31 01:17:36,455 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.026*\"offic\" + 0.024*\"minist\" + 0.024*\"nation\" + 0.022*\"govern\" + 0.020*\"member\" + 0.020*\"serv\" + 0.016*\"start\" + 0.016*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:17:36,456 : INFO : topic #27 (0.020): 0.072*\"questionnair\" + 0.020*\"taxpay\" + 0.019*\"candid\" + 0.017*\"ret\" + 0.014*\"driver\" + 0.013*\"tornado\" + 0.012*\"find\" + 0.012*\"squatter\" + 0.011*\"fool\" + 0.009*\"théori\"\n", - "2019-01-31 01:17:36,462 : INFO : topic diff=0.003084, rho=0.023669\n", - "2019-01-31 01:17:36,619 : INFO : PROGRESS: pass 0, at document #3572000/4922894\n", - "2019-01-31 01:17:37,992 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:17:38,259 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.023*\"cathol\" + 0.022*\"christian\" + 0.021*\"bishop\" + 0.017*\"sail\" + 0.014*\"retroflex\" + 0.010*\"relationship\" + 0.010*\"poll\" + 0.010*\"historiographi\" + 0.010*\"cathedr\"\n", - "2019-01-31 01:17:38,260 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.020*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.009*\"vocabulari\"\n", - "2019-01-31 01:17:38,261 : INFO : topic #35 (0.020): 0.058*\"russia\" + 0.036*\"rural\" + 0.036*\"sovereignti\" + 0.025*\"poison\" + 0.025*\"reprint\" + 0.023*\"personifi\" + 0.022*\"moscow\" + 0.018*\"poland\" + 0.015*\"unfortun\" + 0.014*\"tyrant\"\n", - "2019-01-31 01:17:38,263 : INFO : topic #6 (0.020): 0.069*\"fewer\" + 0.023*\"epiru\" + 0.021*\"septemb\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:17:38,263 : INFO : topic #39 (0.020): 0.058*\"canada\" + 0.045*\"canadian\" + 0.023*\"toronto\" + 0.022*\"hoar\" + 0.020*\"ontario\" + 0.016*\"new\" + 0.016*\"hydrogen\" + 0.015*\"misericordia\" + 0.015*\"novotná\" + 0.012*\"quebec\"\n", - "2019-01-31 01:17:38,269 : INFO : topic diff=0.003464, rho=0.023662\n", - "2019-01-31 01:17:38,427 : INFO : PROGRESS: pass 0, at document #3574000/4922894\n", - "2019-01-31 01:17:39,799 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:17:40,065 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"depress\" + 0.015*\"pour\" + 0.008*\"mode\" + 0.008*\"elabor\" + 0.008*\"uruguayan\" + 0.008*\"veget\" + 0.006*\"produc\" + 0.006*\"develop\" + 0.006*\"spectacl\"\n", - "2019-01-31 01:17:40,066 : INFO : topic #26 (0.020): 0.030*\"workplac\" + 0.029*\"champion\" + 0.026*\"woman\" + 0.025*\"olymp\" + 0.024*\"men\" + 0.022*\"medal\" + 0.020*\"event\" + 0.019*\"alic\" + 0.018*\"atheist\" + 0.018*\"taxpay\"\n", - "2019-01-31 01:17:40,067 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.023*\"palmer\" + 0.021*\"new\" + 0.016*\"strategist\" + 0.013*\"open\" + 0.012*\"center\" + 0.011*\"lobe\" + 0.011*\"includ\" + 0.011*\"dai\" + 0.009*\"local\"\n", - "2019-01-31 01:17:40,068 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.043*\"line\" + 0.033*\"raid\" + 0.026*\"rosenwald\" + 0.024*\"rivièr\" + 0.020*\"serv\" + 0.019*\"traceabl\" + 0.017*\"airmen\" + 0.014*\"oper\" + 0.010*\"transient\"\n", - "2019-01-31 01:17:40,069 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.020*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.009*\"vocabulari\"\n", - "2019-01-31 01:17:40,075 : INFO : topic diff=0.003328, rho=0.023656\n", - "2019-01-31 01:17:40,233 : INFO : PROGRESS: pass 0, at document #3576000/4922894\n", - "2019-01-31 01:17:41,618 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:17:41,886 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.006*\"poet\" + 0.006*\"exampl\" + 0.006*\"southern\" + 0.006*\"théori\" + 0.006*\"servitud\" + 0.006*\"measur\" + 0.005*\"utopian\"\n", - "2019-01-31 01:17:41,887 : INFO : topic #34 (0.020): 0.067*\"start\" + 0.034*\"new\" + 0.031*\"american\" + 0.030*\"unionist\" + 0.024*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:17:41,888 : INFO : topic #20 (0.020): 0.143*\"scholar\" + 0.041*\"struggl\" + 0.033*\"high\" + 0.030*\"educ\" + 0.025*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"task\" + 0.009*\"district\" + 0.009*\"gothic\"\n", - "2019-01-31 01:17:41,889 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.009*\"media\" + 0.009*\"have\" + 0.008*\"disco\" + 0.008*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"treat\" + 0.006*\"effect\" + 0.006*\"proper\"\n", - "2019-01-31 01:17:41,890 : INFO : topic #28 (0.020): 0.034*\"build\" + 0.028*\"hous\" + 0.019*\"buford\" + 0.014*\"histor\" + 0.012*\"linear\" + 0.011*\"constitut\" + 0.011*\"depress\" + 0.010*\"briarwood\" + 0.010*\"rivièr\" + 0.010*\"silicon\"\n", - "2019-01-31 01:17:41,896 : INFO : topic diff=0.003590, rho=0.023649\n", - "2019-01-31 01:17:42,048 : INFO : PROGRESS: pass 0, at document #3578000/4922894\n", - "2019-01-31 01:17:43,376 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:17:43,642 : INFO : topic #47 (0.020): 0.062*\"muscl\" + 0.032*\"perceptu\" + 0.020*\"theater\" + 0.019*\"place\" + 0.018*\"compos\" + 0.015*\"damn\" + 0.014*\"orchestr\" + 0.013*\"olympo\" + 0.013*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 01:17:43,644 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.043*\"line\" + 0.033*\"raid\" + 0.026*\"rosenwald\" + 0.024*\"rivièr\" + 0.020*\"serv\" + 0.019*\"traceabl\" + 0.017*\"airmen\" + 0.014*\"oper\" + 0.010*\"transient\"\n", - "2019-01-31 01:17:43,645 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.007*\"poet\" + 0.006*\"southern\" + 0.006*\"exampl\" + 0.006*\"théori\" + 0.006*\"servitud\" + 0.006*\"measur\" + 0.005*\"utopian\"\n", - "2019-01-31 01:17:43,646 : INFO : topic #1 (0.020): 0.056*\"china\" + 0.045*\"chilton\" + 0.024*\"hong\" + 0.024*\"kong\" + 0.020*\"korea\" + 0.017*\"korean\" + 0.017*\"shirin\" + 0.016*\"sourc\" + 0.014*\"kim\" + 0.014*\"leah\"\n", - "2019-01-31 01:17:43,647 : INFO : topic #23 (0.020): 0.134*\"audit\" + 0.067*\"best\" + 0.034*\"yawn\" + 0.028*\"jacksonvil\" + 0.023*\"japanes\" + 0.022*\"noll\" + 0.018*\"festiv\" + 0.018*\"intern\" + 0.017*\"women\" + 0.013*\"prison\"\n", - "2019-01-31 01:17:43,652 : INFO : topic diff=0.003800, rho=0.023643\n", - "2019-01-31 01:17:46,409 : INFO : -11.569 per-word bound, 3037.9 perplexity estimate based on a held-out corpus of 2000 documents with 592364 words\n", - "2019-01-31 01:17:46,410 : INFO : PROGRESS: pass 0, at document #3580000/4922894\n", - "2019-01-31 01:17:47,817 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:17:48,083 : INFO : topic #20 (0.020): 0.142*\"scholar\" + 0.041*\"struggl\" + 0.033*\"high\" + 0.030*\"educ\" + 0.025*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"task\" + 0.009*\"district\" + 0.009*\"start\"\n", - "2019-01-31 01:17:48,084 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.012*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"paul\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:17:48,086 : INFO : topic #40 (0.020): 0.086*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.021*\"requir\" + 0.021*\"collector\" + 0.019*\"student\" + 0.015*\"professor\" + 0.011*\"degre\" + 0.011*\"http\" + 0.011*\"word\"\n", - "2019-01-31 01:17:48,087 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.020*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.009*\"myspac\"\n", - "2019-01-31 01:17:48,088 : INFO : topic #24 (0.020): 0.038*\"book\" + 0.033*\"publicis\" + 0.029*\"word\" + 0.020*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.011*\"collect\" + 0.011*\"arsen\" + 0.011*\"magazin\" + 0.011*\"worldwid\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:17:48,094 : INFO : topic diff=0.003957, rho=0.023636\n", - "2019-01-31 01:17:48,250 : INFO : PROGRESS: pass 0, at document #3582000/4922894\n", - "2019-01-31 01:17:49,618 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:17:49,884 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.007*\"southern\" + 0.006*\"poet\" + 0.006*\"exampl\" + 0.006*\"théori\" + 0.006*\"servitud\" + 0.006*\"measur\" + 0.005*\"utopian\"\n", - "2019-01-31 01:17:49,886 : INFO : topic #35 (0.020): 0.058*\"russia\" + 0.036*\"rural\" + 0.036*\"sovereignti\" + 0.025*\"reprint\" + 0.024*\"poison\" + 0.023*\"personifi\" + 0.021*\"moscow\" + 0.018*\"poland\" + 0.015*\"unfortun\" + 0.014*\"tyrant\"\n", - "2019-01-31 01:17:49,887 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.026*\"offic\" + 0.024*\"nation\" + 0.024*\"minist\" + 0.022*\"govern\" + 0.020*\"member\" + 0.020*\"serv\" + 0.016*\"start\" + 0.016*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:17:49,888 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.028*\"final\" + 0.024*\"wife\" + 0.019*\"tourist\" + 0.018*\"champion\" + 0.016*\"taxpay\" + 0.015*\"martin\" + 0.015*\"tiepolo\" + 0.013*\"chamber\" + 0.013*\"women\"\n", - "2019-01-31 01:17:49,889 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.033*\"incumb\" + 0.013*\"pakistan\" + 0.013*\"islam\" + 0.011*\"affection\" + 0.011*\"muskoge\" + 0.011*\"anglo\" + 0.010*\"alam\" + 0.010*\"televis\" + 0.010*\"khalsa\"\n", - "2019-01-31 01:17:49,894 : INFO : topic diff=0.003751, rho=0.023629\n", - "2019-01-31 01:17:50,111 : INFO : PROGRESS: pass 0, at document #3584000/4922894\n", - "2019-01-31 01:17:51,494 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:17:51,760 : INFO : topic #2 (0.020): 0.045*\"isl\" + 0.041*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.011*\"pope\" + 0.011*\"coalit\" + 0.009*\"fleet\" + 0.009*\"sai\"\n", - "2019-01-31 01:17:51,761 : INFO : topic #9 (0.020): 0.067*\"bone\" + 0.045*\"american\" + 0.030*\"valour\" + 0.019*\"dutch\" + 0.018*\"player\" + 0.018*\"folei\" + 0.017*\"polit\" + 0.016*\"english\" + 0.013*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:17:51,763 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.011*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.008*\"teufel\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.006*\"till\" + 0.006*\"govern\" + 0.006*\"militari\"\n", - "2019-01-31 01:17:51,764 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"kenworthi\"\n", - "2019-01-31 01:17:51,765 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.012*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"paul\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:17:51,771 : INFO : topic diff=0.004011, rho=0.023623\n", - "2019-01-31 01:17:51,928 : INFO : PROGRESS: pass 0, at document #3586000/4922894\n", - "2019-01-31 01:17:53,300 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:17:53,567 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.028*\"final\" + 0.024*\"wife\" + 0.019*\"tourist\" + 0.018*\"champion\" + 0.016*\"taxpay\" + 0.015*\"tiepolo\" + 0.015*\"martin\" + 0.013*\"chamber\" + 0.013*\"women\"\n", - "2019-01-31 01:17:53,568 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"kenworthi\"\n", - "2019-01-31 01:17:53,569 : INFO : topic #33 (0.020): 0.065*\"french\" + 0.047*\"franc\" + 0.031*\"pari\" + 0.022*\"jean\" + 0.020*\"sail\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.011*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:17:53,570 : INFO : topic #35 (0.020): 0.057*\"russia\" + 0.036*\"rural\" + 0.036*\"sovereignti\" + 0.025*\"reprint\" + 0.024*\"poison\" + 0.023*\"personifi\" + 0.021*\"moscow\" + 0.018*\"poland\" + 0.015*\"unfortun\" + 0.014*\"czech\"\n", - "2019-01-31 01:17:53,571 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.012*\"will\" + 0.012*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"paul\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:17:53,577 : INFO : topic diff=0.003633, rho=0.023616\n", - "2019-01-31 01:17:53,737 : INFO : PROGRESS: pass 0, at document #3588000/4922894\n", - "2019-01-31 01:17:55,153 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:17:55,419 : INFO : topic #35 (0.020): 0.057*\"russia\" + 0.036*\"rural\" + 0.036*\"sovereignti\" + 0.024*\"reprint\" + 0.024*\"poison\" + 0.023*\"personifi\" + 0.021*\"moscow\" + 0.018*\"poland\" + 0.015*\"unfortun\" + 0.014*\"tyrant\"\n", - "2019-01-31 01:17:55,420 : INFO : topic #33 (0.020): 0.065*\"french\" + 0.047*\"franc\" + 0.031*\"pari\" + 0.022*\"jean\" + 0.020*\"sail\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.008*\"wine\"\n", - "2019-01-31 01:17:55,421 : INFO : topic #25 (0.020): 0.033*\"ring\" + 0.018*\"area\" + 0.018*\"lagrang\" + 0.016*\"mount\" + 0.016*\"warmth\" + 0.010*\"palmer\" + 0.010*\"north\" + 0.009*\"sourc\" + 0.009*\"land\" + 0.009*\"lobe\"\n", - "2019-01-31 01:17:55,422 : INFO : topic #31 (0.020): 0.053*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:17:55,423 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.022*\"cortic\" + 0.018*\"start\" + 0.017*\"act\" + 0.012*\"ricardo\" + 0.012*\"case\" + 0.011*\"order\" + 0.010*\"replac\" + 0.010*\"polaris\" + 0.008*\"legal\"\n", - "2019-01-31 01:17:55,429 : INFO : topic diff=0.003215, rho=0.023610\n", - "2019-01-31 01:17:55,584 : INFO : PROGRESS: pass 0, at document #3590000/4922894\n", - "2019-01-31 01:17:56,951 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:17:57,217 : INFO : topic #40 (0.020): 0.086*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.021*\"collector\" + 0.021*\"requir\" + 0.019*\"student\" + 0.015*\"professor\" + 0.013*\"http\" + 0.011*\"degre\" + 0.011*\"word\"\n", - "2019-01-31 01:17:57,219 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.012*\"jame\" + 0.012*\"will\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"paul\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:17:57,220 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"english\" + 0.008*\"trade\" + 0.007*\"known\" + 0.006*\"modern\"\n", - "2019-01-31 01:17:57,221 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.042*\"line\" + 0.032*\"raid\" + 0.026*\"rosenwald\" + 0.024*\"rivièr\" + 0.020*\"serv\" + 0.019*\"traceabl\" + 0.018*\"airmen\" + 0.014*\"oper\" + 0.010*\"transient\"\n", - "2019-01-31 01:17:57,222 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.053*\"parti\" + 0.027*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.015*\"bypass\" + 0.013*\"seaport\" + 0.013*\"report\"\n", - "2019-01-31 01:17:57,228 : INFO : topic diff=0.003583, rho=0.023603\n", - "2019-01-31 01:17:57,383 : INFO : PROGRESS: pass 0, at document #3592000/4922894\n", - "2019-01-31 01:17:58,750 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:17:59,017 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.008*\"frontal\" + 0.007*\"southern\" + 0.007*\"gener\" + 0.006*\"poet\" + 0.006*\"exampl\" + 0.006*\"théori\" + 0.006*\"servitud\" + 0.006*\"measur\" + 0.005*\"differ\"\n", - "2019-01-31 01:17:59,018 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"english\" + 0.008*\"trade\" + 0.007*\"known\" + 0.006*\"modern\"\n", - "2019-01-31 01:17:59,019 : INFO : topic #9 (0.020): 0.067*\"bone\" + 0.045*\"american\" + 0.031*\"valour\" + 0.019*\"dutch\" + 0.018*\"player\" + 0.018*\"folei\" + 0.016*\"polit\" + 0.016*\"english\" + 0.013*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:17:59,020 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.033*\"publicis\" + 0.029*\"word\" + 0.020*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.011*\"collect\" + 0.011*\"magazin\" + 0.011*\"worldwid\" + 0.011*\"arsen\"\n", - "2019-01-31 01:17:59,021 : INFO : topic #25 (0.020): 0.033*\"ring\" + 0.018*\"area\" + 0.018*\"lagrang\" + 0.016*\"mount\" + 0.016*\"warmth\" + 0.011*\"palmer\" + 0.010*\"north\" + 0.009*\"sourc\" + 0.009*\"land\" + 0.009*\"lobe\"\n", - "2019-01-31 01:17:59,027 : INFO : topic diff=0.004528, rho=0.023596\n", - "2019-01-31 01:17:59,184 : INFO : PROGRESS: pass 0, at document #3594000/4922894\n", - "2019-01-31 01:18:00,538 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:18:00,805 : INFO : topic #48 (0.020): 0.079*\"sens\" + 0.078*\"octob\" + 0.076*\"march\" + 0.070*\"juli\" + 0.069*\"august\" + 0.069*\"judici\" + 0.069*\"januari\" + 0.068*\"notion\" + 0.066*\"april\" + 0.064*\"decatur\"\n", - "2019-01-31 01:18:00,806 : INFO : topic #45 (0.020): 0.032*\"arsen\" + 0.027*\"jpg\" + 0.026*\"museo\" + 0.025*\"fifteenth\" + 0.020*\"pain\" + 0.018*\"illicit\" + 0.014*\"colder\" + 0.014*\"gai\" + 0.013*\"exhaust\" + 0.012*\"black\"\n", - "2019-01-31 01:18:00,807 : INFO : topic #37 (0.020): 0.013*\"charact\" + 0.011*\"septemb\" + 0.010*\"anim\" + 0.010*\"man\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.006*\"fusiform\" + 0.006*\"workplac\" + 0.006*\"vision\"\n", - "2019-01-31 01:18:00,808 : INFO : topic #23 (0.020): 0.134*\"audit\" + 0.068*\"best\" + 0.033*\"yawn\" + 0.028*\"jacksonvil\" + 0.023*\"japanes\" + 0.022*\"noll\" + 0.018*\"festiv\" + 0.018*\"women\" + 0.018*\"intern\" + 0.013*\"winner\"\n", - "2019-01-31 01:18:00,809 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"market\" + 0.011*\"bank\" + 0.011*\"produc\" + 0.010*\"industri\" + 0.008*\"manag\" + 0.008*\"yawn\" + 0.007*\"oper\"\n", - "2019-01-31 01:18:00,815 : INFO : topic diff=0.003881, rho=0.023590\n", - "2019-01-31 01:18:00,970 : INFO : PROGRESS: pass 0, at document #3596000/4922894\n", - "2019-01-31 01:18:02,339 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:18:02,605 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.012*\"jame\" + 0.012*\"will\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"paul\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:18:02,606 : INFO : topic #33 (0.020): 0.064*\"french\" + 0.047*\"franc\" + 0.031*\"pari\" + 0.022*\"jean\" + 0.020*\"sail\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.008*\"wine\"\n", - "2019-01-31 01:18:02,607 : INFO : topic #31 (0.020): 0.053*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:18:02,609 : INFO : topic #21 (0.020): 0.033*\"samford\" + 0.021*\"spain\" + 0.019*\"del\" + 0.018*\"mexico\" + 0.016*\"italian\" + 0.013*\"soviet\" + 0.013*\"santa\" + 0.012*\"juan\" + 0.011*\"carlo\" + 0.010*\"lizard\"\n", - "2019-01-31 01:18:02,610 : INFO : topic #34 (0.020): 0.067*\"start\" + 0.034*\"new\" + 0.031*\"american\" + 0.030*\"unionist\" + 0.025*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.011*\"citi\"\n", - "2019-01-31 01:18:02,615 : INFO : topic diff=0.003692, rho=0.023583\n", - "2019-01-31 01:18:02,773 : INFO : PROGRESS: pass 0, at document #3598000/4922894\n", - "2019-01-31 01:18:04,169 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:18:04,436 : INFO : topic #48 (0.020): 0.079*\"sens\" + 0.078*\"octob\" + 0.077*\"march\" + 0.071*\"juli\" + 0.069*\"august\" + 0.069*\"januari\" + 0.069*\"judici\" + 0.069*\"notion\" + 0.067*\"april\" + 0.065*\"decatur\"\n", - "2019-01-31 01:18:04,437 : INFO : topic #13 (0.020): 0.027*\"australia\" + 0.026*\"sourc\" + 0.025*\"london\" + 0.025*\"new\" + 0.025*\"england\" + 0.023*\"australian\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:18:04,438 : INFO : topic #21 (0.020): 0.033*\"samford\" + 0.021*\"spain\" + 0.019*\"del\" + 0.018*\"mexico\" + 0.016*\"italian\" + 0.013*\"soviet\" + 0.013*\"santa\" + 0.012*\"juan\" + 0.011*\"carlo\" + 0.010*\"lizard\"\n", - "2019-01-31 01:18:04,439 : INFO : topic #17 (0.020): 0.076*\"church\" + 0.022*\"cathol\" + 0.022*\"christian\" + 0.021*\"bishop\" + 0.017*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.009*\"poll\" + 0.009*\"historiographi\" + 0.009*\"cathedr\"\n", - "2019-01-31 01:18:04,440 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.009*\"media\" + 0.009*\"have\" + 0.008*\"hormon\" + 0.008*\"disco\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"treat\" + 0.006*\"effect\" + 0.006*\"proper\"\n", - "2019-01-31 01:18:04,446 : INFO : topic diff=0.004106, rho=0.023577\n", - "2019-01-31 01:18:07,101 : INFO : -11.619 per-word bound, 3144.9 perplexity estimate based on a held-out corpus of 2000 documents with 539947 words\n", - "2019-01-31 01:18:07,101 : INFO : PROGRESS: pass 0, at document #3600000/4922894\n", - "2019-01-31 01:18:08,462 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:18:08,728 : INFO : topic #48 (0.020): 0.079*\"sens\" + 0.078*\"octob\" + 0.077*\"march\" + 0.071*\"juli\" + 0.070*\"august\" + 0.069*\"notion\" + 0.069*\"januari\" + 0.069*\"judici\" + 0.067*\"april\" + 0.065*\"decatur\"\n", - "2019-01-31 01:18:08,730 : INFO : topic #32 (0.020): 0.053*\"district\" + 0.047*\"vigour\" + 0.043*\"popolo\" + 0.036*\"cotton\" + 0.036*\"tortur\" + 0.022*\"area\" + 0.022*\"multitud\" + 0.020*\"adulthood\" + 0.019*\"citi\" + 0.018*\"cede\"\n", - "2019-01-31 01:18:08,731 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.045*\"chilton\" + 0.023*\"kong\" + 0.023*\"hong\" + 0.020*\"korea\" + 0.020*\"korean\" + 0.016*\"sourc\" + 0.016*\"shirin\" + 0.015*\"kim\" + 0.014*\"leah\"\n", - "2019-01-31 01:18:08,732 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.009*\"media\" + 0.008*\"have\" + 0.008*\"disco\" + 0.008*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"treat\" + 0.006*\"proper\" + 0.006*\"effect\"\n", - "2019-01-31 01:18:08,733 : INFO : topic #39 (0.020): 0.059*\"canada\" + 0.045*\"canadian\" + 0.023*\"toronto\" + 0.023*\"hoar\" + 0.021*\"ontario\" + 0.016*\"hydrogen\" + 0.016*\"new\" + 0.015*\"misericordia\" + 0.014*\"novotná\" + 0.013*\"quebec\"\n", - "2019-01-31 01:18:08,739 : INFO : topic diff=0.003770, rho=0.023570\n", - "2019-01-31 01:18:08,899 : INFO : PROGRESS: pass 0, at document #3602000/4922894\n", - "2019-01-31 01:18:10,286 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:18:10,552 : INFO : topic #46 (0.020): 0.022*\"norwai\" + 0.019*\"stop\" + 0.016*\"sweden\" + 0.015*\"wind\" + 0.014*\"swedish\" + 0.013*\"norwegian\" + 0.013*\"huntsvil\" + 0.013*\"damag\" + 0.013*\"treeless\" + 0.011*\"denmark\"\n", - "2019-01-31 01:18:10,554 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"market\" + 0.011*\"bank\" + 0.011*\"produc\" + 0.010*\"industri\" + 0.008*\"manag\" + 0.008*\"yawn\" + 0.007*\"oper\"\n", - "2019-01-31 01:18:10,555 : INFO : topic #48 (0.020): 0.079*\"sens\" + 0.078*\"octob\" + 0.077*\"march\" + 0.071*\"juli\" + 0.070*\"august\" + 0.070*\"notion\" + 0.069*\"judici\" + 0.069*\"januari\" + 0.067*\"april\" + 0.065*\"decatur\"\n", - "2019-01-31 01:18:10,556 : INFO : topic #45 (0.020): 0.033*\"arsen\" + 0.027*\"jpg\" + 0.025*\"museo\" + 0.025*\"fifteenth\" + 0.019*\"pain\" + 0.018*\"illicit\" + 0.014*\"colder\" + 0.014*\"gai\" + 0.013*\"exhaust\" + 0.012*\"black\"\n", - "2019-01-31 01:18:10,557 : INFO : topic #34 (0.020): 0.066*\"start\" + 0.034*\"new\" + 0.031*\"american\" + 0.030*\"unionist\" + 0.025*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.011*\"citi\"\n", - "2019-01-31 01:18:10,563 : INFO : topic diff=0.003455, rho=0.023564\n", - "2019-01-31 01:18:10,715 : INFO : PROGRESS: pass 0, at document #3604000/4922894\n", - "2019-01-31 01:18:12,053 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:18:12,319 : INFO : topic #17 (0.020): 0.076*\"church\" + 0.022*\"christian\" + 0.022*\"cathol\" + 0.021*\"bishop\" + 0.017*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.009*\"historiographi\" + 0.009*\"poll\" + 0.009*\"cathedr\"\n", - "2019-01-31 01:18:12,320 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.046*\"chilton\" + 0.024*\"kong\" + 0.023*\"hong\" + 0.020*\"korea\" + 0.020*\"korean\" + 0.016*\"sourc\" + 0.016*\"shirin\" + 0.014*\"kim\" + 0.014*\"leah\"\n", - "2019-01-31 01:18:12,321 : INFO : topic #37 (0.020): 0.013*\"charact\" + 0.011*\"septemb\" + 0.010*\"anim\" + 0.010*\"man\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.007*\"fusiform\" + 0.006*\"workplac\" + 0.006*\"vision\"\n", - "2019-01-31 01:18:12,323 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.054*\"parti\" + 0.026*\"voluntari\" + 0.022*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.014*\"bypass\" + 0.014*\"republ\" + 0.013*\"seaport\" + 0.013*\"report\"\n", - "2019-01-31 01:18:12,324 : INFO : topic #6 (0.020): 0.069*\"fewer\" + 0.023*\"epiru\" + 0.021*\"septemb\" + 0.019*\"teacher\" + 0.016*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:18:12,329 : INFO : topic diff=0.003178, rho=0.023557\n", - "2019-01-31 01:18:12,487 : INFO : PROGRESS: pass 0, at document #3606000/4922894\n", - "2019-01-31 01:18:13,879 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:18:14,146 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"english\" + 0.008*\"trade\" + 0.007*\"known\" + 0.006*\"ancestor\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:18:14,147 : INFO : topic #25 (0.020): 0.033*\"ring\" + 0.019*\"area\" + 0.018*\"lagrang\" + 0.016*\"mount\" + 0.016*\"warmth\" + 0.010*\"palmer\" + 0.010*\"north\" + 0.009*\"sourc\" + 0.009*\"land\" + 0.009*\"lobe\"\n", - "2019-01-31 01:18:14,148 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.021*\"walter\" + 0.020*\"armi\" + 0.017*\"com\" + 0.014*\"oper\" + 0.014*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.010*\"diversifi\"\n", - "2019-01-31 01:18:14,149 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.025*\"offic\" + 0.024*\"nation\" + 0.024*\"minist\" + 0.023*\"govern\" + 0.020*\"member\" + 0.019*\"serv\" + 0.016*\"start\" + 0.016*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:18:14,150 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"kenworthi\"\n", - "2019-01-31 01:18:14,156 : INFO : topic diff=0.003445, rho=0.023551\n", - "2019-01-31 01:18:14,310 : INFO : PROGRESS: pass 0, at document #3608000/4922894\n", - "2019-01-31 01:18:15,673 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:18:15,939 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"market\" + 0.011*\"bank\" + 0.011*\"produc\" + 0.010*\"industri\" + 0.008*\"manag\" + 0.008*\"yawn\" + 0.007*\"oper\"\n", - "2019-01-31 01:18:15,941 : INFO : topic #37 (0.020): 0.013*\"charact\" + 0.011*\"septemb\" + 0.010*\"anim\" + 0.009*\"man\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.007*\"fusiform\" + 0.006*\"workplac\" + 0.006*\"vision\"\n", - "2019-01-31 01:18:15,942 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"kenworthi\"\n", - "2019-01-31 01:18:15,943 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.009*\"media\" + 0.008*\"have\" + 0.008*\"disco\" + 0.008*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"treat\" + 0.006*\"proper\" + 0.006*\"effect\"\n", - "2019-01-31 01:18:15,944 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.035*\"leagu\" + 0.030*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.024*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.016*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:18:15,950 : INFO : topic diff=0.004031, rho=0.023544\n", - "2019-01-31 01:18:16,104 : INFO : PROGRESS: pass 0, at document #3610000/4922894\n", - "2019-01-31 01:18:17,465 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:18:17,732 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.007*\"woman\" + 0.007*\"summerhil\"\n", - "2019-01-31 01:18:17,733 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.033*\"publicis\" + 0.029*\"word\" + 0.020*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.011*\"magazin\" + 0.011*\"collect\" + 0.011*\"worldwid\" + 0.011*\"storag\"\n", - "2019-01-31 01:18:17,734 : INFO : topic #21 (0.020): 0.033*\"samford\" + 0.021*\"spain\" + 0.019*\"del\" + 0.017*\"mexico\" + 0.016*\"italian\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.012*\"juan\" + 0.011*\"carlo\" + 0.010*\"itali\"\n", - "2019-01-31 01:18:17,735 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.031*\"incumb\" + 0.014*\"pakistan\" + 0.012*\"islam\" + 0.011*\"muskoge\" + 0.011*\"affection\" + 0.010*\"sri\" + 0.010*\"anglo\" + 0.010*\"alam\" + 0.010*\"khalsa\"\n", - "2019-01-31 01:18:17,736 : INFO : topic #27 (0.020): 0.074*\"questionnair\" + 0.020*\"taxpay\" + 0.020*\"candid\" + 0.017*\"ret\" + 0.014*\"driver\" + 0.013*\"tornado\" + 0.012*\"fool\" + 0.012*\"find\" + 0.011*\"squatter\" + 0.010*\"horac\"\n", - "2019-01-31 01:18:17,742 : INFO : topic diff=0.003085, rho=0.023538\n", - "2019-01-31 01:18:17,897 : INFO : PROGRESS: pass 0, at document #3612000/4922894\n", - "2019-01-31 01:18:19,261 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:18:19,528 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"kenworthi\"\n", - "2019-01-31 01:18:19,529 : INFO : topic #25 (0.020): 0.033*\"ring\" + 0.019*\"area\" + 0.018*\"lagrang\" + 0.016*\"mount\" + 0.016*\"warmth\" + 0.010*\"palmer\" + 0.010*\"north\" + 0.009*\"land\" + 0.009*\"sourc\" + 0.009*\"foam\"\n", - "2019-01-31 01:18:19,530 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.012*\"market\" + 0.011*\"bank\" + 0.011*\"produc\" + 0.010*\"industri\" + 0.008*\"manag\" + 0.008*\"yawn\" + 0.007*\"oper\"\n", - "2019-01-31 01:18:19,531 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.020*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.009*\"myspac\"\n", - "2019-01-31 01:18:19,532 : INFO : topic #26 (0.020): 0.030*\"workplac\" + 0.029*\"champion\" + 0.026*\"woman\" + 0.024*\"olymp\" + 0.023*\"men\" + 0.022*\"medal\" + 0.019*\"event\" + 0.019*\"alic\" + 0.018*\"rainfal\" + 0.018*\"taxpay\"\n", - "2019-01-31 01:18:19,538 : INFO : topic diff=0.003891, rho=0.023531\n", - "2019-01-31 01:18:19,759 : INFO : PROGRESS: pass 0, at document #3614000/4922894\n", - "2019-01-31 01:18:21,167 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:18:21,434 : INFO : topic #41 (0.020): 0.039*\"citi\" + 0.024*\"palmer\" + 0.021*\"new\" + 0.016*\"strategist\" + 0.013*\"open\" + 0.012*\"center\" + 0.011*\"dai\" + 0.011*\"lobe\" + 0.011*\"includ\" + 0.009*\"local\"\n", - "2019-01-31 01:18:21,435 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.010*\"prognosi\" + 0.010*\"pop\" + 0.008*\"cytokin\" + 0.008*\"develop\" + 0.008*\"diggin\" + 0.008*\"softwar\" + 0.008*\"user\" + 0.008*\"championship\" + 0.008*\"uruguayan\"\n", - "2019-01-31 01:18:21,436 : INFO : topic #47 (0.020): 0.061*\"muscl\" + 0.033*\"perceptu\" + 0.020*\"theater\" + 0.018*\"place\" + 0.018*\"compos\" + 0.016*\"damn\" + 0.014*\"orchestr\" + 0.013*\"olympo\" + 0.013*\"physician\" + 0.012*\"jack\"\n", - "2019-01-31 01:18:21,437 : INFO : topic #26 (0.020): 0.030*\"workplac\" + 0.029*\"champion\" + 0.026*\"woman\" + 0.024*\"olymp\" + 0.023*\"men\" + 0.022*\"medal\" + 0.019*\"event\" + 0.018*\"rainfal\" + 0.018*\"alic\" + 0.018*\"taxpay\"\n", - "2019-01-31 01:18:21,438 : INFO : topic #1 (0.020): 0.053*\"china\" + 0.045*\"chilton\" + 0.023*\"kong\" + 0.023*\"hong\" + 0.021*\"korea\" + 0.019*\"korean\" + 0.016*\"sourc\" + 0.016*\"shirin\" + 0.015*\"kim\" + 0.013*\"leah\"\n", - "2019-01-31 01:18:21,444 : INFO : topic diff=0.003763, rho=0.023525\n", - "2019-01-31 01:18:21,604 : INFO : PROGRESS: pass 0, at document #3616000/4922894\n", - "2019-01-31 01:18:23,001 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:18:23,267 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.045*\"chilton\" + 0.024*\"kong\" + 0.023*\"hong\" + 0.021*\"korea\" + 0.019*\"korean\" + 0.016*\"sourc\" + 0.016*\"shirin\" + 0.015*\"kim\" + 0.013*\"leah\"\n", - "2019-01-31 01:18:23,268 : INFO : topic #26 (0.020): 0.029*\"workplac\" + 0.029*\"champion\" + 0.027*\"woman\" + 0.024*\"olymp\" + 0.024*\"men\" + 0.022*\"medal\" + 0.019*\"event\" + 0.019*\"alic\" + 0.018*\"rainfal\" + 0.018*\"taxpay\"\n", - "2019-01-31 01:18:23,269 : INFO : topic #16 (0.020): 0.060*\"king\" + 0.032*\"priest\" + 0.020*\"duke\" + 0.020*\"quarterli\" + 0.019*\"idiosyncrat\" + 0.019*\"rotterdam\" + 0.016*\"grammat\" + 0.013*\"count\" + 0.013*\"kingdom\" + 0.013*\"brazil\"\n", - "2019-01-31 01:18:23,270 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.043*\"line\" + 0.032*\"raid\" + 0.026*\"rosenwald\" + 0.023*\"rivièr\" + 0.019*\"serv\" + 0.019*\"traceabl\" + 0.018*\"airmen\" + 0.014*\"oper\" + 0.010*\"transient\"\n", - "2019-01-31 01:18:23,271 : INFO : topic #47 (0.020): 0.062*\"muscl\" + 0.033*\"perceptu\" + 0.020*\"theater\" + 0.018*\"place\" + 0.018*\"compos\" + 0.016*\"damn\" + 0.014*\"orchestr\" + 0.013*\"olympo\" + 0.013*\"physician\" + 0.012*\"jack\"\n", - "2019-01-31 01:18:23,277 : INFO : topic diff=0.003321, rho=0.023518\n", - "2019-01-31 01:18:23,432 : INFO : PROGRESS: pass 0, at document #3618000/4922894\n", - "2019-01-31 01:18:24,794 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:18:25,061 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.023*\"epiru\" + 0.021*\"septemb\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.010*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:18:25,062 : INFO : topic #21 (0.020): 0.033*\"samford\" + 0.021*\"spain\" + 0.019*\"del\" + 0.018*\"mexico\" + 0.016*\"italian\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"carlo\" + 0.010*\"josé\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:18:25,063 : INFO : topic #31 (0.020): 0.055*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:18:25,064 : INFO : topic #42 (0.020): 0.048*\"german\" + 0.031*\"germani\" + 0.017*\"vol\" + 0.014*\"der\" + 0.013*\"israel\" + 0.013*\"jewish\" + 0.013*\"berlin\" + 0.010*\"european\" + 0.009*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:18:25,065 : INFO : topic #35 (0.020): 0.056*\"russia\" + 0.036*\"rural\" + 0.036*\"sovereignti\" + 0.026*\"poison\" + 0.024*\"reprint\" + 0.023*\"personifi\" + 0.020*\"moscow\" + 0.018*\"poland\" + 0.015*\"tyrant\" + 0.014*\"unfortun\"\n", - "2019-01-31 01:18:25,071 : INFO : topic diff=0.003761, rho=0.023512\n", - "2019-01-31 01:18:27,659 : INFO : -11.642 per-word bound, 3196.0 perplexity estimate based on a held-out corpus of 2000 documents with 499041 words\n", - "2019-01-31 01:18:27,659 : INFO : PROGRESS: pass 0, at document #3620000/4922894\n", - "2019-01-31 01:18:29,011 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:18:29,277 : INFO : topic #2 (0.020): 0.047*\"isl\" + 0.040*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.012*\"blur\" + 0.011*\"pope\" + 0.011*\"nativist\" + 0.011*\"coalit\" + 0.009*\"fleet\" + 0.009*\"sai\"\n", - "2019-01-31 01:18:29,279 : INFO : topic #37 (0.020): 0.013*\"charact\" + 0.011*\"septemb\" + 0.010*\"anim\" + 0.009*\"man\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.007*\"fusiform\" + 0.006*\"workplac\" + 0.006*\"vision\"\n", - "2019-01-31 01:18:29,280 : INFO : topic #28 (0.020): 0.034*\"build\" + 0.029*\"hous\" + 0.019*\"buford\" + 0.014*\"histor\" + 0.012*\"linear\" + 0.011*\"constitut\" + 0.011*\"depress\" + 0.010*\"silicon\" + 0.010*\"briarwood\" + 0.010*\"pistol\"\n", - "2019-01-31 01:18:29,281 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.020*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.009*\"myspac\"\n", - "2019-01-31 01:18:29,282 : INFO : topic #35 (0.020): 0.056*\"russia\" + 0.036*\"rural\" + 0.036*\"sovereignti\" + 0.026*\"poison\" + 0.024*\"reprint\" + 0.023*\"personifi\" + 0.020*\"moscow\" + 0.018*\"poland\" + 0.015*\"tyrant\" + 0.014*\"unfortun\"\n", - "2019-01-31 01:18:29,288 : INFO : topic diff=0.004018, rho=0.023505\n", - "2019-01-31 01:18:29,448 : INFO : PROGRESS: pass 0, at document #3622000/4922894\n", - "2019-01-31 01:18:30,847 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:18:31,114 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.031*\"incumb\" + 0.013*\"pakistan\" + 0.013*\"islam\" + 0.012*\"muskoge\" + 0.012*\"anglo\" + 0.011*\"affection\" + 0.010*\"sri\" + 0.010*\"televis\" + 0.010*\"khalsa\"\n", - "2019-01-31 01:18:31,115 : INFO : topic #21 (0.020): 0.032*\"samford\" + 0.021*\"spain\" + 0.019*\"del\" + 0.018*\"mexico\" + 0.016*\"italian\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.012*\"juan\" + 0.010*\"carlo\" + 0.010*\"itali\"\n", - "2019-01-31 01:18:31,116 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.045*\"chilton\" + 0.024*\"kong\" + 0.023*\"hong\" + 0.021*\"korea\" + 0.019*\"korean\" + 0.016*\"sourc\" + 0.016*\"shirin\" + 0.014*\"kim\" + 0.013*\"leah\"\n", - "2019-01-31 01:18:31,117 : INFO : topic #46 (0.020): 0.021*\"norwai\" + 0.018*\"stop\" + 0.017*\"sweden\" + 0.015*\"swedish\" + 0.014*\"wind\" + 0.013*\"norwegian\" + 0.012*\"denmark\" + 0.012*\"huntsvil\" + 0.012*\"damag\" + 0.011*\"treeless\"\n", - "2019-01-31 01:18:31,118 : INFO : topic #20 (0.020): 0.144*\"scholar\" + 0.040*\"struggl\" + 0.033*\"high\" + 0.031*\"educ\" + 0.024*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"task\" + 0.010*\"gothic\" + 0.009*\"district\"\n", - "2019-01-31 01:18:31,124 : INFO : topic diff=0.003610, rho=0.023499\n", - "2019-01-31 01:18:31,284 : INFO : PROGRESS: pass 0, at document #3624000/4922894\n", - "2019-01-31 01:18:32,676 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:18:32,943 : INFO : topic #41 (0.020): 0.039*\"citi\" + 0.024*\"palmer\" + 0.021*\"new\" + 0.016*\"strategist\" + 0.013*\"open\" + 0.012*\"center\" + 0.011*\"lobe\" + 0.011*\"includ\" + 0.011*\"dai\" + 0.009*\"local\"\n", - "2019-01-31 01:18:32,944 : INFO : topic #42 (0.020): 0.048*\"german\" + 0.032*\"germani\" + 0.017*\"vol\" + 0.014*\"der\" + 0.013*\"berlin\" + 0.013*\"jewish\" + 0.013*\"israel\" + 0.010*\"european\" + 0.009*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:18:32,945 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.035*\"leagu\" + 0.030*\"place\" + 0.028*\"taxpay\" + 0.024*\"crete\" + 0.024*\"scientist\" + 0.022*\"folei\" + 0.017*\"goal\" + 0.016*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:18:32,946 : INFO : topic #27 (0.020): 0.075*\"questionnair\" + 0.020*\"taxpay\" + 0.020*\"candid\" + 0.016*\"ret\" + 0.013*\"driver\" + 0.013*\"tornado\" + 0.012*\"fool\" + 0.012*\"find\" + 0.011*\"squatter\" + 0.010*\"horac\"\n", - "2019-01-31 01:18:32,947 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.034*\"publicis\" + 0.028*\"word\" + 0.020*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.011*\"magazin\" + 0.011*\"collect\" + 0.011*\"worldwid\" + 0.011*\"storag\"\n", - "2019-01-31 01:18:32,953 : INFO : topic diff=0.004570, rho=0.023492\n", - "2019-01-31 01:18:33,112 : INFO : PROGRESS: pass 0, at document #3626000/4922894\n", - "2019-01-31 01:18:34,497 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:18:34,762 : INFO : topic #35 (0.020): 0.055*\"russia\" + 0.036*\"rural\" + 0.036*\"sovereignti\" + 0.026*\"poison\" + 0.024*\"reprint\" + 0.023*\"personifi\" + 0.020*\"moscow\" + 0.018*\"poland\" + 0.015*\"tyrant\" + 0.014*\"unfortun\"\n", - "2019-01-31 01:18:34,764 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"pour\" + 0.015*\"depress\" + 0.008*\"mode\" + 0.008*\"veget\" + 0.008*\"elabor\" + 0.007*\"uruguayan\" + 0.006*\"produc\" + 0.006*\"develop\" + 0.006*\"candid\"\n", - "2019-01-31 01:18:34,765 : INFO : topic #39 (0.020): 0.059*\"canada\" + 0.044*\"canadian\" + 0.024*\"hoar\" + 0.023*\"toronto\" + 0.020*\"ontario\" + 0.016*\"hydrogen\" + 0.016*\"new\" + 0.015*\"misericordia\" + 0.013*\"novotná\" + 0.013*\"quebec\"\n", - "2019-01-31 01:18:34,766 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.034*\"publicis\" + 0.028*\"word\" + 0.020*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.011*\"magazin\" + 0.011*\"collect\" + 0.011*\"worldwid\" + 0.011*\"storag\"\n", - "2019-01-31 01:18:34,767 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"english\" + 0.008*\"trade\" + 0.007*\"known\" + 0.006*\"ancestor\"\n", - "2019-01-31 01:18:34,773 : INFO : topic diff=0.004066, rho=0.023486\n", - "2019-01-31 01:18:34,925 : INFO : PROGRESS: pass 0, at document #3628000/4922894\n", - "2019-01-31 01:18:36,264 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:18:36,530 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.035*\"leagu\" + 0.030*\"place\" + 0.028*\"taxpay\" + 0.024*\"crete\" + 0.024*\"scientist\" + 0.022*\"folei\" + 0.017*\"goal\" + 0.016*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:18:36,531 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.046*\"vigour\" + 0.044*\"popolo\" + 0.036*\"cotton\" + 0.036*\"tortur\" + 0.022*\"area\" + 0.022*\"multitud\" + 0.021*\"adulthood\" + 0.019*\"citi\" + 0.019*\"cede\"\n", - "2019-01-31 01:18:36,532 : INFO : topic #41 (0.020): 0.039*\"citi\" + 0.024*\"palmer\" + 0.020*\"new\" + 0.016*\"strategist\" + 0.013*\"open\" + 0.012*\"center\" + 0.011*\"dai\" + 0.011*\"lobe\" + 0.011*\"includ\" + 0.009*\"local\"\n", - "2019-01-31 01:18:36,533 : INFO : topic #9 (0.020): 0.069*\"bone\" + 0.046*\"american\" + 0.028*\"valour\" + 0.019*\"dutch\" + 0.018*\"folei\" + 0.018*\"player\" + 0.017*\"polit\" + 0.016*\"english\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:18:36,534 : INFO : topic #44 (0.020): 0.032*\"rooftop\" + 0.028*\"final\" + 0.024*\"wife\" + 0.019*\"tourist\" + 0.018*\"champion\" + 0.015*\"taxpay\" + 0.014*\"tiepolo\" + 0.014*\"martin\" + 0.014*\"chamber\" + 0.013*\"open\"\n", - "2019-01-31 01:18:36,540 : INFO : topic diff=0.003929, rho=0.023479\n", - "2019-01-31 01:18:36,700 : INFO : PROGRESS: pass 0, at document #3630000/4922894\n", - "2019-01-31 01:18:38,088 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:18:38,354 : INFO : topic #34 (0.020): 0.066*\"start\" + 0.034*\"new\" + 0.032*\"american\" + 0.030*\"unionist\" + 0.025*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.011*\"terri\" + 0.011*\"north\"\n", - "2019-01-31 01:18:38,355 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.024*\"epiru\" + 0.021*\"septemb\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.012*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:18:38,356 : INFO : topic #21 (0.020): 0.032*\"samford\" + 0.021*\"spain\" + 0.019*\"del\" + 0.018*\"mexico\" + 0.016*\"italian\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.012*\"juan\" + 0.011*\"carlo\" + 0.010*\"itali\"\n", - "2019-01-31 01:18:38,358 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"kenworthi\"\n", - "2019-01-31 01:18:38,359 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.009*\"media\" + 0.008*\"hormon\" + 0.008*\"have\" + 0.008*\"disco\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"treat\" + 0.006*\"proper\" + 0.006*\"effect\"\n", - "2019-01-31 01:18:38,364 : INFO : topic diff=0.003398, rho=0.023473\n", - "2019-01-31 01:18:38,518 : INFO : PROGRESS: pass 0, at document #3632000/4922894\n", - "2019-01-31 01:18:39,874 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:18:40,140 : INFO : topic #33 (0.020): 0.063*\"french\" + 0.047*\"franc\" + 0.030*\"pari\" + 0.023*\"sail\" + 0.021*\"jean\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.012*\"piec\" + 0.012*\"loui\" + 0.008*\"wine\"\n", - "2019-01-31 01:18:40,141 : INFO : topic #16 (0.020): 0.060*\"king\" + 0.032*\"priest\" + 0.020*\"duke\" + 0.020*\"quarterli\" + 0.019*\"idiosyncrat\" + 0.019*\"rotterdam\" + 0.016*\"grammat\" + 0.013*\"kingdom\" + 0.013*\"count\" + 0.013*\"portugues\"\n", - "2019-01-31 01:18:40,142 : INFO : topic #48 (0.020): 0.086*\"sens\" + 0.081*\"octob\" + 0.079*\"march\" + 0.069*\"juli\" + 0.069*\"august\" + 0.068*\"januari\" + 0.067*\"notion\" + 0.067*\"judici\" + 0.065*\"april\" + 0.064*\"decatur\"\n", - "2019-01-31 01:18:40,143 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.023*\"cortic\" + 0.018*\"start\" + 0.016*\"act\" + 0.012*\"case\" + 0.012*\"ricardo\" + 0.010*\"replac\" + 0.009*\"order\" + 0.009*\"polaris\" + 0.008*\"legal\"\n", - "2019-01-31 01:18:40,144 : INFO : topic #23 (0.020): 0.135*\"audit\" + 0.069*\"best\" + 0.034*\"yawn\" + 0.029*\"jacksonvil\" + 0.023*\"japanes\" + 0.022*\"noll\" + 0.018*\"festiv\" + 0.018*\"intern\" + 0.018*\"women\" + 0.013*\"prison\"\n", - "2019-01-31 01:18:40,150 : INFO : topic diff=0.003796, rho=0.023466\n", - "2019-01-31 01:18:40,304 : INFO : PROGRESS: pass 0, at document #3634000/4922894\n", - "2019-01-31 01:18:41,676 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:18:41,942 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.018*\"area\" + 0.017*\"lagrang\" + 0.016*\"warmth\" + 0.016*\"mount\" + 0.012*\"crayfish\" + 0.010*\"north\" + 0.010*\"palmer\" + 0.009*\"sourc\" + 0.009*\"land\"\n", - "2019-01-31 01:18:41,943 : INFO : topic #37 (0.020): 0.013*\"charact\" + 0.011*\"septemb\" + 0.011*\"anim\" + 0.009*\"man\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.007*\"fusiform\" + 0.006*\"workplac\" + 0.006*\"vision\"\n", - "2019-01-31 01:18:41,944 : INFO : topic #14 (0.020): 0.025*\"forc\" + 0.023*\"aggress\" + 0.021*\"walter\" + 0.019*\"armi\" + 0.017*\"com\" + 0.014*\"oper\" + 0.014*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:18:41,945 : INFO : topic #21 (0.020): 0.032*\"samford\" + 0.021*\"spain\" + 0.018*\"del\" + 0.018*\"mexico\" + 0.016*\"italian\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.012*\"juan\" + 0.011*\"carlo\" + 0.010*\"itali\"\n", - "2019-01-31 01:18:41,946 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.023*\"cortic\" + 0.018*\"start\" + 0.016*\"act\" + 0.012*\"case\" + 0.012*\"ricardo\" + 0.010*\"replac\" + 0.009*\"order\" + 0.009*\"polaris\" + 0.008*\"legal\"\n", - "2019-01-31 01:18:41,952 : INFO : topic diff=0.003579, rho=0.023460\n", - "2019-01-31 01:18:42,102 : INFO : PROGRESS: pass 0, at document #3636000/4922894\n", - "2019-01-31 01:18:43,429 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:18:43,696 : INFO : topic #17 (0.020): 0.075*\"church\" + 0.024*\"christian\" + 0.023*\"cathol\" + 0.021*\"bishop\" + 0.017*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.009*\"historiographi\" + 0.009*\"poll\" + 0.009*\"cathedr\"\n", - "2019-01-31 01:18:43,697 : INFO : topic #46 (0.020): 0.021*\"norwai\" + 0.018*\"stop\" + 0.017*\"sweden\" + 0.016*\"swedish\" + 0.014*\"wind\" + 0.014*\"norwegian\" + 0.013*\"denmark\" + 0.012*\"huntsvil\" + 0.012*\"damag\" + 0.011*\"treeless\"\n", - "2019-01-31 01:18:43,698 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.006*\"ancestor\"\n", - "2019-01-31 01:18:43,699 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.045*\"chilton\" + 0.023*\"hong\" + 0.023*\"kong\" + 0.021*\"korea\" + 0.019*\"korean\" + 0.016*\"shirin\" + 0.015*\"sourc\" + 0.014*\"kim\" + 0.013*\"leah\"\n", - "2019-01-31 01:18:43,700 : INFO : topic #13 (0.020): 0.027*\"australia\" + 0.026*\"england\" + 0.025*\"sourc\" + 0.025*\"new\" + 0.025*\"london\" + 0.022*\"australian\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:18:43,706 : INFO : topic diff=0.003809, rho=0.023453\n", - "2019-01-31 01:18:43,861 : INFO : PROGRESS: pass 0, at document #3638000/4922894\n", - "2019-01-31 01:18:45,223 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:18:45,490 : INFO : topic #41 (0.020): 0.039*\"citi\" + 0.024*\"palmer\" + 0.020*\"new\" + 0.016*\"strategist\" + 0.014*\"open\" + 0.012*\"center\" + 0.011*\"dai\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.009*\"local\"\n", - "2019-01-31 01:18:45,491 : INFO : topic #13 (0.020): 0.027*\"australia\" + 0.026*\"england\" + 0.025*\"sourc\" + 0.025*\"new\" + 0.025*\"london\" + 0.022*\"australian\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:18:45,492 : INFO : topic #31 (0.020): 0.054*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.015*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:18:45,493 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.009*\"mode\" + 0.008*\"veget\" + 0.008*\"elabor\" + 0.007*\"uruguayan\" + 0.006*\"produc\" + 0.006*\"develop\" + 0.006*\"candid\"\n", - "2019-01-31 01:18:45,494 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.045*\"chilton\" + 0.024*\"kong\" + 0.023*\"hong\" + 0.021*\"korea\" + 0.019*\"korean\" + 0.016*\"shirin\" + 0.015*\"sourc\" + 0.014*\"kim\" + 0.013*\"leah\"\n", - "2019-01-31 01:18:45,500 : INFO : topic diff=0.003342, rho=0.023447\n", - "2019-01-31 01:18:48,089 : INFO : -12.147 per-word bound, 4534.6 perplexity estimate based on a held-out corpus of 2000 documents with 528573 words\n", - "2019-01-31 01:18:48,090 : INFO : PROGRESS: pass 0, at document #3640000/4922894\n", - "2019-01-31 01:18:49,435 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:18:49,701 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.033*\"perceptu\" + 0.020*\"theater\" + 0.018*\"place\" + 0.018*\"compos\" + 0.016*\"damn\" + 0.014*\"orchestr\" + 0.013*\"physician\" + 0.013*\"olympo\" + 0.012*\"jack\"\n", - "2019-01-31 01:18:49,702 : INFO : topic #13 (0.020): 0.027*\"australia\" + 0.026*\"england\" + 0.025*\"sourc\" + 0.025*\"new\" + 0.025*\"london\" + 0.022*\"australian\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:18:49,703 : INFO : topic #9 (0.020): 0.070*\"bone\" + 0.046*\"american\" + 0.028*\"valour\" + 0.019*\"dutch\" + 0.018*\"english\" + 0.018*\"folei\" + 0.017*\"player\" + 0.017*\"polit\" + 0.013*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:18:49,704 : INFO : topic #45 (0.020): 0.033*\"arsen\" + 0.028*\"jpg\" + 0.026*\"fifteenth\" + 0.025*\"museo\" + 0.019*\"pain\" + 0.018*\"illicit\" + 0.014*\"colder\" + 0.014*\"gai\" + 0.013*\"exhaust\" + 0.011*\"black\"\n", - "2019-01-31 01:18:49,705 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.009*\"media\" + 0.008*\"hormon\" + 0.008*\"have\" + 0.008*\"disco\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 01:18:49,711 : INFO : topic diff=0.004051, rho=0.023440\n", - "2019-01-31 01:18:49,872 : INFO : PROGRESS: pass 0, at document #3642000/4922894\n", - "2019-01-31 01:18:51,266 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:18:51,532 : INFO : topic #46 (0.020): 0.020*\"norwai\" + 0.018*\"stop\" + 0.017*\"sweden\" + 0.015*\"swedish\" + 0.015*\"damag\" + 0.013*\"wind\" + 0.013*\"norwegian\" + 0.013*\"huntsvil\" + 0.012*\"denmark\" + 0.011*\"treeless\"\n", - "2019-01-31 01:18:51,533 : INFO : topic #27 (0.020): 0.074*\"questionnair\" + 0.020*\"candid\" + 0.019*\"taxpay\" + 0.014*\"ret\" + 0.013*\"driver\" + 0.013*\"tornado\" + 0.012*\"fool\" + 0.011*\"find\" + 0.011*\"squatter\" + 0.010*\"horac\"\n", - "2019-01-31 01:18:51,535 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.008*\"forc\" + 0.007*\"teufel\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.006*\"govern\" + 0.006*\"till\" + 0.006*\"militari\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:18:51,536 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.046*\"chilton\" + 0.024*\"kong\" + 0.023*\"hong\" + 0.020*\"korea\" + 0.018*\"korean\" + 0.016*\"shirin\" + 0.015*\"sourc\" + 0.014*\"kim\" + 0.013*\"leah\"\n", - "2019-01-31 01:18:51,537 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"ancestor\"\n", - "2019-01-31 01:18:51,542 : INFO : topic diff=0.003584, rho=0.023434\n", - "2019-01-31 01:18:51,700 : INFO : PROGRESS: pass 0, at document #3644000/4922894\n", - "2019-01-31 01:18:53,084 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:18:53,350 : INFO : topic #40 (0.020): 0.085*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.021*\"requir\" + 0.021*\"collector\" + 0.019*\"student\" + 0.015*\"professor\" + 0.012*\"http\" + 0.011*\"word\" + 0.011*\"degre\"\n", - "2019-01-31 01:18:53,351 : INFO : topic #39 (0.020): 0.059*\"canada\" + 0.044*\"canadian\" + 0.024*\"hoar\" + 0.023*\"toronto\" + 0.020*\"ontario\" + 0.017*\"hydrogen\" + 0.016*\"new\" + 0.015*\"novotná\" + 0.014*\"misericordia\" + 0.012*\"quebec\"\n", - "2019-01-31 01:18:53,352 : INFO : topic #25 (0.020): 0.033*\"ring\" + 0.019*\"area\" + 0.017*\"lagrang\" + 0.016*\"warmth\" + 0.016*\"mount\" + 0.012*\"crayfish\" + 0.010*\"north\" + 0.010*\"palmer\" + 0.009*\"sourc\" + 0.009*\"land\"\n", - "2019-01-31 01:18:53,353 : INFO : topic #26 (0.020): 0.030*\"workplac\" + 0.029*\"champion\" + 0.027*\"woman\" + 0.025*\"olymp\" + 0.024*\"men\" + 0.021*\"medal\" + 0.019*\"event\" + 0.019*\"taxpay\" + 0.018*\"rainfal\" + 0.018*\"alic\"\n", - "2019-01-31 01:18:53,354 : INFO : topic #35 (0.020): 0.056*\"russia\" + 0.037*\"sovereignti\" + 0.037*\"rural\" + 0.025*\"poison\" + 0.024*\"reprint\" + 0.024*\"personifi\" + 0.020*\"moscow\" + 0.017*\"poland\" + 0.015*\"tyrant\" + 0.014*\"unfortun\"\n", - "2019-01-31 01:18:53,360 : INFO : topic diff=0.003571, rho=0.023427\n", - "2019-01-31 01:18:53,586 : INFO : PROGRESS: pass 0, at document #3646000/4922894\n", - "2019-01-31 01:18:54,995 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:18:55,261 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.046*\"vigour\" + 0.044*\"popolo\" + 0.037*\"tortur\" + 0.035*\"cotton\" + 0.022*\"area\" + 0.022*\"multitud\" + 0.021*\"adulthood\" + 0.019*\"citi\" + 0.019*\"cede\"\n", - "2019-01-31 01:18:55,263 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.036*\"cleveland\" + 0.030*\"place\" + 0.028*\"taxpay\" + 0.024*\"crete\" + 0.024*\"scientist\" + 0.022*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:18:55,264 : INFO : topic #0 (0.020): 0.065*\"statewid\" + 0.042*\"line\" + 0.031*\"raid\" + 0.026*\"rosenwald\" + 0.024*\"rivièr\" + 0.019*\"serv\" + 0.019*\"traceabl\" + 0.018*\"airmen\" + 0.013*\"oper\" + 0.010*\"transient\"\n", - "2019-01-31 01:18:55,265 : INFO : topic #27 (0.020): 0.075*\"questionnair\" + 0.020*\"candid\" + 0.019*\"taxpay\" + 0.014*\"ret\" + 0.013*\"driver\" + 0.013*\"tornado\" + 0.012*\"fool\" + 0.012*\"find\" + 0.011*\"squatter\" + 0.010*\"landslid\"\n", - "2019-01-31 01:18:55,266 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"kenworthi\"\n", - "2019-01-31 01:18:55,272 : INFO : topic diff=0.004159, rho=0.023421\n", - "2019-01-31 01:18:55,426 : INFO : PROGRESS: pass 0, at document #3648000/4922894\n", - "2019-01-31 01:18:56,772 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:18:57,038 : INFO : topic #33 (0.020): 0.064*\"french\" + 0.046*\"franc\" + 0.030*\"pari\" + 0.022*\"sail\" + 0.022*\"jean\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.012*\"piec\" + 0.011*\"loui\" + 0.008*\"wine\"\n", - "2019-01-31 01:18:57,039 : INFO : topic #41 (0.020): 0.039*\"citi\" + 0.024*\"palmer\" + 0.020*\"new\" + 0.017*\"strategist\" + 0.014*\"open\" + 0.012*\"center\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.011*\"dai\" + 0.009*\"local\"\n", - "2019-01-31 01:18:57,040 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.029*\"final\" + 0.024*\"wife\" + 0.020*\"tourist\" + 0.018*\"champion\" + 0.015*\"taxpay\" + 0.014*\"chamber\" + 0.014*\"tiepolo\" + 0.014*\"martin\" + 0.014*\"open\"\n", - "2019-01-31 01:18:57,042 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.033*\"perceptu\" + 0.021*\"theater\" + 0.018*\"place\" + 0.018*\"compos\" + 0.016*\"damn\" + 0.013*\"orchestr\" + 0.013*\"physician\" + 0.012*\"olympo\" + 0.012*\"word\"\n", - "2019-01-31 01:18:57,043 : INFO : topic #16 (0.020): 0.061*\"king\" + 0.032*\"priest\" + 0.020*\"duke\" + 0.019*\"quarterli\" + 0.019*\"rotterdam\" + 0.019*\"idiosyncrat\" + 0.016*\"grammat\" + 0.013*\"kingdom\" + 0.013*\"brazil\" + 0.013*\"portugues\"\n", - "2019-01-31 01:18:57,048 : INFO : topic diff=0.003302, rho=0.023415\n", - "2019-01-31 01:18:57,200 : INFO : PROGRESS: pass 0, at document #3650000/4922894\n", - "2019-01-31 01:18:58,542 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:18:58,809 : INFO : topic #31 (0.020): 0.055*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.024*\"player\" + 0.020*\"place\" + 0.015*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:18:58,810 : INFO : topic #46 (0.020): 0.020*\"norwai\" + 0.018*\"stop\" + 0.017*\"sweden\" + 0.015*\"damag\" + 0.015*\"swedish\" + 0.013*\"wind\" + 0.013*\"norwegian\" + 0.013*\"huntsvil\" + 0.012*\"denmark\" + 0.011*\"treeless\"\n", - "2019-01-31 01:18:58,811 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.008*\"frontal\" + 0.007*\"gener\" + 0.006*\"southern\" + 0.006*\"exampl\" + 0.006*\"poet\" + 0.006*\"théori\" + 0.006*\"servitud\" + 0.006*\"measur\" + 0.005*\"differ\"\n", - "2019-01-31 01:18:58,812 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.008*\"woman\" + 0.007*\"human\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:18:58,813 : INFO : topic #33 (0.020): 0.063*\"french\" + 0.046*\"franc\" + 0.030*\"pari\" + 0.022*\"sail\" + 0.022*\"jean\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.012*\"piec\" + 0.011*\"loui\" + 0.008*\"wine\"\n", - "2019-01-31 01:18:58,819 : INFO : topic diff=0.003907, rho=0.023408\n", - "2019-01-31 01:18:58,971 : INFO : PROGRESS: pass 0, at document #3652000/4922894\n", - "2019-01-31 01:19:00,332 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:19:00,599 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.032*\"incumb\" + 0.013*\"pakistan\" + 0.013*\"islam\" + 0.012*\"muskoge\" + 0.012*\"anglo\" + 0.011*\"televis\" + 0.011*\"affection\" + 0.011*\"sri\" + 0.010*\"tajikistan\"\n", - "2019-01-31 01:19:00,600 : INFO : topic #34 (0.020): 0.066*\"start\" + 0.034*\"new\" + 0.032*\"american\" + 0.029*\"unionist\" + 0.025*\"cotton\" + 0.020*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.011*\"citi\"\n", - "2019-01-31 01:19:00,601 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.009*\"media\" + 0.008*\"hormon\" + 0.008*\"disco\" + 0.008*\"have\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 01:19:00,602 : INFO : topic #14 (0.020): 0.025*\"forc\" + 0.023*\"aggress\" + 0.021*\"walter\" + 0.020*\"armi\" + 0.017*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:19:00,603 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.024*\"epiru\" + 0.021*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.012*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"direct\" + 0.010*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:19:00,609 : INFO : topic diff=0.003376, rho=0.023402\n", - "2019-01-31 01:19:00,763 : INFO : PROGRESS: pass 0, at document #3654000/4922894\n", - "2019-01-31 01:19:02,132 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:19:02,399 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.012*\"will\" + 0.011*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"paul\" + 0.008*\"georg\" + 0.008*\"slur\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:19:02,400 : INFO : topic #13 (0.020): 0.026*\"australia\" + 0.026*\"sourc\" + 0.025*\"new\" + 0.025*\"england\" + 0.025*\"london\" + 0.022*\"australian\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:19:02,401 : INFO : topic #9 (0.020): 0.069*\"bone\" + 0.046*\"american\" + 0.029*\"valour\" + 0.019*\"dutch\" + 0.018*\"english\" + 0.018*\"folei\" + 0.017*\"player\" + 0.017*\"polit\" + 0.012*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 01:19:02,402 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"kenworthi\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:19:02,403 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.024*\"epiru\" + 0.021*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.012*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:19:02,409 : INFO : topic diff=0.003231, rho=0.023395\n", - "2019-01-31 01:19:02,567 : INFO : PROGRESS: pass 0, at document #3656000/4922894\n", - "2019-01-31 01:19:03,944 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:19:04,211 : INFO : topic #34 (0.020): 0.066*\"start\" + 0.034*\"new\" + 0.032*\"american\" + 0.029*\"unionist\" + 0.025*\"cotton\" + 0.020*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.011*\"citi\"\n", - "2019-01-31 01:19:04,212 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.008*\"frontal\" + 0.007*\"gener\" + 0.006*\"southern\" + 0.006*\"exampl\" + 0.006*\"poet\" + 0.006*\"théori\" + 0.006*\"servitud\" + 0.006*\"measur\" + 0.005*\"differ\"\n", - "2019-01-31 01:19:04,213 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.012*\"will\" + 0.011*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"paul\" + 0.008*\"georg\" + 0.008*\"slur\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:19:04,214 : INFO : topic #42 (0.020): 0.048*\"german\" + 0.032*\"germani\" + 0.017*\"vol\" + 0.014*\"der\" + 0.014*\"berlin\" + 0.014*\"israel\" + 0.014*\"jewish\" + 0.010*\"european\" + 0.009*\"europ\" + 0.008*\"austria\"\n", - "2019-01-31 01:19:04,215 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.055*\"parti\" + 0.025*\"voluntari\" + 0.022*\"democrat\" + 0.020*\"member\" + 0.017*\"polici\" + 0.016*\"seaport\" + 0.014*\"bypass\" + 0.014*\"republ\" + 0.013*\"report\"\n", - "2019-01-31 01:19:04,221 : INFO : topic diff=0.003621, rho=0.023389\n", - "2019-01-31 01:19:04,380 : INFO : PROGRESS: pass 0, at document #3658000/4922894\n", - "2019-01-31 01:19:05,763 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:19:06,029 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.070*\"best\" + 0.033*\"yawn\" + 0.029*\"jacksonvil\" + 0.023*\"japanes\" + 0.022*\"noll\" + 0.018*\"festiv\" + 0.018*\"intern\" + 0.018*\"women\" + 0.013*\"prison\"\n", - "2019-01-31 01:19:06,031 : INFO : topic #32 (0.020): 0.053*\"district\" + 0.046*\"vigour\" + 0.044*\"popolo\" + 0.037*\"tortur\" + 0.035*\"cotton\" + 0.022*\"area\" + 0.022*\"multitud\" + 0.021*\"adulthood\" + 0.019*\"citi\" + 0.019*\"cede\"\n", - "2019-01-31 01:19:06,032 : INFO : topic #25 (0.020): 0.033*\"ring\" + 0.019*\"area\" + 0.017*\"lagrang\" + 0.016*\"warmth\" + 0.016*\"mount\" + 0.012*\"crayfish\" + 0.010*\"north\" + 0.010*\"palmer\" + 0.009*\"sourc\" + 0.009*\"land\"\n", - "2019-01-31 01:19:06,033 : INFO : topic #35 (0.020): 0.055*\"russia\" + 0.036*\"sovereignti\" + 0.036*\"rural\" + 0.024*\"poison\" + 0.024*\"reprint\" + 0.023*\"personifi\" + 0.020*\"moscow\" + 0.017*\"poland\" + 0.014*\"unfortun\" + 0.014*\"tyrant\"\n", - "2019-01-31 01:19:06,034 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.023*\"cortic\" + 0.019*\"start\" + 0.016*\"act\" + 0.012*\"case\" + 0.011*\"ricardo\" + 0.009*\"replac\" + 0.009*\"polaris\" + 0.009*\"order\" + 0.008*\"legal\"\n", - "2019-01-31 01:19:06,039 : INFO : topic diff=0.003983, rho=0.023383\n", - "2019-01-31 01:19:08,709 : INFO : -11.769 per-word bound, 3489.8 perplexity estimate based on a held-out corpus of 2000 documents with 550710 words\n", - "2019-01-31 01:19:08,709 : INFO : PROGRESS: pass 0, at document #3660000/4922894\n", - "2019-01-31 01:19:10,078 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:19:10,345 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.032*\"incumb\" + 0.013*\"pakistan\" + 0.013*\"islam\" + 0.012*\"muskoge\" + 0.012*\"anglo\" + 0.011*\"televis\" + 0.011*\"affection\" + 0.011*\"sri\" + 0.010*\"tajikistan\"\n", - "2019-01-31 01:19:10,346 : INFO : topic #27 (0.020): 0.074*\"questionnair\" + 0.020*\"candid\" + 0.019*\"taxpay\" + 0.014*\"ret\" + 0.013*\"tornado\" + 0.013*\"driver\" + 0.012*\"fool\" + 0.012*\"find\" + 0.011*\"squatter\" + 0.010*\"landslid\"\n", - "2019-01-31 01:19:10,347 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.008*\"group\" + 0.008*\"word\" + 0.008*\"woman\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:19:10,348 : INFO : topic #14 (0.020): 0.025*\"forc\" + 0.023*\"aggress\" + 0.021*\"walter\" + 0.020*\"armi\" + 0.017*\"com\" + 0.014*\"oper\" + 0.014*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:19:10,349 : INFO : topic #21 (0.020): 0.034*\"samford\" + 0.022*\"spain\" + 0.018*\"del\" + 0.018*\"mexico\" + 0.016*\"italian\" + 0.013*\"soviet\" + 0.013*\"santa\" + 0.012*\"juan\" + 0.011*\"carlo\" + 0.010*\"mexican\"\n", - "2019-01-31 01:19:10,355 : INFO : topic diff=0.003735, rho=0.023376\n", - "2019-01-31 01:19:10,509 : INFO : PROGRESS: pass 0, at document #3662000/4922894\n", - "2019-01-31 01:19:11,877 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:19:12,143 : INFO : topic #13 (0.020): 0.026*\"australia\" + 0.026*\"sourc\" + 0.025*\"new\" + 0.024*\"london\" + 0.024*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:19:12,144 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.023*\"cortic\" + 0.019*\"start\" + 0.016*\"act\" + 0.012*\"case\" + 0.011*\"ricardo\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.009*\"order\" + 0.008*\"legal\"\n", - "2019-01-31 01:19:12,145 : INFO : topic #7 (0.020): 0.022*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"deal\" + 0.012*\"daughter\"\n", - "2019-01-31 01:19:12,146 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.010*\"prognosi\" + 0.010*\"pop\" + 0.008*\"develop\" + 0.008*\"cytokin\" + 0.008*\"diggin\" + 0.008*\"softwar\" + 0.008*\"user\" + 0.008*\"uruguayan\" + 0.007*\"championship\"\n", - "2019-01-31 01:19:12,147 : INFO : topic #26 (0.020): 0.030*\"workplac\" + 0.029*\"champion\" + 0.027*\"woman\" + 0.025*\"olymp\" + 0.024*\"men\" + 0.021*\"medal\" + 0.020*\"event\" + 0.019*\"taxpay\" + 0.018*\"atheist\" + 0.018*\"rainfal\"\n", - "2019-01-31 01:19:12,153 : INFO : topic diff=0.003019, rho=0.023370\n", - "2019-01-31 01:19:12,310 : INFO : PROGRESS: pass 0, at document #3664000/4922894\n", - "2019-01-31 01:19:13,675 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:19:13,941 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"kenworthi\"\n", - "2019-01-31 01:19:13,942 : INFO : topic #35 (0.020): 0.056*\"russia\" + 0.036*\"rural\" + 0.036*\"sovereignti\" + 0.025*\"poison\" + 0.024*\"reprint\" + 0.023*\"personifi\" + 0.020*\"moscow\" + 0.017*\"poland\" + 0.014*\"tyrant\" + 0.014*\"unfortun\"\n", - "2019-01-31 01:19:13,943 : INFO : topic #31 (0.020): 0.055*\"fusiform\" + 0.027*\"scientist\" + 0.026*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.015*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:19:13,944 : INFO : topic #0 (0.020): 0.068*\"statewid\" + 0.041*\"line\" + 0.031*\"raid\" + 0.026*\"rosenwald\" + 0.025*\"rivièr\" + 0.019*\"serv\" + 0.019*\"traceabl\" + 0.018*\"airmen\" + 0.013*\"oper\" + 0.010*\"transient\"\n", - "2019-01-31 01:19:13,945 : INFO : topic #16 (0.020): 0.061*\"king\" + 0.032*\"priest\" + 0.020*\"duke\" + 0.019*\"quarterli\" + 0.019*\"idiosyncrat\" + 0.019*\"rotterdam\" + 0.016*\"grammat\" + 0.014*\"kingdom\" + 0.013*\"brazil\" + 0.013*\"count\"\n", - "2019-01-31 01:19:13,951 : INFO : topic diff=0.004015, rho=0.023363\n", - "2019-01-31 01:19:14,102 : INFO : PROGRESS: pass 0, at document #3666000/4922894\n", - "2019-01-31 01:19:15,425 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:19:15,692 : INFO : topic #16 (0.020): 0.061*\"king\" + 0.032*\"priest\" + 0.020*\"duke\" + 0.019*\"quarterli\" + 0.019*\"idiosyncrat\" + 0.019*\"rotterdam\" + 0.016*\"grammat\" + 0.014*\"kingdom\" + 0.013*\"brazil\" + 0.013*\"count\"\n", - "2019-01-31 01:19:15,693 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"kenworthi\"\n", - "2019-01-31 01:19:15,694 : INFO : topic #32 (0.020): 0.053*\"district\" + 0.045*\"vigour\" + 0.044*\"popolo\" + 0.038*\"tortur\" + 0.035*\"cotton\" + 0.022*\"area\" + 0.022*\"multitud\" + 0.021*\"adulthood\" + 0.019*\"citi\" + 0.019*\"cede\"\n", - "2019-01-31 01:19:15,695 : INFO : topic #0 (0.020): 0.068*\"statewid\" + 0.041*\"line\" + 0.031*\"raid\" + 0.025*\"rosenwald\" + 0.025*\"rivièr\" + 0.019*\"serv\" + 0.019*\"traceabl\" + 0.018*\"airmen\" + 0.013*\"oper\" + 0.010*\"transient\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:19:15,696 : INFO : topic #41 (0.020): 0.039*\"citi\" + 0.023*\"palmer\" + 0.020*\"new\" + 0.017*\"strategist\" + 0.013*\"open\" + 0.012*\"center\" + 0.011*\"dai\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.009*\"local\"\n", - "2019-01-31 01:19:15,703 : INFO : topic diff=0.004083, rho=0.023357\n", - "2019-01-31 01:19:15,859 : INFO : PROGRESS: pass 0, at document #3668000/4922894\n", - "2019-01-31 01:19:17,232 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:19:17,498 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"kenworthi\"\n", - "2019-01-31 01:19:17,500 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.033*\"perceptu\" + 0.020*\"theater\" + 0.018*\"place\" + 0.018*\"compos\" + 0.016*\"damn\" + 0.013*\"orchestr\" + 0.013*\"physician\" + 0.012*\"olympo\" + 0.012*\"jack\"\n", - "2019-01-31 01:19:17,501 : INFO : topic #34 (0.020): 0.066*\"start\" + 0.034*\"new\" + 0.032*\"american\" + 0.029*\"unionist\" + 0.025*\"cotton\" + 0.020*\"year\" + 0.016*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.011*\"citi\"\n", - "2019-01-31 01:19:17,502 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.069*\"best\" + 0.033*\"yawn\" + 0.029*\"jacksonvil\" + 0.023*\"japanes\" + 0.022*\"noll\" + 0.019*\"festiv\" + 0.018*\"women\" + 0.018*\"intern\" + 0.013*\"prison\"\n", - "2019-01-31 01:19:17,503 : INFO : topic #2 (0.020): 0.050*\"isl\" + 0.039*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.013*\"blur\" + 0.011*\"pope\" + 0.011*\"nativist\" + 0.011*\"coalit\" + 0.009*\"fleet\" + 0.008*\"bahá\"\n", - "2019-01-31 01:19:17,509 : INFO : topic diff=0.003578, rho=0.023351\n", - "2019-01-31 01:19:17,663 : INFO : PROGRESS: pass 0, at document #3670000/4922894\n", - "2019-01-31 01:19:19,015 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:19:19,282 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.008*\"forc\" + 0.007*\"teufel\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.006*\"govern\" + 0.006*\"till\" + 0.006*\"militari\"\n", - "2019-01-31 01:19:19,283 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.006*\"southern\" + 0.006*\"poet\" + 0.006*\"exampl\" + 0.006*\"théori\" + 0.006*\"servitud\" + 0.006*\"measur\" + 0.005*\"differ\"\n", - "2019-01-31 01:19:19,284 : INFO : topic #20 (0.020): 0.141*\"scholar\" + 0.039*\"struggl\" + 0.032*\"high\" + 0.031*\"educ\" + 0.024*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.011*\"district\" + 0.010*\"gothic\" + 0.010*\"start\"\n", - "2019-01-31 01:19:19,285 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.024*\"epiru\" + 0.021*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.012*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"direct\" + 0.010*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:19:19,286 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.013*\"million\" + 0.011*\"market\" + 0.011*\"bank\" + 0.011*\"produc\" + 0.010*\"industri\" + 0.009*\"manag\" + 0.008*\"yawn\" + 0.007*\"oper\"\n", - "2019-01-31 01:19:19,292 : INFO : topic diff=0.002792, rho=0.023344\n", - "2019-01-31 01:19:19,449 : INFO : PROGRESS: pass 0, at document #3672000/4922894\n", - "2019-01-31 01:19:20,835 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:19:21,102 : INFO : topic #26 (0.020): 0.030*\"workplac\" + 0.030*\"champion\" + 0.027*\"woman\" + 0.025*\"olymp\" + 0.024*\"men\" + 0.021*\"medal\" + 0.020*\"event\" + 0.019*\"atheist\" + 0.018*\"taxpay\" + 0.018*\"rainfal\"\n", - "2019-01-31 01:19:21,103 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.042*\"line\" + 0.031*\"raid\" + 0.026*\"rosenwald\" + 0.025*\"rivièr\" + 0.019*\"serv\" + 0.019*\"traceabl\" + 0.017*\"airmen\" + 0.013*\"oper\" + 0.010*\"transient\"\n", - "2019-01-31 01:19:21,104 : INFO : topic #9 (0.020): 0.069*\"bone\" + 0.049*\"american\" + 0.027*\"valour\" + 0.018*\"dutch\" + 0.018*\"folei\" + 0.017*\"english\" + 0.017*\"player\" + 0.016*\"polit\" + 0.013*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:19:21,105 : INFO : topic #19 (0.020): 0.015*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.007*\"english\" + 0.007*\"ancestor\" + 0.007*\"known\"\n", - "2019-01-31 01:19:21,107 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.012*\"will\" + 0.011*\"david\" + 0.011*\"jame\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"paul\" + 0.008*\"georg\" + 0.008*\"slur\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:19:21,113 : INFO : topic diff=0.003094, rho=0.023338\n", - "2019-01-31 01:19:21,268 : INFO : PROGRESS: pass 0, at document #3674000/4922894\n", - "2019-01-31 01:19:22,631 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:19:22,898 : INFO : topic #40 (0.020): 0.086*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.021*\"requir\" + 0.021*\"collector\" + 0.019*\"student\" + 0.015*\"professor\" + 0.012*\"http\" + 0.011*\"word\" + 0.011*\"degre\"\n", - "2019-01-31 01:19:22,899 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.013*\"million\" + 0.011*\"market\" + 0.011*\"produc\" + 0.011*\"bank\" + 0.010*\"industri\" + 0.009*\"manag\" + 0.008*\"yawn\" + 0.007*\"oper\"\n", - "2019-01-31 01:19:22,900 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.018*\"factor\" + 0.012*\"plaisir\" + 0.011*\"genu\" + 0.009*\"western\" + 0.008*\"biom\" + 0.008*\"median\" + 0.007*\"incom\" + 0.007*\"male\" + 0.006*\"feel\"\n", - "2019-01-31 01:19:22,900 : INFO : topic #39 (0.020): 0.059*\"canada\" + 0.047*\"canadian\" + 0.025*\"hoar\" + 0.024*\"toronto\" + 0.021*\"ontario\" + 0.017*\"hydrogen\" + 0.016*\"new\" + 0.015*\"novotná\" + 0.014*\"misericordia\" + 0.013*\"quebec\"\n", - "2019-01-31 01:19:22,901 : INFO : topic #32 (0.020): 0.053*\"district\" + 0.045*\"vigour\" + 0.044*\"popolo\" + 0.037*\"tortur\" + 0.035*\"cotton\" + 0.022*\"area\" + 0.021*\"multitud\" + 0.021*\"adulthood\" + 0.019*\"cede\" + 0.019*\"citi\"\n", - "2019-01-31 01:19:22,907 : INFO : topic diff=0.003519, rho=0.023332\n", - "2019-01-31 01:19:23,062 : INFO : PROGRESS: pass 0, at document #3676000/4922894\n", - "2019-01-31 01:19:24,422 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:19:24,689 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.014*\"depress\" + 0.014*\"pour\" + 0.009*\"veget\" + 0.008*\"mode\" + 0.008*\"elabor\" + 0.007*\"uruguayan\" + 0.006*\"produc\" + 0.006*\"develop\" + 0.006*\"encyclopedia\"\n", - "2019-01-31 01:19:24,690 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.013*\"million\" + 0.011*\"market\" + 0.011*\"produc\" + 0.011*\"bank\" + 0.010*\"industri\" + 0.009*\"manag\" + 0.008*\"yawn\" + 0.007*\"oper\"\n", - "2019-01-31 01:19:24,691 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.018*\"factor\" + 0.012*\"plaisir\" + 0.011*\"genu\" + 0.009*\"western\" + 0.008*\"biom\" + 0.008*\"median\" + 0.007*\"incom\" + 0.007*\"male\" + 0.006*\"feel\"\n", - "2019-01-31 01:19:24,692 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.012*\"will\" + 0.012*\"david\" + 0.011*\"jame\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.008*\"georg\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:19:24,693 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.034*\"publicis\" + 0.028*\"word\" + 0.019*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"magazin\" + 0.011*\"worldwid\" + 0.011*\"collect\" + 0.011*\"storag\"\n", - "2019-01-31 01:19:24,699 : INFO : topic diff=0.003386, rho=0.023325\n", - "2019-01-31 01:19:24,856 : INFO : PROGRESS: pass 0, at document #3678000/4922894\n", - "2019-01-31 01:19:26,241 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:19:26,508 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.009*\"media\" + 0.008*\"hormon\" + 0.008*\"disco\" + 0.008*\"pathwai\" + 0.007*\"have\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 01:19:26,509 : INFO : topic #26 (0.020): 0.030*\"workplac\" + 0.029*\"champion\" + 0.027*\"woman\" + 0.025*\"olymp\" + 0.023*\"men\" + 0.021*\"medal\" + 0.019*\"event\" + 0.019*\"alic\" + 0.018*\"atheist\" + 0.018*\"taxpay\"\n", - "2019-01-31 01:19:26,509 : INFO : topic #46 (0.020): 0.019*\"norwai\" + 0.018*\"stop\" + 0.017*\"sweden\" + 0.016*\"swedish\" + 0.015*\"damag\" + 0.014*\"wind\" + 0.013*\"norwegian\" + 0.013*\"huntsvil\" + 0.012*\"treeless\" + 0.011*\"denmark\"\n", - "2019-01-31 01:19:26,511 : INFO : topic #7 (0.020): 0.022*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"deal\" + 0.012*\"will\"\n", - "2019-01-31 01:19:26,512 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.019*\"area\" + 0.017*\"lagrang\" + 0.016*\"warmth\" + 0.016*\"mount\" + 0.011*\"crayfish\" + 0.010*\"north\" + 0.009*\"palmer\" + 0.009*\"sourc\" + 0.009*\"land\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:19:26,518 : INFO : topic diff=0.003378, rho=0.023319\n", - "2019-01-31 01:19:29,277 : INFO : -11.762 per-word bound, 3473.4 perplexity estimate based on a held-out corpus of 2000 documents with 577792 words\n", - "2019-01-31 01:19:29,277 : INFO : PROGRESS: pass 0, at document #3680000/4922894\n", - "2019-01-31 01:19:30,648 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:19:30,915 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.009*\"media\" + 0.008*\"hormon\" + 0.008*\"disco\" + 0.008*\"pathwai\" + 0.008*\"have\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 01:19:30,916 : INFO : topic #40 (0.020): 0.085*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.021*\"requir\" + 0.021*\"collector\" + 0.019*\"student\" + 0.015*\"professor\" + 0.011*\"http\" + 0.011*\"word\" + 0.011*\"degre\"\n", - "2019-01-31 01:19:30,917 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.019*\"area\" + 0.017*\"lagrang\" + 0.016*\"warmth\" + 0.016*\"mount\" + 0.011*\"crayfish\" + 0.010*\"north\" + 0.009*\"palmer\" + 0.009*\"sourc\" + 0.009*\"land\"\n", - "2019-01-31 01:19:30,918 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.027*\"final\" + 0.024*\"wife\" + 0.020*\"tourist\" + 0.018*\"champion\" + 0.015*\"taxpay\" + 0.014*\"martin\" + 0.014*\"chamber\" + 0.014*\"tiepolo\" + 0.013*\"open\"\n", - "2019-01-31 01:19:30,919 : INFO : topic #13 (0.020): 0.026*\"sourc\" + 0.026*\"australia\" + 0.025*\"new\" + 0.024*\"london\" + 0.023*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.015*\"wale\" + 0.014*\"youth\"\n", - "2019-01-31 01:19:30,925 : INFO : topic diff=0.003556, rho=0.023313\n", - "2019-01-31 01:19:31,082 : INFO : PROGRESS: pass 0, at document #3682000/4922894\n", - "2019-01-31 01:19:32,434 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:19:32,700 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.013*\"million\" + 0.011*\"market\" + 0.011*\"produc\" + 0.010*\"bank\" + 0.010*\"industri\" + 0.008*\"manag\" + 0.008*\"yawn\" + 0.007*\"oper\"\n", - "2019-01-31 01:19:32,701 : INFO : topic #9 (0.020): 0.070*\"bone\" + 0.049*\"american\" + 0.027*\"valour\" + 0.018*\"dutch\" + 0.018*\"folei\" + 0.017*\"english\" + 0.017*\"player\" + 0.016*\"polit\" + 0.012*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 01:19:32,703 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.008*\"woman\" + 0.007*\"human\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:19:32,704 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.041*\"line\" + 0.032*\"raid\" + 0.026*\"rosenwald\" + 0.025*\"rivièr\" + 0.019*\"serv\" + 0.019*\"traceabl\" + 0.017*\"airmen\" + 0.014*\"oper\" + 0.011*\"transient\"\n", - "2019-01-31 01:19:32,705 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.008*\"forc\" + 0.008*\"teufel\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.007*\"till\" + 0.006*\"govern\" + 0.006*\"militari\"\n", - "2019-01-31 01:19:32,711 : INFO : topic diff=0.003685, rho=0.023306\n", - "2019-01-31 01:19:32,863 : INFO : PROGRESS: pass 0, at document #3684000/4922894\n", - "2019-01-31 01:19:34,216 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:19:34,484 : INFO : topic #21 (0.020): 0.034*\"samford\" + 0.021*\"spain\" + 0.019*\"mexico\" + 0.019*\"del\" + 0.017*\"italian\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"mexican\" + 0.011*\"carlo\"\n", - "2019-01-31 01:19:34,485 : INFO : topic #42 (0.020): 0.049*\"german\" + 0.032*\"germani\" + 0.017*\"vol\" + 0.014*\"der\" + 0.014*\"jewish\" + 0.014*\"berlin\" + 0.014*\"israel\" + 0.010*\"european\" + 0.009*\"europ\" + 0.008*\"hungarian\"\n", - "2019-01-31 01:19:34,486 : INFO : topic #39 (0.020): 0.059*\"canada\" + 0.046*\"canadian\" + 0.025*\"hoar\" + 0.024*\"toronto\" + 0.022*\"ontario\" + 0.017*\"hydrogen\" + 0.016*\"new\" + 0.014*\"novotná\" + 0.014*\"misericordia\" + 0.013*\"quebec\"\n", - "2019-01-31 01:19:34,486 : INFO : topic #16 (0.020): 0.061*\"king\" + 0.031*\"priest\" + 0.020*\"duke\" + 0.019*\"quarterli\" + 0.019*\"idiosyncrat\" + 0.019*\"rotterdam\" + 0.016*\"grammat\" + 0.014*\"kingdom\" + 0.013*\"maria\" + 0.012*\"count\"\n", - "2019-01-31 01:19:34,488 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.010*\"prognosi\" + 0.010*\"pop\" + 0.008*\"develop\" + 0.008*\"cytokin\" + 0.008*\"diggin\" + 0.008*\"softwar\" + 0.008*\"user\" + 0.007*\"uruguayan\" + 0.007*\"championship\"\n", - "2019-01-31 01:19:34,493 : INFO : topic diff=0.003395, rho=0.023300\n", - "2019-01-31 01:19:34,650 : INFO : PROGRESS: pass 0, at document #3686000/4922894\n", - "2019-01-31 01:19:36,020 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:19:36,287 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.024*\"epiru\" + 0.021*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.012*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"direct\" + 0.010*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:19:36,288 : INFO : topic #37 (0.020): 0.013*\"charact\" + 0.011*\"septemb\" + 0.010*\"anim\" + 0.010*\"man\" + 0.009*\"comic\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.007*\"fusiform\" + 0.006*\"workplac\" + 0.006*\"vision\"\n", - "2019-01-31 01:19:36,289 : INFO : topic #49 (0.020): 0.042*\"india\" + 0.031*\"incumb\" + 0.012*\"islam\" + 0.012*\"pakistan\" + 0.012*\"anglo\" + 0.012*\"muskoge\" + 0.011*\"televis\" + 0.011*\"sri\" + 0.010*\"affection\" + 0.010*\"tajikistan\"\n", - "2019-01-31 01:19:36,290 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.019*\"area\" + 0.017*\"lagrang\" + 0.016*\"mount\" + 0.016*\"warmth\" + 0.010*\"crayfish\" + 0.010*\"north\" + 0.010*\"palmer\" + 0.009*\"sourc\" + 0.009*\"land\"\n", - "2019-01-31 01:19:36,291 : INFO : topic #31 (0.020): 0.054*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.024*\"player\" + 0.020*\"place\" + 0.015*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.011*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:19:36,297 : INFO : topic diff=0.003139, rho=0.023294\n", - "2019-01-31 01:19:36,454 : INFO : PROGRESS: pass 0, at document #3688000/4922894\n", - "2019-01-31 01:19:37,846 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:19:38,112 : INFO : topic #45 (0.020): 0.036*\"arsen\" + 0.028*\"jpg\" + 0.026*\"fifteenth\" + 0.026*\"museo\" + 0.019*\"pain\" + 0.018*\"illicit\" + 0.015*\"colder\" + 0.014*\"exhaust\" + 0.013*\"gai\" + 0.011*\"artist\"\n", - "2019-01-31 01:19:38,113 : INFO : topic #21 (0.020): 0.034*\"samford\" + 0.021*\"spain\" + 0.018*\"mexico\" + 0.018*\"del\" + 0.017*\"italian\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"carlo\" + 0.011*\"mexican\"\n", - "2019-01-31 01:19:38,115 : INFO : topic #42 (0.020): 0.049*\"german\" + 0.032*\"germani\" + 0.017*\"vol\" + 0.014*\"der\" + 0.014*\"jewish\" + 0.014*\"berlin\" + 0.013*\"israel\" + 0.010*\"european\" + 0.009*\"hungarian\" + 0.009*\"europ\"\n", - "2019-01-31 01:19:38,116 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.010*\"prognosi\" + 0.010*\"pop\" + 0.008*\"cytokin\" + 0.008*\"develop\" + 0.008*\"diggin\" + 0.008*\"softwar\" + 0.007*\"uruguayan\" + 0.007*\"user\" + 0.007*\"championship\"\n", - "2019-01-31 01:19:38,117 : INFO : topic #34 (0.020): 0.066*\"start\" + 0.034*\"new\" + 0.032*\"american\" + 0.029*\"unionist\" + 0.025*\"cotton\" + 0.020*\"year\" + 0.016*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.011*\"citi\"\n", - "2019-01-31 01:19:38,123 : INFO : topic diff=0.002987, rho=0.023287\n", - "2019-01-31 01:19:38,274 : INFO : PROGRESS: pass 0, at document #3690000/4922894\n", - "2019-01-31 01:19:39,604 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:19:39,870 : INFO : topic #20 (0.020): 0.142*\"scholar\" + 0.039*\"struggl\" + 0.033*\"high\" + 0.031*\"educ\" + 0.024*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.011*\"district\" + 0.010*\"gothic\" + 0.010*\"start\"\n", - "2019-01-31 01:19:39,871 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.023*\"cortic\" + 0.019*\"start\" + 0.016*\"act\" + 0.012*\"case\" + 0.011*\"ricardo\" + 0.010*\"polaris\" + 0.010*\"replac\" + 0.008*\"legal\" + 0.008*\"order\"\n", - "2019-01-31 01:19:39,872 : INFO : topic #26 (0.020): 0.029*\"workplac\" + 0.029*\"champion\" + 0.027*\"woman\" + 0.025*\"olymp\" + 0.023*\"men\" + 0.021*\"medal\" + 0.019*\"event\" + 0.019*\"atheist\" + 0.018*\"alic\" + 0.018*\"taxpay\"\n", - "2019-01-31 01:19:39,873 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.019*\"area\" + 0.017*\"lagrang\" + 0.016*\"warmth\" + 0.016*\"mount\" + 0.010*\"crayfish\" + 0.010*\"north\" + 0.009*\"palmer\" + 0.009*\"sourc\" + 0.009*\"land\"\n", - "2019-01-31 01:19:39,874 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.047*\"chilton\" + 0.025*\"hong\" + 0.025*\"kong\" + 0.020*\"korea\" + 0.019*\"korean\" + 0.015*\"sourc\" + 0.015*\"shirin\" + 0.014*\"leah\" + 0.013*\"kim\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:19:39,880 : INFO : topic diff=0.003826, rho=0.023281\n", - "2019-01-31 01:19:40,038 : INFO : PROGRESS: pass 0, at document #3692000/4922894\n", - "2019-01-31 01:19:41,429 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:19:41,696 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.019*\"area\" + 0.017*\"lagrang\" + 0.016*\"warmth\" + 0.016*\"mount\" + 0.010*\"crayfish\" + 0.010*\"north\" + 0.010*\"palmer\" + 0.009*\"sourc\" + 0.009*\"land\"\n", - "2019-01-31 01:19:41,697 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.008*\"forc\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.006*\"till\" + 0.006*\"militari\" + 0.006*\"govern\"\n", - "2019-01-31 01:19:41,698 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"human\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:19:41,699 : INFO : topic #34 (0.020): 0.066*\"start\" + 0.034*\"new\" + 0.032*\"american\" + 0.029*\"unionist\" + 0.025*\"cotton\" + 0.020*\"year\" + 0.016*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.011*\"citi\"\n", - "2019-01-31 01:19:41,700 : INFO : topic #32 (0.020): 0.052*\"district\" + 0.044*\"vigour\" + 0.044*\"popolo\" + 0.037*\"tortur\" + 0.034*\"cotton\" + 0.023*\"area\" + 0.021*\"multitud\" + 0.021*\"adulthood\" + 0.019*\"cede\" + 0.019*\"citi\"\n", - "2019-01-31 01:19:41,706 : INFO : topic diff=0.003551, rho=0.023275\n", - "2019-01-31 01:19:41,863 : INFO : PROGRESS: pass 0, at document #3694000/4922894\n", - "2019-01-31 01:19:43,230 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:19:43,496 : INFO : topic #0 (0.020): 0.066*\"statewid\" + 0.041*\"line\" + 0.032*\"raid\" + 0.026*\"rosenwald\" + 0.025*\"rivièr\" + 0.019*\"traceabl\" + 0.019*\"serv\" + 0.018*\"airmen\" + 0.014*\"oper\" + 0.011*\"transient\"\n", - "2019-01-31 01:19:43,497 : INFO : topic #35 (0.020): 0.055*\"russia\" + 0.036*\"sovereignti\" + 0.034*\"rural\" + 0.025*\"poison\" + 0.024*\"reprint\" + 0.023*\"personifi\" + 0.020*\"moscow\" + 0.017*\"poland\" + 0.014*\"tyrant\" + 0.014*\"unfortun\"\n", - "2019-01-31 01:19:43,498 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"market\" + 0.011*\"produc\" + 0.011*\"bank\" + 0.010*\"industri\" + 0.008*\"manag\" + 0.008*\"yawn\" + 0.007*\"function\"\n", - "2019-01-31 01:19:43,499 : INFO : topic #49 (0.020): 0.042*\"india\" + 0.030*\"incumb\" + 0.013*\"islam\" + 0.013*\"pakistan\" + 0.012*\"anglo\" + 0.012*\"muskoge\" + 0.011*\"sri\" + 0.011*\"televis\" + 0.010*\"affection\" + 0.009*\"alam\"\n", - "2019-01-31 01:19:43,500 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"human\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:19:43,506 : INFO : topic diff=0.003725, rho=0.023268\n", - "2019-01-31 01:19:43,662 : INFO : PROGRESS: pass 0, at document #3696000/4922894\n", - "2019-01-31 01:19:45,019 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:19:45,285 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.008*\"forc\" + 0.008*\"teufel\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.006*\"till\" + 0.006*\"militari\" + 0.006*\"govern\"\n", - "2019-01-31 01:19:45,286 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.027*\"final\" + 0.024*\"wife\" + 0.019*\"tourist\" + 0.019*\"champion\" + 0.015*\"taxpay\" + 0.015*\"martin\" + 0.014*\"tiepolo\" + 0.014*\"chamber\" + 0.013*\"women\"\n", - "2019-01-31 01:19:45,287 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.010*\"pop\" + 0.010*\"prognosi\" + 0.008*\"cytokin\" + 0.008*\"diggin\" + 0.008*\"develop\" + 0.008*\"softwar\" + 0.008*\"uruguayan\" + 0.007*\"user\" + 0.007*\"includ\"\n", - "2019-01-31 01:19:45,288 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"kenworthi\"\n", - "2019-01-31 01:19:45,290 : INFO : topic #31 (0.020): 0.054*\"fusiform\" + 0.026*\"scientist\" + 0.025*\"taxpay\" + 0.024*\"player\" + 0.020*\"place\" + 0.015*\"clot\" + 0.013*\"leagu\" + 0.012*\"folei\" + 0.011*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:19:45,295 : INFO : topic diff=0.004642, rho=0.023262\n", - "2019-01-31 01:19:45,453 : INFO : PROGRESS: pass 0, at document #3698000/4922894\n", - "2019-01-31 01:19:46,831 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:19:47,098 : INFO : topic #9 (0.020): 0.071*\"bone\" + 0.047*\"american\" + 0.028*\"valour\" + 0.019*\"dutch\" + 0.018*\"folei\" + 0.017*\"english\" + 0.017*\"polit\" + 0.017*\"player\" + 0.013*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 01:19:47,099 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.036*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.025*\"crete\" + 0.024*\"scientist\" + 0.022*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:19:47,100 : INFO : topic #37 (0.020): 0.013*\"charact\" + 0.012*\"anim\" + 0.011*\"septemb\" + 0.010*\"man\" + 0.009*\"comic\" + 0.007*\"appear\" + 0.007*\"fusiform\" + 0.007*\"storag\" + 0.006*\"workplac\" + 0.006*\"vision\"\n", - "2019-01-31 01:19:47,101 : INFO : topic #7 (0.020): 0.022*\"snatch\" + 0.021*\"di\" + 0.019*\"factor\" + 0.016*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"deal\" + 0.012*\"will\"\n", - "2019-01-31 01:19:47,102 : INFO : topic #35 (0.020): 0.055*\"russia\" + 0.036*\"sovereignti\" + 0.034*\"rural\" + 0.025*\"poison\" + 0.023*\"reprint\" + 0.023*\"personifi\" + 0.020*\"moscow\" + 0.017*\"poland\" + 0.014*\"malaysia\" + 0.014*\"tyrant\"\n", - "2019-01-31 01:19:47,108 : INFO : topic diff=0.003341, rho=0.023256\n", - "2019-01-31 01:19:49,751 : INFO : -11.540 per-word bound, 2978.6 perplexity estimate based on a held-out corpus of 2000 documents with 542678 words\n", - "2019-01-31 01:19:49,751 : INFO : PROGRESS: pass 0, at document #3700000/4922894\n", - "2019-01-31 01:19:51,114 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:19:51,381 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.026*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.015*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:19:51,382 : INFO : topic #45 (0.020): 0.036*\"arsen\" + 0.028*\"jpg\" + 0.026*\"museo\" + 0.026*\"fifteenth\" + 0.022*\"pain\" + 0.019*\"illicit\" + 0.015*\"colder\" + 0.014*\"exhaust\" + 0.013*\"gai\" + 0.011*\"artist\"\n", - "2019-01-31 01:19:51,383 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.009*\"media\" + 0.009*\"hormon\" + 0.008*\"disco\" + 0.008*\"pathwai\" + 0.007*\"have\" + 0.007*\"caus\" + 0.007*\"proper\" + 0.006*\"treat\" + 0.006*\"acid\"\n", - "2019-01-31 01:19:51,384 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.027*\"final\" + 0.024*\"wife\" + 0.020*\"tourist\" + 0.018*\"champion\" + 0.015*\"taxpay\" + 0.014*\"martin\" + 0.014*\"tiepolo\" + 0.014*\"chamber\" + 0.013*\"women\"\n", - "2019-01-31 01:19:51,385 : INFO : topic #16 (0.020): 0.061*\"king\" + 0.031*\"priest\" + 0.020*\"duke\" + 0.019*\"rotterdam\" + 0.019*\"quarterli\" + 0.019*\"idiosyncrat\" + 0.016*\"grammat\" + 0.013*\"kingdom\" + 0.012*\"maria\" + 0.012*\"brazil\"\n", - "2019-01-31 01:19:51,392 : INFO : topic diff=0.002826, rho=0.023250\n", - "2019-01-31 01:19:51,551 : INFO : PROGRESS: pass 0, at document #3702000/4922894\n", - "2019-01-31 01:19:52,927 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:19:53,193 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.036*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.025*\"crete\" + 0.024*\"scientist\" + 0.022*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:19:53,194 : INFO : topic #26 (0.020): 0.032*\"workplac\" + 0.031*\"champion\" + 0.026*\"woman\" + 0.025*\"olymp\" + 0.023*\"men\" + 0.021*\"medal\" + 0.020*\"event\" + 0.018*\"taxpay\" + 0.018*\"atheist\" + 0.018*\"nation\"\n", - "2019-01-31 01:19:53,195 : INFO : topic #45 (0.020): 0.036*\"arsen\" + 0.030*\"jpg\" + 0.028*\"fifteenth\" + 0.026*\"museo\" + 0.022*\"pain\" + 0.018*\"illicit\" + 0.015*\"colder\" + 0.014*\"exhaust\" + 0.013*\"gai\" + 0.011*\"depress\"\n", - "2019-01-31 01:19:53,196 : INFO : topic #34 (0.020): 0.065*\"start\" + 0.034*\"new\" + 0.031*\"american\" + 0.029*\"unionist\" + 0.026*\"cotton\" + 0.020*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.011*\"citi\"\n", - "2019-01-31 01:19:53,197 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.023*\"cortic\" + 0.019*\"start\" + 0.016*\"act\" + 0.012*\"case\" + 0.011*\"ricardo\" + 0.010*\"polaris\" + 0.009*\"replac\" + 0.008*\"legal\" + 0.008*\"order\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:19:53,204 : INFO : topic diff=0.003294, rho=0.023243\n", - "2019-01-31 01:19:53,364 : INFO : PROGRESS: pass 0, at document #3704000/4922894\n", - "2019-01-31 01:19:54,764 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:19:55,031 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.023*\"cortic\" + 0.019*\"start\" + 0.016*\"act\" + 0.012*\"case\" + 0.011*\"ricardo\" + 0.010*\"polaris\" + 0.010*\"replac\" + 0.008*\"legal\" + 0.008*\"order\"\n", - "2019-01-31 01:19:55,032 : INFO : topic #19 (0.020): 0.015*\"centuri\" + 0.015*\"languag\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.007*\"english\" + 0.007*\"ancestor\" + 0.007*\"known\"\n", - "2019-01-31 01:19:55,033 : INFO : topic #16 (0.020): 0.061*\"king\" + 0.031*\"priest\" + 0.020*\"duke\" + 0.019*\"rotterdam\" + 0.019*\"quarterli\" + 0.018*\"idiosyncrat\" + 0.016*\"grammat\" + 0.015*\"kingdom\" + 0.012*\"count\" + 0.012*\"brazil\"\n", - "2019-01-31 01:19:55,034 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.006*\"southern\" + 0.006*\"exampl\" + 0.006*\"théori\" + 0.006*\"poet\" + 0.006*\"servitud\" + 0.006*\"measur\" + 0.005*\"differ\"\n", - "2019-01-31 01:19:55,035 : INFO : topic #40 (0.020): 0.085*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.021*\"requir\" + 0.021*\"collector\" + 0.019*\"student\" + 0.014*\"professor\" + 0.011*\"word\" + 0.011*\"degre\" + 0.011*\"http\"\n", - "2019-01-31 01:19:55,041 : INFO : topic diff=0.003567, rho=0.023237\n", - "2019-01-31 01:19:55,198 : INFO : PROGRESS: pass 0, at document #3706000/4922894\n", - "2019-01-31 01:19:56,779 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:19:57,046 : INFO : topic #2 (0.020): 0.052*\"isl\" + 0.039*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.012*\"blur\" + 0.012*\"pope\" + 0.011*\"nativist\" + 0.011*\"coalit\" + 0.009*\"fleet\" + 0.009*\"class\"\n", - "2019-01-31 01:19:57,047 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"market\" + 0.011*\"produc\" + 0.010*\"bank\" + 0.010*\"industri\" + 0.008*\"manag\" + 0.008*\"yawn\" + 0.007*\"serv\"\n", - "2019-01-31 01:19:57,048 : INFO : topic #16 (0.020): 0.061*\"king\" + 0.031*\"priest\" + 0.020*\"duke\" + 0.019*\"rotterdam\" + 0.018*\"quarterli\" + 0.018*\"idiosyncrat\" + 0.016*\"grammat\" + 0.015*\"kingdom\" + 0.013*\"count\" + 0.012*\"brazil\"\n", - "2019-01-31 01:19:57,049 : INFO : topic #17 (0.020): 0.076*\"church\" + 0.022*\"cathol\" + 0.022*\"christian\" + 0.022*\"bishop\" + 0.017*\"sail\" + 0.016*\"retroflex\" + 0.010*\"cathedr\" + 0.010*\"relationship\" + 0.009*\"historiographi\" + 0.009*\"poll\"\n", - "2019-01-31 01:19:57,050 : INFO : topic #35 (0.020): 0.056*\"russia\" + 0.036*\"sovereignti\" + 0.034*\"rural\" + 0.025*\"poison\" + 0.024*\"reprint\" + 0.023*\"personifi\" + 0.020*\"moscow\" + 0.017*\"poland\" + 0.014*\"unfortun\" + 0.014*\"malaysia\"\n", - "2019-01-31 01:19:57,056 : INFO : topic diff=0.003578, rho=0.023231\n", - "2019-01-31 01:19:57,211 : INFO : PROGRESS: pass 0, at document #3708000/4922894\n", - "2019-01-31 01:19:58,560 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:19:58,827 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.010*\"prognosi\" + 0.010*\"pop\" + 0.008*\"cytokin\" + 0.008*\"diggin\" + 0.008*\"develop\" + 0.008*\"user\" + 0.008*\"softwar\" + 0.008*\"uruguayan\" + 0.007*\"championship\"\n", - "2019-01-31 01:19:58,828 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"market\" + 0.010*\"produc\" + 0.010*\"bank\" + 0.010*\"industri\" + 0.008*\"manag\" + 0.008*\"yawn\" + 0.007*\"oper\"\n", - "2019-01-31 01:19:58,829 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.008*\"forc\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.006*\"govern\" + 0.006*\"till\" + 0.006*\"militari\"\n", - "2019-01-31 01:19:58,830 : INFO : topic #45 (0.020): 0.036*\"arsen\" + 0.030*\"jpg\" + 0.028*\"fifteenth\" + 0.026*\"museo\" + 0.022*\"pain\" + 0.019*\"illicit\" + 0.015*\"colder\" + 0.014*\"exhaust\" + 0.013*\"gai\" + 0.011*\"artist\"\n", - "2019-01-31 01:19:58,831 : INFO : topic #48 (0.020): 0.084*\"sens\" + 0.080*\"octob\" + 0.077*\"march\" + 0.072*\"juli\" + 0.070*\"august\" + 0.070*\"januari\" + 0.069*\"judici\" + 0.069*\"notion\" + 0.067*\"april\" + 0.065*\"decatur\"\n", - "2019-01-31 01:19:58,837 : INFO : topic diff=0.003446, rho=0.023224\n", - "2019-01-31 01:19:59,055 : INFO : PROGRESS: pass 0, at document #3710000/4922894\n", - "2019-01-31 01:20:00,436 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:20:00,703 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.011*\"anim\" + 0.011*\"septemb\" + 0.010*\"man\" + 0.009*\"comic\" + 0.007*\"appear\" + 0.007*\"fusiform\" + 0.007*\"storag\" + 0.006*\"workplac\" + 0.006*\"vision\"\n", - "2019-01-31 01:20:00,704 : INFO : topic #35 (0.020): 0.055*\"russia\" + 0.037*\"sovereignti\" + 0.034*\"rural\" + 0.024*\"poison\" + 0.024*\"reprint\" + 0.023*\"personifi\" + 0.021*\"moscow\" + 0.017*\"poland\" + 0.014*\"unfortun\" + 0.014*\"malaysia\"\n", - "2019-01-31 01:20:00,705 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.047*\"chilton\" + 0.025*\"hong\" + 0.025*\"kong\" + 0.022*\"korea\" + 0.020*\"korean\" + 0.016*\"sourc\" + 0.015*\"shirin\" + 0.014*\"leah\" + 0.014*\"kim\"\n", - "2019-01-31 01:20:00,706 : INFO : topic #23 (0.020): 0.134*\"audit\" + 0.067*\"best\" + 0.033*\"yawn\" + 0.029*\"jacksonvil\" + 0.023*\"japanes\" + 0.022*\"noll\" + 0.018*\"festiv\" + 0.018*\"women\" + 0.017*\"intern\" + 0.013*\"prison\"\n", - "2019-01-31 01:20:00,707 : INFO : topic #42 (0.020): 0.050*\"german\" + 0.032*\"germani\" + 0.017*\"vol\" + 0.014*\"jewish\" + 0.014*\"berlin\" + 0.014*\"der\" + 0.013*\"israel\" + 0.010*\"european\" + 0.009*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:20:00,713 : INFO : topic diff=0.003352, rho=0.023218\n", - "2019-01-31 01:20:00,876 : INFO : PROGRESS: pass 0, at document #3712000/4922894\n", - "2019-01-31 01:20:02,287 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:20:02,553 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"human\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:20:02,554 : INFO : topic #34 (0.020): 0.065*\"start\" + 0.034*\"new\" + 0.031*\"american\" + 0.029*\"unionist\" + 0.026*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.011*\"citi\"\n", - "2019-01-31 01:20:02,556 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.035*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.025*\"crete\" + 0.024*\"scientist\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:20:02,557 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.040*\"line\" + 0.031*\"raid\" + 0.027*\"rosenwald\" + 0.025*\"rivièr\" + 0.019*\"serv\" + 0.018*\"traceabl\" + 0.018*\"airmen\" + 0.014*\"oper\" + 0.011*\"transient\"\n", - "2019-01-31 01:20:02,558 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.023*\"cortic\" + 0.019*\"start\" + 0.016*\"act\" + 0.012*\"case\" + 0.011*\"ricardo\" + 0.010*\"polaris\" + 0.009*\"replac\" + 0.009*\"legal\" + 0.008*\"order\"\n", - "2019-01-31 01:20:02,563 : INFO : topic diff=0.003899, rho=0.023212\n", - "2019-01-31 01:20:02,720 : INFO : PROGRESS: pass 0, at document #3714000/4922894\n", - "2019-01-31 01:20:04,091 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:20:04,358 : INFO : topic #28 (0.020): 0.036*\"build\" + 0.030*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.011*\"linear\" + 0.011*\"constitut\" + 0.011*\"depress\" + 0.011*\"silicon\" + 0.010*\"briarwood\" + 0.010*\"centuri\"\n", - "2019-01-31 01:20:04,359 : INFO : topic #46 (0.020): 0.017*\"norwai\" + 0.017*\"sweden\" + 0.017*\"stop\" + 0.016*\"swedish\" + 0.015*\"damag\" + 0.014*\"wind\" + 0.013*\"norwegian\" + 0.011*\"huntsvil\" + 0.011*\"denmark\" + 0.011*\"treeless\"\n", - "2019-01-31 01:20:04,360 : INFO : topic #45 (0.020): 0.036*\"arsen\" + 0.029*\"jpg\" + 0.028*\"fifteenth\" + 0.026*\"museo\" + 0.021*\"pain\" + 0.018*\"illicit\" + 0.015*\"colder\" + 0.014*\"exhaust\" + 0.013*\"gai\" + 0.011*\"western\"\n", - "2019-01-31 01:20:04,361 : INFO : topic #35 (0.020): 0.055*\"russia\" + 0.037*\"sovereignti\" + 0.034*\"rural\" + 0.024*\"poison\" + 0.024*\"personifi\" + 0.024*\"reprint\" + 0.020*\"moscow\" + 0.017*\"poland\" + 0.014*\"malaysia\" + 0.014*\"unfortun\"\n", - "2019-01-31 01:20:04,362 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.021*\"di\" + 0.019*\"factor\" + 0.016*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"deal\" + 0.012*\"will\"\n", - "2019-01-31 01:20:04,368 : INFO : topic diff=0.003435, rho=0.023206\n", - "2019-01-31 01:20:04,527 : INFO : PROGRESS: pass 0, at document #3716000/4922894\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:20:05,911 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:20:06,178 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.008*\"forc\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.006*\"govern\" + 0.006*\"militari\" + 0.006*\"till\"\n", - "2019-01-31 01:20:06,179 : INFO : topic #24 (0.020): 0.038*\"book\" + 0.034*\"publicis\" + 0.028*\"word\" + 0.019*\"new\" + 0.015*\"edit\" + 0.013*\"presid\" + 0.012*\"magazin\" + 0.011*\"worldwid\" + 0.011*\"collect\" + 0.011*\"storag\"\n", - "2019-01-31 01:20:06,180 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"kenworthi\"\n", - "2019-01-31 01:20:06,181 : INFO : topic #16 (0.020): 0.063*\"king\" + 0.031*\"priest\" + 0.020*\"duke\" + 0.019*\"rotterdam\" + 0.019*\"idiosyncrat\" + 0.018*\"quarterli\" + 0.016*\"grammat\" + 0.014*\"kingdom\" + 0.013*\"count\" + 0.012*\"maria\"\n", - "2019-01-31 01:20:06,182 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.023*\"cortic\" + 0.018*\"start\" + 0.016*\"act\" + 0.012*\"case\" + 0.011*\"ricardo\" + 0.010*\"polaris\" + 0.009*\"replac\" + 0.008*\"legal\" + 0.008*\"order\"\n", - "2019-01-31 01:20:06,188 : INFO : topic diff=0.003722, rho=0.023199\n", - "2019-01-31 01:20:06,345 : INFO : PROGRESS: pass 0, at document #3718000/4922894\n", - "2019-01-31 01:20:07,734 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:20:08,000 : INFO : topic #2 (0.020): 0.051*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.012*\"blur\" + 0.012*\"pope\" + 0.011*\"nativist\" + 0.011*\"coalit\" + 0.009*\"fleet\" + 0.009*\"bahá\"\n", - "2019-01-31 01:20:08,001 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.009*\"hormon\" + 0.009*\"media\" + 0.008*\"pathwai\" + 0.008*\"disco\" + 0.007*\"have\" + 0.007*\"caus\" + 0.006*\"treat\" + 0.006*\"proper\" + 0.006*\"effect\"\n", - "2019-01-31 01:20:08,002 : INFO : topic #21 (0.020): 0.034*\"samford\" + 0.021*\"spain\" + 0.018*\"del\" + 0.018*\"mexico\" + 0.017*\"italian\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.010*\"lizard\" + 0.010*\"carlo\"\n", - "2019-01-31 01:20:08,003 : INFO : topic #27 (0.020): 0.073*\"questionnair\" + 0.020*\"candid\" + 0.018*\"taxpay\" + 0.013*\"driver\" + 0.013*\"fool\" + 0.012*\"find\" + 0.012*\"ret\" + 0.012*\"tornado\" + 0.010*\"landslid\" + 0.010*\"champion\"\n", - "2019-01-31 01:20:08,004 : INFO : topic #35 (0.020): 0.056*\"russia\" + 0.037*\"sovereignti\" + 0.034*\"rural\" + 0.024*\"poison\" + 0.023*\"reprint\" + 0.023*\"personifi\" + 0.021*\"moscow\" + 0.017*\"poland\" + 0.014*\"malaysia\" + 0.014*\"unfortun\"\n", - "2019-01-31 01:20:08,010 : INFO : topic diff=0.003373, rho=0.023193\n", - "2019-01-31 01:20:10,740 : INFO : -11.623 per-word bound, 3155.0 perplexity estimate based on a held-out corpus of 2000 documents with 572427 words\n", - "2019-01-31 01:20:10,741 : INFO : PROGRESS: pass 0, at document #3720000/4922894\n", - "2019-01-31 01:20:12,128 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:20:12,395 : INFO : topic #16 (0.020): 0.063*\"king\" + 0.031*\"priest\" + 0.020*\"duke\" + 0.019*\"quarterli\" + 0.019*\"rotterdam\" + 0.019*\"idiosyncrat\" + 0.016*\"grammat\" + 0.014*\"kingdom\" + 0.013*\"count\" + 0.012*\"brazil\"\n", - "2019-01-31 01:20:12,396 : INFO : topic #39 (0.020): 0.062*\"canada\" + 0.047*\"canadian\" + 0.025*\"hoar\" + 0.025*\"toronto\" + 0.022*\"ontario\" + 0.017*\"hydrogen\" + 0.015*\"new\" + 0.014*\"novotná\" + 0.014*\"misericordia\" + 0.013*\"quebec\"\n", - "2019-01-31 01:20:12,397 : INFO : topic #5 (0.020): 0.037*\"abroad\" + 0.028*\"son\" + 0.026*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.015*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:20:12,398 : INFO : topic #28 (0.020): 0.036*\"build\" + 0.030*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.012*\"linear\" + 0.011*\"constitut\" + 0.011*\"depress\" + 0.011*\"silicon\" + 0.010*\"briarwood\" + 0.010*\"centuri\"\n", - "2019-01-31 01:20:12,399 : INFO : topic #23 (0.020): 0.135*\"audit\" + 0.068*\"best\" + 0.034*\"yawn\" + 0.029*\"jacksonvil\" + 0.023*\"japanes\" + 0.021*\"noll\" + 0.019*\"festiv\" + 0.018*\"women\" + 0.017*\"intern\" + 0.013*\"prison\"\n", - "2019-01-31 01:20:12,405 : INFO : topic diff=0.004355, rho=0.023187\n", - "2019-01-31 01:20:12,565 : INFO : PROGRESS: pass 0, at document #3722000/4922894\n", - "2019-01-31 01:20:13,958 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:20:14,224 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.012*\"jame\" + 0.012*\"will\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"georg\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 01:20:14,225 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.010*\"prognosi\" + 0.010*\"pop\" + 0.008*\"cytokin\" + 0.008*\"diggin\" + 0.008*\"develop\" + 0.008*\"championship\" + 0.008*\"softwar\" + 0.008*\"user\" + 0.008*\"uruguayan\"\n", - "2019-01-31 01:20:14,226 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.046*\"franc\" + 0.030*\"pari\" + 0.024*\"sail\" + 0.022*\"jean\" + 0.019*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.012*\"piec\" + 0.008*\"sangha\"\n", - "2019-01-31 01:20:14,227 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.020*\"factor\" + 0.012*\"plaisir\" + 0.011*\"genu\" + 0.010*\"western\" + 0.008*\"biom\" + 0.008*\"median\" + 0.007*\"male\" + 0.007*\"incom\" + 0.007*\"feel\"\n", - "2019-01-31 01:20:14,228 : INFO : topic #46 (0.020): 0.017*\"sweden\" + 0.017*\"stop\" + 0.017*\"norwai\" + 0.016*\"swedish\" + 0.016*\"damag\" + 0.014*\"wind\" + 0.013*\"norwegian\" + 0.012*\"huntsvil\" + 0.011*\"denmark\" + 0.011*\"treeless\"\n", - "2019-01-31 01:20:14,234 : INFO : topic diff=0.003129, rho=0.023181\n", - "2019-01-31 01:20:14,390 : INFO : PROGRESS: pass 0, at document #3724000/4922894\n", - "2019-01-31 01:20:15,754 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:20:16,021 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.021*\"di\" + 0.019*\"factor\" + 0.016*\"yawn\" + 0.015*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"deal\" + 0.011*\"will\"\n", - "2019-01-31 01:20:16,022 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.027*\"offic\" + 0.023*\"nation\" + 0.022*\"minist\" + 0.022*\"govern\" + 0.022*\"serv\" + 0.020*\"member\" + 0.016*\"start\" + 0.016*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:20:16,023 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.009*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"human\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:20:16,024 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.026*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.015*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:20:16,025 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.019*\"area\" + 0.017*\"lagrang\" + 0.017*\"warmth\" + 0.016*\"mount\" + 0.010*\"north\" + 0.009*\"palmer\" + 0.009*\"crayfish\" + 0.009*\"sourc\" + 0.009*\"land\"\n", - "2019-01-31 01:20:16,031 : INFO : topic diff=0.003485, rho=0.023174\n", - "2019-01-31 01:20:16,182 : INFO : PROGRESS: pass 0, at document #3726000/4922894\n", - "2019-01-31 01:20:17,508 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:20:17,775 : INFO : topic #21 (0.020): 0.034*\"samford\" + 0.022*\"spain\" + 0.018*\"del\" + 0.018*\"mexico\" + 0.017*\"italian\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.010*\"lizard\" + 0.010*\"carlo\"\n", - "2019-01-31 01:20:17,776 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.009*\"media\" + 0.009*\"hormon\" + 0.008*\"disco\" + 0.008*\"pathwai\" + 0.007*\"have\" + 0.007*\"caus\" + 0.006*\"treat\" + 0.006*\"proper\" + 0.006*\"effect\"\n", - "2019-01-31 01:20:17,777 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.009*\"elabor\" + 0.009*\"veget\" + 0.008*\"mode\" + 0.007*\"uruguayan\" + 0.006*\"produc\" + 0.006*\"develop\" + 0.006*\"turn\"\n", - "2019-01-31 01:20:17,778 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.026*\"rel\" + 0.026*\"reconstruct\" + 0.020*\"band\" + 0.017*\"muscl\" + 0.015*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:20:17,779 : INFO : topic #37 (0.020): 0.013*\"charact\" + 0.011*\"anim\" + 0.011*\"septemb\" + 0.010*\"man\" + 0.009*\"comic\" + 0.007*\"appear\" + 0.007*\"fusiform\" + 0.007*\"storag\" + 0.006*\"workplac\" + 0.006*\"vision\"\n", - "2019-01-31 01:20:17,785 : INFO : topic diff=0.003791, rho=0.023168\n", - "2019-01-31 01:20:17,940 : INFO : PROGRESS: pass 0, at document #3728000/4922894\n", - "2019-01-31 01:20:19,331 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:20:19,597 : INFO : topic #13 (0.020): 0.026*\"sourc\" + 0.025*\"london\" + 0.025*\"new\" + 0.025*\"australia\" + 0.023*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.016*\"ireland\" + 0.014*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:20:19,598 : INFO : topic #27 (0.020): 0.072*\"questionnair\" + 0.020*\"candid\" + 0.018*\"taxpay\" + 0.013*\"driver\" + 0.013*\"ret\" + 0.012*\"find\" + 0.012*\"fool\" + 0.011*\"tornado\" + 0.010*\"landslid\" + 0.010*\"champion\"\n", - "2019-01-31 01:20:19,599 : INFO : topic #42 (0.020): 0.050*\"german\" + 0.033*\"germani\" + 0.016*\"vol\" + 0.014*\"der\" + 0.014*\"jewish\" + 0.013*\"berlin\" + 0.013*\"israel\" + 0.010*\"european\" + 0.009*\"austria\" + 0.009*\"europ\"\n", - "2019-01-31 01:20:19,600 : INFO : topic #24 (0.020): 0.038*\"book\" + 0.034*\"publicis\" + 0.028*\"word\" + 0.019*\"new\" + 0.015*\"edit\" + 0.013*\"presid\" + 0.011*\"magazin\" + 0.011*\"worldwid\" + 0.011*\"collect\" + 0.011*\"storag\"\n", - "2019-01-31 01:20:19,601 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:20:19,607 : INFO : topic diff=0.003686, rho=0.023162\n", - "2019-01-31 01:20:19,763 : INFO : PROGRESS: pass 0, at document #3730000/4922894\n", - "2019-01-31 01:20:21,141 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:20:21,408 : INFO : topic #48 (0.020): 0.085*\"sens\" + 0.080*\"octob\" + 0.077*\"march\" + 0.072*\"juli\" + 0.070*\"august\" + 0.070*\"judici\" + 0.069*\"notion\" + 0.069*\"januari\" + 0.067*\"april\" + 0.064*\"decatur\"\n", - "2019-01-31 01:20:21,409 : INFO : topic #24 (0.020): 0.038*\"book\" + 0.034*\"publicis\" + 0.028*\"word\" + 0.019*\"new\" + 0.015*\"edit\" + 0.013*\"presid\" + 0.011*\"magazin\" + 0.011*\"collect\" + 0.011*\"worldwid\" + 0.011*\"storag\"\n", - "2019-01-31 01:20:21,410 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.035*\"cleveland\" + 0.029*\"place\" + 0.028*\"taxpay\" + 0.025*\"crete\" + 0.024*\"scientist\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:20:21,411 : INFO : topic #42 (0.020): 0.050*\"german\" + 0.033*\"germani\" + 0.016*\"vol\" + 0.014*\"der\" + 0.014*\"jewish\" + 0.013*\"berlin\" + 0.013*\"israel\" + 0.010*\"european\" + 0.009*\"austria\" + 0.009*\"europ\"\n", - "2019-01-31 01:20:21,412 : INFO : topic #46 (0.020): 0.018*\"sweden\" + 0.017*\"norwai\" + 0.017*\"stop\" + 0.016*\"swedish\" + 0.016*\"damag\" + 0.014*\"wind\" + 0.013*\"norwegian\" + 0.011*\"huntsvil\" + 0.011*\"denmark\" + 0.011*\"treeless\"\n", - "2019-01-31 01:20:21,418 : INFO : topic diff=0.004074, rho=0.023156\n", - "2019-01-31 01:20:21,575 : INFO : PROGRESS: pass 0, at document #3732000/4922894\n", - "2019-01-31 01:20:22,968 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:20:23,234 : INFO : topic #0 (0.020): 0.067*\"statewid\" + 0.041*\"line\" + 0.031*\"raid\" + 0.026*\"rosenwald\" + 0.025*\"rivièr\" + 0.019*\"traceabl\" + 0.018*\"serv\" + 0.018*\"airmen\" + 0.014*\"oper\" + 0.011*\"transient\"\n", - "2019-01-31 01:20:23,235 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:20:23,236 : INFO : topic #13 (0.020): 0.026*\"sourc\" + 0.025*\"london\" + 0.025*\"australia\" + 0.025*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.016*\"ireland\" + 0.014*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:20:23,237 : INFO : topic #43 (0.020): 0.062*\"elect\" + 0.055*\"parti\" + 0.024*\"voluntari\" + 0.022*\"democrat\" + 0.020*\"member\" + 0.017*\"polici\" + 0.015*\"bypass\" + 0.014*\"seaport\" + 0.013*\"liber\" + 0.013*\"republ\"\n", - "2019-01-31 01:20:23,238 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.022*\"cortic\" + 0.018*\"start\" + 0.016*\"act\" + 0.012*\"case\" + 0.011*\"ricardo\" + 0.010*\"polaris\" + 0.009*\"replac\" + 0.008*\"legal\" + 0.008*\"order\"\n", - "2019-01-31 01:20:23,244 : INFO : topic diff=0.004057, rho=0.023150\n", - "2019-01-31 01:20:23,402 : INFO : PROGRESS: pass 0, at document #3734000/4922894\n", - "2019-01-31 01:20:24,779 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:20:25,046 : INFO : topic #3 (0.020): 0.032*\"present\" + 0.027*\"offic\" + 0.023*\"nation\" + 0.022*\"govern\" + 0.022*\"minist\" + 0.022*\"serv\" + 0.020*\"member\" + 0.016*\"start\" + 0.016*\"gener\" + 0.015*\"chickasaw\"\n", - "2019-01-31 01:20:25,047 : INFO : topic #31 (0.020): 0.052*\"fusiform\" + 0.026*\"scientist\" + 0.025*\"taxpay\" + 0.024*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.012*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:20:25,048 : INFO : topic #26 (0.020): 0.032*\"workplac\" + 0.030*\"champion\" + 0.026*\"woman\" + 0.025*\"olymp\" + 0.023*\"men\" + 0.021*\"medal\" + 0.020*\"event\" + 0.018*\"taxpay\" + 0.018*\"atheist\" + 0.018*\"rainfal\"\n", - "2019-01-31 01:20:25,049 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.022*\"cortic\" + 0.019*\"start\" + 0.016*\"act\" + 0.012*\"case\" + 0.011*\"ricardo\" + 0.010*\"polaris\" + 0.009*\"replac\" + 0.008*\"legal\" + 0.008*\"order\"\n", - "2019-01-31 01:20:25,050 : INFO : topic #23 (0.020): 0.135*\"audit\" + 0.069*\"best\" + 0.033*\"yawn\" + 0.031*\"jacksonvil\" + 0.023*\"japanes\" + 0.021*\"noll\" + 0.018*\"women\" + 0.018*\"festiv\" + 0.017*\"intern\" + 0.013*\"prison\"\n", - "2019-01-31 01:20:25,056 : INFO : topic diff=0.004014, rho=0.023143\n", - "2019-01-31 01:20:25,215 : INFO : PROGRESS: pass 0, at document #3736000/4922894\n", - "2019-01-31 01:20:26,616 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:20:26,882 : INFO : topic #27 (0.020): 0.072*\"questionnair\" + 0.020*\"candid\" + 0.018*\"taxpay\" + 0.013*\"driver\" + 0.012*\"find\" + 0.012*\"tornado\" + 0.012*\"ret\" + 0.012*\"fool\" + 0.010*\"landslid\" + 0.010*\"champion\"\n", - "2019-01-31 01:20:26,883 : INFO : topic #43 (0.020): 0.062*\"elect\" + 0.055*\"parti\" + 0.024*\"voluntari\" + 0.021*\"democrat\" + 0.020*\"member\" + 0.017*\"polici\" + 0.015*\"bypass\" + 0.014*\"seaport\" + 0.013*\"liber\" + 0.013*\"republ\"\n", - "2019-01-31 01:20:26,884 : INFO : topic #20 (0.020): 0.144*\"scholar\" + 0.039*\"struggl\" + 0.034*\"high\" + 0.031*\"educ\" + 0.024*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.010*\"gothic\" + 0.009*\"task\"\n", - "2019-01-31 01:20:26,885 : INFO : topic #35 (0.020): 0.055*\"russia\" + 0.036*\"sovereignti\" + 0.033*\"rural\" + 0.024*\"poison\" + 0.023*\"personifi\" + 0.022*\"reprint\" + 0.021*\"moscow\" + 0.017*\"poland\" + 0.014*\"tyrant\" + 0.014*\"malaysia\"\n", - "2019-01-31 01:20:26,886 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"prognosi\" + 0.010*\"pop\" + 0.008*\"diggin\" + 0.008*\"develop\" + 0.008*\"championship\" + 0.008*\"cytokin\" + 0.008*\"softwar\" + 0.008*\"user\" + 0.008*\"uruguayan\"\n", - "2019-01-31 01:20:26,892 : INFO : topic diff=0.003277, rho=0.023137\n", - "2019-01-31 01:20:27,051 : INFO : PROGRESS: pass 0, at document #3738000/4922894\n", - "2019-01-31 01:20:28,436 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:20:28,702 : INFO : topic #32 (0.020): 0.054*\"district\" + 0.044*\"popolo\" + 0.044*\"vigour\" + 0.036*\"tortur\" + 0.036*\"cotton\" + 0.023*\"area\" + 0.021*\"adulthood\" + 0.021*\"multitud\" + 0.019*\"cede\" + 0.018*\"regim\"\n", - "2019-01-31 01:20:28,703 : INFO : topic #13 (0.020): 0.026*\"sourc\" + 0.026*\"australia\" + 0.025*\"new\" + 0.025*\"london\" + 0.024*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.016*\"ireland\" + 0.014*\"wale\" + 0.014*\"youth\"\n", - "2019-01-31 01:20:28,704 : INFO : topic #43 (0.020): 0.062*\"elect\" + 0.055*\"parti\" + 0.024*\"voluntari\" + 0.021*\"democrat\" + 0.020*\"member\" + 0.017*\"polici\" + 0.015*\"bypass\" + 0.014*\"seaport\" + 0.013*\"liber\" + 0.013*\"republ\"\n", - "2019-01-31 01:20:28,705 : INFO : topic #40 (0.020): 0.084*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.021*\"requir\" + 0.021*\"collector\" + 0.019*\"student\" + 0.014*\"professor\" + 0.011*\"word\" + 0.011*\"degre\" + 0.011*\"http\"\n", - "2019-01-31 01:20:28,706 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.011*\"david\" + 0.011*\"will\" + 0.011*\"jame\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"georg\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:20:28,712 : INFO : topic diff=0.003337, rho=0.023131\n", - "2019-01-31 01:20:31,430 : INFO : -11.380 per-word bound, 2664.7 perplexity estimate based on a held-out corpus of 2000 documents with 570046 words\n", - "2019-01-31 01:20:31,430 : INFO : PROGRESS: pass 0, at document #3740000/4922894\n", - "2019-01-31 01:20:32,807 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:20:33,073 : INFO : topic #45 (0.020): 0.036*\"arsen\" + 0.029*\"jpg\" + 0.028*\"fifteenth\" + 0.024*\"museo\" + 0.021*\"pain\" + 0.019*\"illicit\" + 0.015*\"colder\" + 0.014*\"exhaust\" + 0.013*\"gai\" + 0.012*\"western\"\n", - "2019-01-31 01:20:33,074 : INFO : topic #39 (0.020): 0.061*\"canada\" + 0.047*\"canadian\" + 0.025*\"hoar\" + 0.025*\"toronto\" + 0.021*\"ontario\" + 0.016*\"hydrogen\" + 0.015*\"new\" + 0.015*\"novotná\" + 0.014*\"misericordia\" + 0.012*\"quebec\"\n", - "2019-01-31 01:20:33,075 : INFO : topic #31 (0.020): 0.052*\"fusiform\" + 0.026*\"scientist\" + 0.025*\"taxpay\" + 0.024*\"player\" + 0.020*\"place\" + 0.015*\"clot\" + 0.013*\"leagu\" + 0.012*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:20:33,076 : INFO : topic #40 (0.020): 0.084*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.021*\"requir\" + 0.021*\"collector\" + 0.019*\"student\" + 0.014*\"professor\" + 0.011*\"word\" + 0.011*\"degre\" + 0.011*\"http\"\n", - "2019-01-31 01:20:33,077 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.047*\"franc\" + 0.031*\"pari\" + 0.023*\"sail\" + 0.023*\"jean\" + 0.018*\"daphn\" + 0.013*\"lazi\" + 0.013*\"loui\" + 0.012*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:20:33,083 : INFO : topic diff=0.003416, rho=0.023125\n", - "2019-01-31 01:20:33,297 : INFO : PROGRESS: pass 0, at document #3742000/4922894\n", - "2019-01-31 01:20:34,680 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:20:34,946 : INFO : topic #1 (0.020): 0.056*\"china\" + 0.048*\"chilton\" + 0.024*\"hong\" + 0.024*\"kong\" + 0.021*\"korea\" + 0.019*\"korean\" + 0.016*\"sourc\" + 0.015*\"shirin\" + 0.014*\"leah\" + 0.013*\"kim\"\n", - "2019-01-31 01:20:34,947 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.027*\"final\" + 0.024*\"wife\" + 0.020*\"tourist\" + 0.018*\"champion\" + 0.015*\"taxpay\" + 0.014*\"tiepolo\" + 0.014*\"martin\" + 0.014*\"chamber\" + 0.013*\"open\"\n", - "2019-01-31 01:20:34,948 : INFO : topic #39 (0.020): 0.061*\"canada\" + 0.047*\"canadian\" + 0.025*\"hoar\" + 0.025*\"toronto\" + 0.021*\"ontario\" + 0.016*\"hydrogen\" + 0.015*\"new\" + 0.015*\"novotná\" + 0.014*\"misericordia\" + 0.012*\"quebec\"\n", - "2019-01-31 01:20:34,949 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.047*\"franc\" + 0.031*\"pari\" + 0.023*\"sail\" + 0.023*\"jean\" + 0.018*\"daphn\" + 0.013*\"lazi\" + 0.013*\"loui\" + 0.012*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:20:34,950 : INFO : topic #2 (0.020): 0.051*\"isl\" + 0.039*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.012*\"blur\" + 0.012*\"pope\" + 0.011*\"coalit\" + 0.011*\"nativist\" + 0.009*\"bahá\" + 0.009*\"fleet\"\n", - "2019-01-31 01:20:34,956 : INFO : topic diff=0.002805, rho=0.023119\n", - "2019-01-31 01:20:35,109 : INFO : PROGRESS: pass 0, at document #3744000/4922894\n", - "2019-01-31 01:20:36,467 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:20:36,734 : INFO : topic #31 (0.020): 0.052*\"fusiform\" + 0.026*\"scientist\" + 0.025*\"taxpay\" + 0.024*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.012*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:20:36,735 : INFO : topic #37 (0.020): 0.013*\"charact\" + 0.011*\"anim\" + 0.011*\"septemb\" + 0.010*\"man\" + 0.009*\"comic\" + 0.007*\"appear\" + 0.007*\"fusiform\" + 0.006*\"storag\" + 0.006*\"workplac\" + 0.006*\"vision\"\n", - "2019-01-31 01:20:36,736 : INFO : topic #46 (0.020): 0.018*\"damag\" + 0.017*\"stop\" + 0.017*\"norwai\" + 0.016*\"sweden\" + 0.015*\"swedish\" + 0.013*\"norwegian\" + 0.013*\"wind\" + 0.011*\"huntsvil\" + 0.011*\"denmark\" + 0.011*\"treeless\"\n", - "2019-01-31 01:20:36,737 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.009*\"media\" + 0.009*\"hormon\" + 0.008*\"disco\" + 0.008*\"pathwai\" + 0.008*\"have\" + 0.007*\"caus\" + 0.006*\"treat\" + 0.006*\"proper\" + 0.006*\"acid\"\n", - "2019-01-31 01:20:36,738 : INFO : topic #3 (0.020): 0.032*\"present\" + 0.027*\"offic\" + 0.023*\"nation\" + 0.023*\"govern\" + 0.022*\"minist\" + 0.022*\"serv\" + 0.020*\"member\" + 0.016*\"gener\" + 0.016*\"start\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:20:36,743 : INFO : topic diff=0.003328, rho=0.023113\n", - "2019-01-31 01:20:36,901 : INFO : PROGRESS: pass 0, at document #3746000/4922894\n", - "2019-01-31 01:20:38,270 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:20:38,537 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.006*\"southern\" + 0.006*\"exampl\" + 0.006*\"théori\" + 0.006*\"poet\" + 0.006*\"measur\" + 0.006*\"servitud\" + 0.005*\"differ\"\n", - "2019-01-31 01:20:38,538 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:20:38,539 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.047*\"franc\" + 0.031*\"pari\" + 0.023*\"sail\" + 0.023*\"jean\" + 0.018*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.012*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:20:38,540 : INFO : topic #0 (0.020): 0.066*\"statewid\" + 0.042*\"line\" + 0.031*\"raid\" + 0.025*\"rosenwald\" + 0.024*\"rivièr\" + 0.019*\"serv\" + 0.019*\"traceabl\" + 0.017*\"airmen\" + 0.014*\"oper\" + 0.011*\"transient\"\n", - "2019-01-31 01:20:38,541 : INFO : topic #21 (0.020): 0.034*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.018*\"mexico\" + 0.017*\"italian\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"lizard\" + 0.010*\"carlo\"\n", - "2019-01-31 01:20:38,547 : INFO : topic diff=0.002950, rho=0.023106\n", - "2019-01-31 01:20:38,705 : INFO : PROGRESS: pass 0, at document #3748000/4922894\n", - "2019-01-31 01:20:40,069 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:20:40,336 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.012*\"million\" + 0.012*\"busi\" + 0.011*\"market\" + 0.011*\"bank\" + 0.011*\"produc\" + 0.010*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"oper\"\n", - "2019-01-31 01:20:40,337 : INFO : topic #9 (0.020): 0.071*\"bone\" + 0.047*\"american\" + 0.028*\"valour\" + 0.018*\"dutch\" + 0.018*\"folei\" + 0.017*\"player\" + 0.017*\"polit\" + 0.016*\"english\" + 0.013*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 01:20:40,338 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.019*\"area\" + 0.017*\"lagrang\" + 0.017*\"warmth\" + 0.015*\"mount\" + 0.010*\"north\" + 0.009*\"palmer\" + 0.009*\"sourc\" + 0.009*\"crayfish\" + 0.009*\"land\"\n", - "2019-01-31 01:20:40,339 : INFO : topic #16 (0.020): 0.061*\"king\" + 0.031*\"priest\" + 0.021*\"duke\" + 0.018*\"quarterli\" + 0.018*\"rotterdam\" + 0.018*\"idiosyncrat\" + 0.017*\"grammat\" + 0.014*\"kingdom\" + 0.013*\"count\" + 0.013*\"brazil\"\n", - "2019-01-31 01:20:40,340 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.047*\"franc\" + 0.031*\"pari\" + 0.023*\"sail\" + 0.023*\"jean\" + 0.018*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.012*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:20:40,346 : INFO : topic diff=0.003069, rho=0.023100\n", - "2019-01-31 01:20:40,502 : INFO : PROGRESS: pass 0, at document #3750000/4922894\n", - "2019-01-31 01:20:41,877 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:20:42,143 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.047*\"franc\" + 0.031*\"pari\" + 0.023*\"jean\" + 0.023*\"sail\" + 0.018*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.012*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:20:42,144 : INFO : topic #2 (0.020): 0.051*\"isl\" + 0.039*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.012*\"blur\" + 0.012*\"pope\" + 0.011*\"coalit\" + 0.011*\"nativist\" + 0.009*\"bahá\" + 0.009*\"fleet\"\n", - "2019-01-31 01:20:42,145 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.070*\"best\" + 0.033*\"yawn\" + 0.031*\"jacksonvil\" + 0.022*\"japanes\" + 0.021*\"noll\" + 0.018*\"women\" + 0.018*\"festiv\" + 0.017*\"intern\" + 0.012*\"winner\"\n", - "2019-01-31 01:20:42,146 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"ancestor\" + 0.007*\"known\"\n", - "2019-01-31 01:20:42,147 : INFO : topic #37 (0.020): 0.013*\"charact\" + 0.011*\"anim\" + 0.011*\"septemb\" + 0.010*\"man\" + 0.009*\"comic\" + 0.007*\"appear\" + 0.006*\"storag\" + 0.006*\"workplac\" + 0.006*\"fusiform\" + 0.006*\"vision\"\n", - "2019-01-31 01:20:42,153 : INFO : topic diff=0.003296, rho=0.023094\n", - "2019-01-31 01:20:42,307 : INFO : PROGRESS: pass 0, at document #3752000/4922894\n", - "2019-01-31 01:20:43,665 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:20:43,931 : INFO : topic #31 (0.020): 0.051*\"fusiform\" + 0.026*\"scientist\" + 0.025*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.012*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:20:43,932 : INFO : topic #34 (0.020): 0.064*\"start\" + 0.034*\"new\" + 0.031*\"american\" + 0.028*\"unionist\" + 0.027*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.013*\"terri\" + 0.011*\"north\"\n", - "2019-01-31 01:20:43,933 : INFO : topic #42 (0.020): 0.049*\"german\" + 0.033*\"germani\" + 0.016*\"vol\" + 0.014*\"jewish\" + 0.014*\"israel\" + 0.014*\"der\" + 0.013*\"berlin\" + 0.011*\"european\" + 0.009*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:20:43,934 : INFO : topic #13 (0.020): 0.026*\"australia\" + 0.026*\"sourc\" + 0.025*\"new\" + 0.025*\"london\" + 0.023*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.016*\"ireland\" + 0.014*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:20:43,935 : INFO : topic #37 (0.020): 0.013*\"charact\" + 0.011*\"anim\" + 0.011*\"septemb\" + 0.009*\"man\" + 0.009*\"comic\" + 0.007*\"appear\" + 0.006*\"workplac\" + 0.006*\"fusiform\" + 0.006*\"storag\" + 0.006*\"vision\"\n", - "2019-01-31 01:20:43,941 : INFO : topic diff=0.003514, rho=0.023088\n", - "2019-01-31 01:20:44,101 : INFO : PROGRESS: pass 0, at document #3754000/4922894\n", - "2019-01-31 01:20:45,500 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:20:45,767 : INFO : topic #5 (0.020): 0.037*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.015*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:20:45,768 : INFO : topic #40 (0.020): 0.083*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.021*\"collector\" + 0.021*\"requir\" + 0.020*\"student\" + 0.014*\"professor\" + 0.012*\"degre\" + 0.011*\"word\" + 0.011*\"http\"\n", - "2019-01-31 01:20:45,770 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.022*\"cathol\" + 0.022*\"christian\" + 0.021*\"bishop\" + 0.017*\"sail\" + 0.016*\"retroflex\" + 0.010*\"cathedr\" + 0.010*\"relationship\" + 0.009*\"historiographi\" + 0.009*\"parish\"\n", - "2019-01-31 01:20:45,771 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.047*\"franc\" + 0.031*\"pari\" + 0.023*\"jean\" + 0.022*\"sail\" + 0.018*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.012*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:20:45,771 : INFO : topic #26 (0.020): 0.031*\"workplac\" + 0.030*\"champion\" + 0.026*\"woman\" + 0.025*\"olymp\" + 0.023*\"men\" + 0.021*\"medal\" + 0.020*\"event\" + 0.019*\"rainfal\" + 0.018*\"taxpay\" + 0.018*\"atheist\"\n", - "2019-01-31 01:20:45,777 : INFO : topic diff=0.003947, rho=0.023082\n", - "2019-01-31 01:20:45,932 : INFO : PROGRESS: pass 0, at document #3756000/4922894\n", - "2019-01-31 01:20:47,290 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:20:47,557 : INFO : topic #48 (0.020): 0.083*\"sens\" + 0.078*\"octob\" + 0.076*\"march\" + 0.071*\"juli\" + 0.069*\"judici\" + 0.069*\"august\" + 0.069*\"januari\" + 0.068*\"notion\" + 0.067*\"april\" + 0.064*\"decatur\"\n", - "2019-01-31 01:20:47,558 : INFO : topic #39 (0.020): 0.060*\"canada\" + 0.047*\"canadian\" + 0.025*\"hoar\" + 0.024*\"toronto\" + 0.021*\"ontario\" + 0.017*\"hydrogen\" + 0.015*\"novotná\" + 0.015*\"new\" + 0.014*\"misericordia\" + 0.012*\"quebec\"\n", - "2019-01-31 01:20:47,559 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.022*\"cathol\" + 0.022*\"christian\" + 0.021*\"bishop\" + 0.017*\"sail\" + 0.016*\"retroflex\" + 0.009*\"cathedr\" + 0.009*\"relationship\" + 0.009*\"historiographi\" + 0.009*\"parish\"\n", - "2019-01-31 01:20:47,560 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.009*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"human\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:20:47,561 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.027*\"final\" + 0.023*\"wife\" + 0.020*\"tourist\" + 0.019*\"champion\" + 0.015*\"martin\" + 0.015*\"taxpay\" + 0.014*\"tiepolo\" + 0.013*\"chamber\" + 0.013*\"open\"\n", - "2019-01-31 01:20:47,567 : INFO : topic diff=0.003580, rho=0.023076\n", - "2019-01-31 01:20:47,725 : INFO : PROGRESS: pass 0, at document #3758000/4922894\n", - "2019-01-31 01:20:49,100 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:20:49,367 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.033*\"perceptu\" + 0.021*\"theater\" + 0.018*\"place\" + 0.018*\"damn\" + 0.017*\"compos\" + 0.014*\"physician\" + 0.014*\"orchestr\" + 0.013*\"olympo\" + 0.012*\"jack\"\n", - "2019-01-31 01:20:49,368 : INFO : topic #21 (0.020): 0.033*\"samford\" + 0.023*\"spain\" + 0.019*\"del\" + 0.018*\"mexico\" + 0.017*\"italian\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.010*\"lizard\" + 0.010*\"carlo\"\n", - "2019-01-31 01:20:49,369 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.014*\"depress\" + 0.014*\"pour\" + 0.009*\"elabor\" + 0.009*\"veget\" + 0.008*\"mode\" + 0.007*\"uruguayan\" + 0.006*\"produc\" + 0.006*\"develop\" + 0.006*\"turn\"\n", - "2019-01-31 01:20:49,370 : INFO : topic #26 (0.020): 0.031*\"workplac\" + 0.030*\"champion\" + 0.026*\"woman\" + 0.025*\"olymp\" + 0.024*\"men\" + 0.021*\"medal\" + 0.021*\"event\" + 0.019*\"rainfal\" + 0.018*\"taxpay\" + 0.018*\"atheist\"\n", - "2019-01-31 01:20:49,371 : INFO : topic #45 (0.020): 0.036*\"arsen\" + 0.029*\"jpg\" + 0.028*\"fifteenth\" + 0.025*\"museo\" + 0.021*\"pain\" + 0.018*\"illicit\" + 0.015*\"colder\" + 0.014*\"exhaust\" + 0.014*\"gai\" + 0.012*\"artist\"\n", - "2019-01-31 01:20:49,377 : INFO : topic diff=0.003449, rho=0.023069\n", - "2019-01-31 01:20:52,024 : INFO : -11.705 per-word bound, 3339.3 perplexity estimate based on a held-out corpus of 2000 documents with 530422 words\n", - "2019-01-31 01:20:52,025 : INFO : PROGRESS: pass 0, at document #3760000/4922894\n", - "2019-01-31 01:20:53,378 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:20:53,644 : INFO : topic #32 (0.020): 0.053*\"district\" + 0.044*\"popolo\" + 0.044*\"vigour\" + 0.037*\"tortur\" + 0.035*\"cotton\" + 0.022*\"area\" + 0.022*\"adulthood\" + 0.021*\"multitud\" + 0.019*\"cede\" + 0.018*\"regim\"\n", - "2019-01-31 01:20:53,645 : INFO : topic #49 (0.020): 0.042*\"india\" + 0.028*\"incumb\" + 0.013*\"islam\" + 0.013*\"pakistan\" + 0.013*\"muskoge\" + 0.012*\"anglo\" + 0.011*\"sri\" + 0.011*\"tajikistan\" + 0.010*\"televis\" + 0.010*\"affection\"\n", - "2019-01-31 01:20:53,646 : INFO : topic #2 (0.020): 0.050*\"isl\" + 0.039*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.012*\"blur\" + 0.012*\"pope\" + 0.011*\"nativist\" + 0.011*\"coalit\" + 0.009*\"fleet\" + 0.009*\"bahá\"\n", - "2019-01-31 01:20:53,647 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.020*\"factor\" + 0.012*\"plaisir\" + 0.011*\"genu\" + 0.010*\"western\" + 0.008*\"biom\" + 0.008*\"median\" + 0.007*\"incom\" + 0.006*\"feel\" + 0.006*\"florida\"\n", - "2019-01-31 01:20:53,648 : INFO : topic #20 (0.020): 0.143*\"scholar\" + 0.039*\"struggl\" + 0.034*\"high\" + 0.031*\"educ\" + 0.024*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"gothic\" + 0.010*\"district\" + 0.010*\"task\"\n", - "2019-01-31 01:20:53,654 : INFO : topic diff=0.004169, rho=0.023063\n", - "2019-01-31 01:20:53,814 : INFO : PROGRESS: pass 0, at document #3762000/4922894\n", - "2019-01-31 01:20:55,202 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:20:55,469 : INFO : topic #9 (0.020): 0.070*\"bone\" + 0.046*\"american\" + 0.029*\"valour\" + 0.020*\"dutch\" + 0.018*\"folei\" + 0.017*\"polit\" + 0.017*\"player\" + 0.016*\"english\" + 0.012*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 01:20:55,470 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.011*\"will\" + 0.011*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.008*\"paul\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:20:55,471 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"ancestor\" + 0.007*\"known\"\n", - "2019-01-31 01:20:55,472 : INFO : topic #13 (0.020): 0.026*\"australia\" + 0.026*\"sourc\" + 0.025*\"new\" + 0.025*\"london\" + 0.023*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.016*\"ireland\" + 0.014*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:20:55,473 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.022*\"cathol\" + 0.022*\"christian\" + 0.021*\"bishop\" + 0.017*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.009*\"cathedr\" + 0.009*\"historiographi\" + 0.009*\"parish\"\n", - "2019-01-31 01:20:55,478 : INFO : topic diff=0.003462, rho=0.023057\n", - "2019-01-31 01:20:55,631 : INFO : PROGRESS: pass 0, at document #3764000/4922894\n", - "2019-01-31 01:20:56,974 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:20:57,240 : INFO : topic #20 (0.020): 0.144*\"scholar\" + 0.039*\"struggl\" + 0.034*\"high\" + 0.032*\"educ\" + 0.024*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"gothic\" + 0.010*\"district\" + 0.010*\"task\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:20:57,241 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.011*\"will\" + 0.011*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.008*\"paul\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:20:57,242 : INFO : topic #32 (0.020): 0.053*\"district\" + 0.044*\"popolo\" + 0.044*\"vigour\" + 0.036*\"tortur\" + 0.036*\"cotton\" + 0.022*\"area\" + 0.022*\"adulthood\" + 0.021*\"multitud\" + 0.019*\"cede\" + 0.018*\"regim\"\n", - "2019-01-31 01:20:57,243 : INFO : topic #46 (0.020): 0.018*\"damag\" + 0.017*\"norwai\" + 0.016*\"stop\" + 0.016*\"sweden\" + 0.015*\"swedish\" + 0.013*\"wind\" + 0.013*\"norwegian\" + 0.011*\"huntsvil\" + 0.011*\"denmark\" + 0.011*\"treeless\"\n", - "2019-01-31 01:20:57,245 : INFO : topic #9 (0.020): 0.070*\"bone\" + 0.046*\"american\" + 0.028*\"valour\" + 0.020*\"dutch\" + 0.018*\"folei\" + 0.017*\"player\" + 0.017*\"polit\" + 0.016*\"english\" + 0.012*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 01:20:57,250 : INFO : topic diff=0.003189, rho=0.023051\n", - "2019-01-31 01:20:57,405 : INFO : PROGRESS: pass 0, at document #3766000/4922894\n", - "2019-01-31 01:20:58,761 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:20:59,027 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.011*\"will\" + 0.011*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.008*\"paul\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:20:59,028 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.020*\"factor\" + 0.012*\"plaisir\" + 0.011*\"genu\" + 0.010*\"western\" + 0.008*\"biom\" + 0.008*\"median\" + 0.007*\"incom\" + 0.006*\"trap\" + 0.006*\"florida\"\n", - "2019-01-31 01:20:59,029 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.034*\"publicis\" + 0.028*\"word\" + 0.019*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.011*\"magazin\" + 0.011*\"collect\" + 0.011*\"worldwid\" + 0.011*\"author\"\n", - "2019-01-31 01:20:59,030 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.006*\"exampl\" + 0.006*\"southern\" + 0.006*\"poet\" + 0.006*\"théori\" + 0.006*\"measur\" + 0.006*\"servitud\" + 0.005*\"method\"\n", - "2019-01-31 01:20:59,032 : INFO : topic #28 (0.020): 0.035*\"build\" + 0.029*\"hous\" + 0.018*\"buford\" + 0.015*\"histor\" + 0.011*\"linear\" + 0.011*\"constitut\" + 0.011*\"depress\" + 0.011*\"silicon\" + 0.011*\"briarwood\" + 0.010*\"centuri\"\n", - "2019-01-31 01:20:59,037 : INFO : topic diff=0.003222, rho=0.023045\n", - "2019-01-31 01:20:59,192 : INFO : PROGRESS: pass 0, at document #3768000/4922894\n", - "2019-01-31 01:21:00,542 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:21:00,808 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.011*\"will\" + 0.011*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.008*\"paul\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:21:00,809 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"market\" + 0.011*\"produc\" + 0.010*\"bank\" + 0.009*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 01:21:00,810 : INFO : topic #28 (0.020): 0.035*\"build\" + 0.029*\"hous\" + 0.018*\"buford\" + 0.015*\"histor\" + 0.011*\"linear\" + 0.011*\"constitut\" + 0.011*\"silicon\" + 0.011*\"depress\" + 0.011*\"briarwood\" + 0.010*\"centuri\"\n", - "2019-01-31 01:21:00,811 : INFO : topic #24 (0.020): 0.038*\"book\" + 0.034*\"publicis\" + 0.028*\"word\" + 0.019*\"new\" + 0.015*\"edit\" + 0.013*\"presid\" + 0.011*\"magazin\" + 0.011*\"worldwid\" + 0.011*\"collect\" + 0.011*\"author\"\n", - "2019-01-31 01:21:00,812 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.020*\"factor\" + 0.012*\"plaisir\" + 0.011*\"genu\" + 0.010*\"western\" + 0.008*\"biom\" + 0.008*\"median\" + 0.007*\"incom\" + 0.006*\"trap\" + 0.006*\"florida\"\n", - "2019-01-31 01:21:00,818 : INFO : topic diff=0.004050, rho=0.023039\n", - "2019-01-31 01:21:00,981 : INFO : PROGRESS: pass 0, at document #3770000/4922894\n", - "2019-01-31 01:21:02,381 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:21:02,647 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.024*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.010*\"acrimoni\" + 0.010*\"movi\"\n", - "2019-01-31 01:21:02,648 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"market\" + 0.011*\"produc\" + 0.010*\"bank\" + 0.009*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"oper\"\n", - "2019-01-31 01:21:02,649 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.011*\"will\" + 0.011*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.008*\"paul\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:21:02,650 : INFO : topic #43 (0.020): 0.062*\"elect\" + 0.055*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.019*\"member\" + 0.017*\"polici\" + 0.015*\"bypass\" + 0.015*\"republ\" + 0.014*\"seaport\" + 0.013*\"selma\"\n", - "2019-01-31 01:21:02,652 : INFO : topic #41 (0.020): 0.038*\"citi\" + 0.024*\"palmer\" + 0.020*\"new\" + 0.016*\"strategist\" + 0.013*\"open\" + 0.013*\"center\" + 0.011*\"lobe\" + 0.011*\"includ\" + 0.011*\"dai\" + 0.009*\"local\"\n", - "2019-01-31 01:21:02,657 : INFO : topic diff=0.004060, rho=0.023033\n", - "2019-01-31 01:21:02,815 : INFO : PROGRESS: pass 0, at document #3772000/4922894\n", - "2019-01-31 01:21:04,189 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:21:04,457 : INFO : topic #27 (0.020): 0.070*\"questionnair\" + 0.021*\"candid\" + 0.018*\"taxpay\" + 0.013*\"driver\" + 0.013*\"tornado\" + 0.012*\"ret\" + 0.012*\"find\" + 0.012*\"fool\" + 0.010*\"champion\" + 0.010*\"landslid\"\n", - "2019-01-31 01:21:04,458 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.019*\"factor\" + 0.012*\"plaisir\" + 0.011*\"genu\" + 0.010*\"western\" + 0.008*\"biom\" + 0.008*\"median\" + 0.007*\"incom\" + 0.006*\"florida\" + 0.006*\"trap\"\n", - "2019-01-31 01:21:04,459 : INFO : topic #30 (0.020): 0.035*\"cleveland\" + 0.035*\"leagu\" + 0.030*\"place\" + 0.028*\"taxpay\" + 0.024*\"crete\" + 0.024*\"scientist\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:21:04,460 : INFO : topic #42 (0.020): 0.048*\"german\" + 0.032*\"germani\" + 0.015*\"vol\" + 0.014*\"jewish\" + 0.014*\"israel\" + 0.013*\"der\" + 0.013*\"berlin\" + 0.011*\"european\" + 0.009*\"hungarian\" + 0.009*\"austria\"\n", - "2019-01-31 01:21:04,461 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.010*\"media\" + 0.009*\"hormon\" + 0.008*\"disco\" + 0.007*\"have\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"treat\" + 0.006*\"proper\" + 0.006*\"effect\"\n", - "2019-01-31 01:21:04,467 : INFO : topic diff=0.004034, rho=0.023027\n", - "2019-01-31 01:21:04,682 : INFO : PROGRESS: pass 0, at document #3774000/4922894\n", - "2019-01-31 01:21:06,081 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:21:06,347 : INFO : topic #46 (0.020): 0.017*\"damag\" + 0.017*\"stop\" + 0.016*\"norwai\" + 0.015*\"sweden\" + 0.014*\"swedish\" + 0.013*\"wind\" + 0.013*\"norwegian\" + 0.012*\"treeless\" + 0.011*\"huntsvil\" + 0.011*\"denmark\"\n", - "2019-01-31 01:21:06,348 : INFO : topic #28 (0.020): 0.035*\"build\" + 0.030*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.011*\"linear\" + 0.011*\"constitut\" + 0.011*\"briarwood\" + 0.011*\"depress\" + 0.011*\"silicon\" + 0.010*\"centuri\"\n", - "2019-01-31 01:21:06,349 : INFO : topic #45 (0.020): 0.037*\"arsen\" + 0.029*\"jpg\" + 0.028*\"fifteenth\" + 0.026*\"museo\" + 0.021*\"pain\" + 0.019*\"illicit\" + 0.014*\"colder\" + 0.014*\"gai\" + 0.014*\"exhaust\" + 0.012*\"artist\"\n", - "2019-01-31 01:21:06,350 : INFO : topic #34 (0.020): 0.065*\"start\" + 0.034*\"new\" + 0.031*\"american\" + 0.028*\"unionist\" + 0.026*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:21:06,351 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"prognosi\" + 0.010*\"pop\" + 0.008*\"develop\" + 0.008*\"diggin\" + 0.008*\"cytokin\" + 0.008*\"championship\" + 0.008*\"softwar\" + 0.008*\"uruguayan\" + 0.008*\"user\"\n", - "2019-01-31 01:21:06,357 : INFO : topic diff=0.003025, rho=0.023020\n", - "2019-01-31 01:21:06,513 : INFO : PROGRESS: pass 0, at document #3776000/4922894\n", - "2019-01-31 01:21:07,880 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:21:08,146 : INFO : topic #32 (0.020): 0.053*\"district\" + 0.044*\"popolo\" + 0.044*\"vigour\" + 0.036*\"tortur\" + 0.035*\"cotton\" + 0.022*\"area\" + 0.022*\"adulthood\" + 0.020*\"multitud\" + 0.019*\"cede\" + 0.019*\"regim\"\n", - "2019-01-31 01:21:08,147 : INFO : topic #27 (0.020): 0.070*\"questionnair\" + 0.021*\"candid\" + 0.018*\"taxpay\" + 0.013*\"driver\" + 0.013*\"tornado\" + 0.012*\"ret\" + 0.012*\"find\" + 0.012*\"fool\" + 0.010*\"champion\" + 0.010*\"landslid\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:21:08,148 : INFO : topic #34 (0.020): 0.065*\"start\" + 0.034*\"new\" + 0.031*\"american\" + 0.028*\"unionist\" + 0.026*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:21:08,150 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.011*\"will\" + 0.011*\"david\" + 0.011*\"jame\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.008*\"paul\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:21:08,151 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.023*\"cortic\" + 0.019*\"start\" + 0.016*\"act\" + 0.012*\"case\" + 0.012*\"ricardo\" + 0.010*\"polaris\" + 0.009*\"replac\" + 0.009*\"legal\" + 0.007*\"order\"\n", - "2019-01-31 01:21:08,157 : INFO : topic diff=0.003120, rho=0.023014\n", - "2019-01-31 01:21:08,310 : INFO : PROGRESS: pass 0, at document #3778000/4922894\n", - "2019-01-31 01:21:09,682 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:21:09,949 : INFO : topic #24 (0.020): 0.038*\"book\" + 0.034*\"publicis\" + 0.028*\"word\" + 0.019*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.011*\"magazin\" + 0.011*\"worldwid\" + 0.011*\"collect\" + 0.011*\"author\"\n", - "2019-01-31 01:21:09,950 : INFO : topic #28 (0.020): 0.035*\"build\" + 0.030*\"hous\" + 0.018*\"buford\" + 0.015*\"histor\" + 0.011*\"linear\" + 0.011*\"constitut\" + 0.011*\"depress\" + 0.011*\"silicon\" + 0.011*\"briarwood\" + 0.010*\"centuri\"\n", - "2019-01-31 01:21:09,951 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.023*\"cortic\" + 0.019*\"start\" + 0.016*\"act\" + 0.012*\"case\" + 0.012*\"ricardo\" + 0.010*\"polaris\" + 0.009*\"replac\" + 0.009*\"legal\" + 0.007*\"order\"\n", - "2019-01-31 01:21:09,952 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"deal\" + 0.012*\"daughter\"\n", - "2019-01-31 01:21:09,953 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.008*\"forc\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.006*\"citi\" + 0.006*\"govern\" + 0.006*\"militari\"\n", - "2019-01-31 01:21:09,959 : INFO : topic diff=0.003370, rho=0.023008\n", - "2019-01-31 01:21:12,578 : INFO : -11.961 per-word bound, 3988.1 perplexity estimate based on a held-out corpus of 2000 documents with 522787 words\n", - "2019-01-31 01:21:12,579 : INFO : PROGRESS: pass 0, at document #3780000/4922894\n", - "2019-01-31 01:21:13,921 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:21:14,187 : INFO : topic #30 (0.020): 0.035*\"leagu\" + 0.035*\"cleveland\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.024*\"crete\" + 0.024*\"scientist\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:21:14,188 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.033*\"perceptu\" + 0.021*\"theater\" + 0.019*\"place\" + 0.018*\"compos\" + 0.017*\"damn\" + 0.013*\"physician\" + 0.013*\"orchestr\" + 0.013*\"olympo\" + 0.011*\"jack\"\n", - "2019-01-31 01:21:14,189 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.006*\"exampl\" + 0.006*\"southern\" + 0.006*\"poet\" + 0.006*\"théori\" + 0.006*\"measur\" + 0.006*\"servitud\" + 0.005*\"utopian\"\n", - "2019-01-31 01:21:14,190 : INFO : topic #34 (0.020): 0.065*\"start\" + 0.034*\"new\" + 0.031*\"american\" + 0.028*\"unionist\" + 0.026*\"cotton\" + 0.021*\"year\" + 0.016*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:21:14,191 : INFO : topic #46 (0.020): 0.016*\"stop\" + 0.016*\"damag\" + 0.016*\"norwai\" + 0.015*\"sweden\" + 0.015*\"swedish\" + 0.013*\"wind\" + 0.013*\"norwegian\" + 0.012*\"treeless\" + 0.011*\"huntsvil\" + 0.011*\"denmark\"\n", - "2019-01-31 01:21:14,197 : INFO : topic diff=0.003498, rho=0.023002\n", - "2019-01-31 01:21:14,357 : INFO : PROGRESS: pass 0, at document #3782000/4922894\n", - "2019-01-31 01:21:15,736 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:21:16,003 : INFO : topic #43 (0.020): 0.062*\"elect\" + 0.055*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.019*\"member\" + 0.017*\"polici\" + 0.015*\"republ\" + 0.015*\"bypass\" + 0.013*\"seaport\" + 0.013*\"selma\"\n", - "2019-01-31 01:21:16,004 : INFO : topic #13 (0.020): 0.025*\"sourc\" + 0.025*\"australia\" + 0.025*\"london\" + 0.025*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.016*\"ireland\" + 0.014*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:21:16,005 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.019*\"area\" + 0.017*\"lagrang\" + 0.016*\"warmth\" + 0.015*\"mount\" + 0.010*\"north\" + 0.009*\"sourc\" + 0.009*\"palmer\" + 0.009*\"lobe\" + 0.009*\"land\"\n", - "2019-01-31 01:21:16,006 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"prognosi\" + 0.009*\"pop\" + 0.009*\"cytokin\" + 0.008*\"diggin\" + 0.008*\"develop\" + 0.008*\"championship\" + 0.008*\"softwar\" + 0.008*\"uruguayan\" + 0.008*\"user\"\n", - "2019-01-31 01:21:16,007 : INFO : topic #31 (0.020): 0.051*\"fusiform\" + 0.026*\"scientist\" + 0.025*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.015*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:21:16,013 : INFO : topic diff=0.003374, rho=0.022996\n", - "2019-01-31 01:21:16,167 : INFO : PROGRESS: pass 0, at document #3784000/4922894\n", - "2019-01-31 01:21:17,536 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:21:17,803 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"margin\" + 0.016*\"yawn\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"deal\" + 0.012*\"daughter\"\n", - "2019-01-31 01:21:17,804 : INFO : topic #14 (0.020): 0.025*\"forc\" + 0.024*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.013*\"unionist\" + 0.013*\"oper\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:21:17,805 : INFO : topic #34 (0.020): 0.065*\"start\" + 0.034*\"new\" + 0.031*\"american\" + 0.028*\"unionist\" + 0.026*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:21:17,806 : INFO : topic #9 (0.020): 0.070*\"bone\" + 0.047*\"american\" + 0.029*\"valour\" + 0.020*\"dutch\" + 0.018*\"folei\" + 0.017*\"player\" + 0.017*\"polit\" + 0.017*\"english\" + 0.012*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 01:21:17,807 : INFO : topic #42 (0.020): 0.048*\"german\" + 0.032*\"germani\" + 0.015*\"vol\" + 0.014*\"jewish\" + 0.014*\"israel\" + 0.013*\"der\" + 0.013*\"berlin\" + 0.011*\"european\" + 0.009*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:21:17,813 : INFO : topic diff=0.003121, rho=0.022990\n", - "2019-01-31 01:21:17,970 : INFO : PROGRESS: pass 0, at document #3786000/4922894\n", - "2019-01-31 01:21:19,350 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:21:19,617 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.015*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.009*\"myspac\"\n", - "2019-01-31 01:21:19,617 : INFO : topic #26 (0.020): 0.032*\"workplac\" + 0.030*\"champion\" + 0.026*\"woman\" + 0.025*\"olymp\" + 0.024*\"men\" + 0.021*\"medal\" + 0.020*\"event\" + 0.019*\"rainfal\" + 0.018*\"atheist\" + 0.018*\"taxpay\"\n", - "2019-01-31 01:21:19,619 : INFO : topic #23 (0.020): 0.135*\"audit\" + 0.068*\"best\" + 0.033*\"yawn\" + 0.030*\"jacksonvil\" + 0.023*\"japanes\" + 0.021*\"noll\" + 0.019*\"festiv\" + 0.018*\"women\" + 0.017*\"intern\" + 0.013*\"winner\"\n", - "2019-01-31 01:21:19,620 : INFO : topic #31 (0.020): 0.052*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.015*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:21:19,621 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.022*\"cathol\" + 0.021*\"bishop\" + 0.021*\"christian\" + 0.017*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.009*\"parish\" + 0.009*\"historiographi\" + 0.009*\"cathedr\"\n", - "2019-01-31 01:21:19,626 : INFO : topic diff=0.003101, rho=0.022984\n", - "2019-01-31 01:21:19,784 : INFO : PROGRESS: pass 0, at document #3788000/4922894\n", - "2019-01-31 01:21:21,154 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:21:21,421 : INFO : topic #20 (0.020): 0.144*\"scholar\" + 0.039*\"struggl\" + 0.033*\"high\" + 0.032*\"educ\" + 0.025*\"collector\" + 0.017*\"yawn\" + 0.014*\"prognosi\" + 0.010*\"district\" + 0.010*\"gothic\" + 0.010*\"task\"\n", - "2019-01-31 01:21:21,422 : INFO : topic #48 (0.020): 0.082*\"sens\" + 0.078*\"octob\" + 0.077*\"march\" + 0.072*\"juli\" + 0.071*\"august\" + 0.070*\"judici\" + 0.069*\"notion\" + 0.069*\"januari\" + 0.067*\"april\" + 0.064*\"decatur\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:21:21,423 : INFO : topic #25 (0.020): 0.031*\"ring\" + 0.019*\"area\" + 0.017*\"lagrang\" + 0.016*\"warmth\" + 0.015*\"mount\" + 0.010*\"north\" + 0.009*\"palmer\" + 0.009*\"sourc\" + 0.009*\"lobe\" + 0.009*\"land\"\n", - "2019-01-31 01:21:21,424 : INFO : topic #32 (0.020): 0.054*\"district\" + 0.044*\"popolo\" + 0.043*\"vigour\" + 0.035*\"tortur\" + 0.034*\"cotton\" + 0.023*\"area\" + 0.022*\"adulthood\" + 0.021*\"multitud\" + 0.019*\"cede\" + 0.019*\"regim\"\n", - "2019-01-31 01:21:21,425 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.024*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.010*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:21:21,431 : INFO : topic diff=0.002981, rho=0.022978\n", - "2019-01-31 01:21:21,587 : INFO : PROGRESS: pass 0, at document #3790000/4922894\n", - "2019-01-31 01:21:22,961 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:21:23,228 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.006*\"exampl\" + 0.006*\"southern\" + 0.006*\"poet\" + 0.006*\"théori\" + 0.006*\"servitud\" + 0.006*\"measur\" + 0.005*\"utopian\"\n", - "2019-01-31 01:21:23,229 : INFO : topic #41 (0.020): 0.038*\"citi\" + 0.024*\"palmer\" + 0.020*\"new\" + 0.016*\"strategist\" + 0.013*\"open\" + 0.013*\"center\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"local\"\n", - "2019-01-31 01:21:23,230 : INFO : topic #33 (0.020): 0.059*\"french\" + 0.046*\"franc\" + 0.032*\"pari\" + 0.023*\"sail\" + 0.022*\"jean\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.012*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:21:23,231 : INFO : topic #44 (0.020): 0.029*\"rooftop\" + 0.027*\"final\" + 0.023*\"wife\" + 0.020*\"tourist\" + 0.019*\"champion\" + 0.015*\"taxpay\" + 0.014*\"martin\" + 0.014*\"open\" + 0.014*\"tiepolo\" + 0.013*\"chamber\"\n", - "2019-01-31 01:21:23,232 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.008*\"mode\" + 0.008*\"elabor\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.006*\"turn\" + 0.006*\"produc\" + 0.006*\"develop\"\n", - "2019-01-31 01:21:23,238 : INFO : topic diff=0.003257, rho=0.022972\n", - "2019-01-31 01:21:23,395 : INFO : PROGRESS: pass 0, at document #3792000/4922894\n", - "2019-01-31 01:21:24,764 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:21:25,030 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.006*\"exampl\" + 0.006*\"southern\" + 0.006*\"théori\" + 0.006*\"poet\" + 0.006*\"servitud\" + 0.006*\"measur\" + 0.005*\"utopian\"\n", - "2019-01-31 01:21:25,031 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.011*\"will\" + 0.011*\"david\" + 0.011*\"jame\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.008*\"paul\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:21:25,032 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.068*\"best\" + 0.033*\"yawn\" + 0.030*\"jacksonvil\" + 0.023*\"japanes\" + 0.021*\"noll\" + 0.019*\"festiv\" + 0.019*\"women\" + 0.017*\"intern\" + 0.013*\"winner\"\n", - "2019-01-31 01:21:25,034 : INFO : topic #27 (0.020): 0.071*\"questionnair\" + 0.021*\"candid\" + 0.018*\"taxpay\" + 0.013*\"driver\" + 0.012*\"tornado\" + 0.012*\"fool\" + 0.012*\"ret\" + 0.012*\"find\" + 0.010*\"landslid\" + 0.010*\"champion\"\n", - "2019-01-31 01:21:25,035 : INFO : topic #41 (0.020): 0.038*\"citi\" + 0.024*\"palmer\" + 0.020*\"new\" + 0.016*\"strategist\" + 0.013*\"open\" + 0.013*\"center\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"local\"\n", - "2019-01-31 01:21:25,040 : INFO : topic diff=0.002636, rho=0.022966\n", - "2019-01-31 01:21:25,197 : INFO : PROGRESS: pass 0, at document #3794000/4922894\n", - "2019-01-31 01:21:26,563 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:21:26,829 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.014*\"depress\" + 0.014*\"pour\" + 0.008*\"mode\" + 0.008*\"elabor\" + 0.008*\"veget\" + 0.007*\"uruguayan\" + 0.006*\"turn\" + 0.006*\"produc\" + 0.006*\"develop\"\n", - "2019-01-31 01:21:26,831 : INFO : topic #13 (0.020): 0.026*\"sourc\" + 0.025*\"australia\" + 0.025*\"london\" + 0.025*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.016*\"ireland\" + 0.014*\"wale\" + 0.014*\"youth\"\n", - "2019-01-31 01:21:26,832 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.006*\"exampl\" + 0.006*\"southern\" + 0.006*\"poet\" + 0.006*\"théori\" + 0.006*\"servitud\" + 0.006*\"measur\" + 0.005*\"utopian\"\n", - "2019-01-31 01:21:26,833 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.009*\"media\" + 0.008*\"hormon\" + 0.008*\"disco\" + 0.007*\"pathwai\" + 0.007*\"have\" + 0.007*\"caus\" + 0.006*\"treat\" + 0.006*\"proper\" + 0.006*\"effect\"\n", - "2019-01-31 01:21:26,834 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.033*\"perceptu\" + 0.022*\"theater\" + 0.019*\"place\" + 0.018*\"compos\" + 0.017*\"damn\" + 0.013*\"olympo\" + 0.013*\"physician\" + 0.013*\"orchestr\" + 0.011*\"word\"\n", - "2019-01-31 01:21:26,840 : INFO : topic diff=0.003099, rho=0.022960\n", - "2019-01-31 01:21:26,993 : INFO : PROGRESS: pass 0, at document #3796000/4922894\n", - "2019-01-31 01:21:28,351 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:21:28,618 : INFO : topic #26 (0.020): 0.032*\"workplac\" + 0.031*\"champion\" + 0.026*\"woman\" + 0.025*\"olymp\" + 0.025*\"men\" + 0.021*\"medal\" + 0.020*\"event\" + 0.019*\"rainfal\" + 0.018*\"atheist\" + 0.018*\"taxpay\"\n", - "2019-01-31 01:21:28,619 : INFO : topic #27 (0.020): 0.072*\"questionnair\" + 0.022*\"candid\" + 0.018*\"taxpay\" + 0.013*\"driver\" + 0.013*\"tornado\" + 0.012*\"fool\" + 0.012*\"ret\" + 0.011*\"find\" + 0.010*\"landslid\" + 0.010*\"champion\"\n", - "2019-01-31 01:21:28,620 : INFO : topic #1 (0.020): 0.057*\"china\" + 0.046*\"chilton\" + 0.025*\"hong\" + 0.024*\"kong\" + 0.020*\"korea\" + 0.018*\"korean\" + 0.015*\"leah\" + 0.015*\"kim\" + 0.015*\"sourc\" + 0.014*\"shirin\"\n", - "2019-01-31 01:21:28,621 : INFO : topic #44 (0.020): 0.029*\"rooftop\" + 0.026*\"final\" + 0.023*\"wife\" + 0.020*\"tourist\" + 0.020*\"champion\" + 0.015*\"taxpay\" + 0.015*\"martin\" + 0.014*\"winner\" + 0.014*\"tiepolo\" + 0.014*\"chamber\"\n", - "2019-01-31 01:21:28,622 : INFO : topic #30 (0.020): 0.035*\"leagu\" + 0.035*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.024*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:21:28,628 : INFO : topic diff=0.003356, rho=0.022954\n", - "2019-01-31 01:21:28,788 : INFO : PROGRESS: pass 0, at document #3798000/4922894\n", - "2019-01-31 01:21:30,196 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:21:30,463 : INFO : topic #28 (0.020): 0.035*\"build\" + 0.030*\"hous\" + 0.018*\"buford\" + 0.015*\"histor\" + 0.011*\"linear\" + 0.011*\"constitut\" + 0.011*\"silicon\" + 0.011*\"depress\" + 0.011*\"centuri\" + 0.010*\"briarwood\"\n", - "2019-01-31 01:21:30,464 : INFO : topic #41 (0.020): 0.038*\"citi\" + 0.024*\"palmer\" + 0.020*\"new\" + 0.016*\"strategist\" + 0.013*\"open\" + 0.013*\"center\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"local\"\n", - "2019-01-31 01:21:30,465 : INFO : topic #32 (0.020): 0.054*\"district\" + 0.044*\"popolo\" + 0.042*\"vigour\" + 0.035*\"tortur\" + 0.034*\"cotton\" + 0.022*\"area\" + 0.022*\"adulthood\" + 0.020*\"multitud\" + 0.020*\"cede\" + 0.019*\"regim\"\n", - "2019-01-31 01:21:30,466 : INFO : topic #9 (0.020): 0.071*\"bone\" + 0.047*\"american\" + 0.028*\"valour\" + 0.019*\"dutch\" + 0.018*\"folei\" + 0.017*\"player\" + 0.017*\"polit\" + 0.016*\"english\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:21:30,467 : INFO : topic #37 (0.020): 0.013*\"charact\" + 0.011*\"septemb\" + 0.011*\"anim\" + 0.010*\"man\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.006*\"workplac\" + 0.006*\"fusiform\" + 0.006*\"vision\"\n", - "2019-01-31 01:21:30,473 : INFO : topic diff=0.004252, rho=0.022948\n", - "2019-01-31 01:21:33,146 : INFO : -11.837 per-word bound, 3657.8 perplexity estimate based on a held-out corpus of 2000 documents with 566504 words\n", - "2019-01-31 01:21:33,146 : INFO : PROGRESS: pass 0, at document #3800000/4922894\n", - "2019-01-31 01:21:34,505 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:21:34,772 : INFO : topic #0 (0.020): 0.065*\"statewid\" + 0.043*\"line\" + 0.031*\"raid\" + 0.025*\"rosenwald\" + 0.024*\"rivièr\" + 0.019*\"traceabl\" + 0.019*\"serv\" + 0.018*\"airmen\" + 0.015*\"oper\" + 0.011*\"transient\"\n", - "2019-01-31 01:21:34,773 : INFO : topic #28 (0.020): 0.035*\"build\" + 0.030*\"hous\" + 0.018*\"buford\" + 0.015*\"histor\" + 0.011*\"linear\" + 0.011*\"constitut\" + 0.011*\"silicon\" + 0.011*\"depress\" + 0.011*\"centuri\" + 0.010*\"briarwood\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:21:34,774 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.029*\"incumb\" + 0.013*\"pakistan\" + 0.013*\"islam\" + 0.012*\"muskoge\" + 0.011*\"anglo\" + 0.011*\"affection\" + 0.011*\"sri\" + 0.010*\"khalsa\" + 0.010*\"tajikistan\"\n", - "2019-01-31 01:21:34,775 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.027*\"offic\" + 0.023*\"minist\" + 0.023*\"nation\" + 0.023*\"govern\" + 0.021*\"serv\" + 0.020*\"member\" + 0.016*\"start\" + 0.016*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:21:34,776 : INFO : topic #16 (0.020): 0.059*\"king\" + 0.030*\"priest\" + 0.022*\"duke\" + 0.018*\"rotterdam\" + 0.018*\"idiosyncrat\" + 0.017*\"quarterli\" + 0.016*\"grammat\" + 0.014*\"kingdom\" + 0.013*\"count\" + 0.013*\"brazil\"\n", - "2019-01-31 01:21:34,782 : INFO : topic diff=0.004160, rho=0.022942\n", - "2019-01-31 01:21:34,942 : INFO : PROGRESS: pass 0, at document #3802000/4922894\n", - "2019-01-31 01:21:36,327 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:21:36,593 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.033*\"perceptu\" + 0.021*\"theater\" + 0.019*\"place\" + 0.017*\"compos\" + 0.017*\"damn\" + 0.013*\"olympo\" + 0.013*\"orchestr\" + 0.013*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 01:21:36,594 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"margin\" + 0.016*\"yawn\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"deal\" + 0.012*\"daughter\"\n", - "2019-01-31 01:21:36,595 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.022*\"cortic\" + 0.019*\"start\" + 0.015*\"act\" + 0.012*\"case\" + 0.012*\"ricardo\" + 0.010*\"polaris\" + 0.010*\"replac\" + 0.008*\"legal\" + 0.007*\"justic\"\n", - "2019-01-31 01:21:36,597 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.027*\"offic\" + 0.023*\"minist\" + 0.023*\"nation\" + 0.023*\"govern\" + 0.021*\"serv\" + 0.020*\"member\" + 0.016*\"start\" + 0.016*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:21:36,598 : INFO : topic #43 (0.020): 0.063*\"elect\" + 0.055*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.017*\"polici\" + 0.015*\"bypass\" + 0.014*\"republ\" + 0.013*\"seaport\" + 0.013*\"liber\"\n", - "2019-01-31 01:21:36,603 : INFO : topic diff=0.003732, rho=0.022936\n", - "2019-01-31 01:21:36,760 : INFO : PROGRESS: pass 0, at document #3804000/4922894\n", - "2019-01-31 01:21:38,130 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:21:38,396 : INFO : topic #43 (0.020): 0.063*\"elect\" + 0.055*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.017*\"polici\" + 0.015*\"bypass\" + 0.014*\"republ\" + 0.013*\"seaport\" + 0.013*\"liber\"\n", - "2019-01-31 01:21:38,397 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.022*\"cathol\" + 0.021*\"christian\" + 0.021*\"bishop\" + 0.017*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.009*\"parish\" + 0.009*\"cathedr\" + 0.009*\"historiographi\"\n", - "2019-01-31 01:21:38,398 : INFO : topic #0 (0.020): 0.065*\"statewid\" + 0.043*\"line\" + 0.031*\"raid\" + 0.025*\"rosenwald\" + 0.025*\"rivièr\" + 0.019*\"traceabl\" + 0.019*\"serv\" + 0.018*\"airmen\" + 0.015*\"oper\" + 0.011*\"transient\"\n", - "2019-01-31 01:21:38,399 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.022*\"cortic\" + 0.019*\"start\" + 0.016*\"act\" + 0.012*\"case\" + 0.012*\"ricardo\" + 0.010*\"polaris\" + 0.010*\"replac\" + 0.008*\"legal\" + 0.007*\"justic\"\n", - "2019-01-31 01:21:38,400 : INFO : topic #33 (0.020): 0.060*\"french\" + 0.045*\"franc\" + 0.032*\"pari\" + 0.023*\"sail\" + 0.022*\"jean\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:21:38,406 : INFO : topic diff=0.003228, rho=0.022930\n", - "2019-01-31 01:21:38,617 : INFO : PROGRESS: pass 0, at document #3806000/4922894\n", - "2019-01-31 01:21:39,987 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:21:40,254 : INFO : topic #25 (0.020): 0.031*\"ring\" + 0.019*\"area\" + 0.017*\"lagrang\" + 0.016*\"warmth\" + 0.015*\"mount\" + 0.010*\"north\" + 0.009*\"sourc\" + 0.009*\"palmer\" + 0.009*\"lobe\" + 0.009*\"land\"\n", - "2019-01-31 01:21:40,255 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"ancestor\"\n", - "2019-01-31 01:21:40,256 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"prognosi\" + 0.010*\"pop\" + 0.008*\"cytokin\" + 0.008*\"develop\" + 0.008*\"diggin\" + 0.008*\"user\" + 0.008*\"uruguayan\" + 0.008*\"softwar\" + 0.007*\"championship\"\n", - "2019-01-31 01:21:40,257 : INFO : topic #41 (0.020): 0.039*\"citi\" + 0.024*\"palmer\" + 0.020*\"new\" + 0.016*\"strategist\" + 0.013*\"open\" + 0.013*\"center\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:21:40,258 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.039*\"shield\" + 0.017*\"narrat\" + 0.016*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.009*\"bahá\" + 0.009*\"fleet\"\n", - "2019-01-31 01:21:40,264 : INFO : topic diff=0.003052, rho=0.022923\n", - "2019-01-31 01:21:40,420 : INFO : PROGRESS: pass 0, at document #3808000/4922894\n", - "2019-01-31 01:21:41,797 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:21:42,063 : INFO : topic #48 (0.020): 0.083*\"sens\" + 0.078*\"march\" + 0.077*\"octob\" + 0.072*\"juli\" + 0.072*\"august\" + 0.070*\"judici\" + 0.069*\"notion\" + 0.068*\"januari\" + 0.067*\"april\" + 0.063*\"decatur\"\n", - "2019-01-31 01:21:42,064 : INFO : topic #31 (0.020): 0.052*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:21:42,065 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.009*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"human\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:21:42,066 : INFO : topic #14 (0.020): 0.025*\"forc\" + 0.023*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.013*\"oper\" + 0.013*\"unionist\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.011*\"refut\"\n", - "2019-01-31 01:21:42,067 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.011*\"jame\" + 0.011*\"david\" + 0.011*\"will\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.008*\"paul\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:21:42,073 : INFO : topic diff=0.003396, rho=0.022917\n", - "2019-01-31 01:21:42,229 : INFO : PROGRESS: pass 0, at document #3810000/4922894\n", - "2019-01-31 01:21:43,593 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:21:43,859 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.019*\"factor\" + 0.012*\"plaisir\" + 0.011*\"genu\" + 0.010*\"western\" + 0.008*\"biom\" + 0.008*\"median\" + 0.007*\"incom\" + 0.006*\"florida\" + 0.006*\"trap\"\n", - "2019-01-31 01:21:43,861 : INFO : topic #33 (0.020): 0.060*\"french\" + 0.045*\"franc\" + 0.032*\"pari\" + 0.023*\"sail\" + 0.022*\"jean\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:21:43,862 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.009*\"veget\" + 0.008*\"elabor\" + 0.008*\"mode\" + 0.007*\"uruguayan\" + 0.006*\"turn\" + 0.006*\"produc\" + 0.006*\"develop\"\n", - "2019-01-31 01:21:43,863 : INFO : topic #14 (0.020): 0.025*\"forc\" + 0.023*\"aggress\" + 0.021*\"armi\" + 0.021*\"walter\" + 0.018*\"com\" + 0.013*\"oper\" + 0.013*\"unionist\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.011*\"refut\"\n", - "2019-01-31 01:21:43,864 : INFO : topic #42 (0.020): 0.048*\"german\" + 0.033*\"germani\" + 0.015*\"vol\" + 0.014*\"israel\" + 0.014*\"berlin\" + 0.014*\"jewish\" + 0.013*\"der\" + 0.011*\"european\" + 0.009*\"europ\" + 0.009*\"hungarian\"\n", - "2019-01-31 01:21:43,870 : INFO : topic diff=0.003541, rho=0.022911\n", - "2019-01-31 01:21:44,030 : INFO : PROGRESS: pass 0, at document #3812000/4922894\n", - "2019-01-31 01:21:45,430 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:21:45,697 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.028*\"incumb\" + 0.015*\"pakistan\" + 0.013*\"islam\" + 0.013*\"muskoge\" + 0.011*\"anglo\" + 0.011*\"khalsa\" + 0.011*\"affection\" + 0.010*\"sri\" + 0.010*\"alam\"\n", - "2019-01-31 01:21:45,698 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"ancestor\"\n", - "2019-01-31 01:21:45,699 : INFO : topic #39 (0.020): 0.059*\"canada\" + 0.047*\"canadian\" + 0.024*\"hoar\" + 0.023*\"toronto\" + 0.021*\"ontario\" + 0.016*\"hydrogen\" + 0.015*\"new\" + 0.015*\"novotná\" + 0.013*\"misericordia\" + 0.012*\"quebec\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:21:45,700 : INFO : topic #20 (0.020): 0.145*\"scholar\" + 0.039*\"struggl\" + 0.033*\"high\" + 0.031*\"educ\" + 0.024*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.010*\"task\" + 0.009*\"start\"\n", - "2019-01-31 01:21:45,701 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"margin\" + 0.016*\"yawn\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"deal\" + 0.012*\"daughter\"\n", - "2019-01-31 01:21:45,707 : INFO : topic diff=0.004560, rho=0.022905\n", - "2019-01-31 01:21:45,866 : INFO : PROGRESS: pass 0, at document #3814000/4922894\n", - "2019-01-31 01:21:47,240 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:21:47,506 : INFO : topic #41 (0.020): 0.039*\"citi\" + 0.024*\"palmer\" + 0.020*\"new\" + 0.016*\"strategist\" + 0.013*\"open\" + 0.013*\"center\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:21:47,507 : INFO : topic #25 (0.020): 0.031*\"ring\" + 0.019*\"area\" + 0.017*\"lagrang\" + 0.016*\"warmth\" + 0.016*\"mount\" + 0.010*\"north\" + 0.009*\"sourc\" + 0.009*\"palmer\" + 0.009*\"lobe\" + 0.009*\"land\"\n", - "2019-01-31 01:21:47,508 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.019*\"factor\" + 0.012*\"plaisir\" + 0.011*\"genu\" + 0.010*\"western\" + 0.008*\"biom\" + 0.008*\"median\" + 0.007*\"incom\" + 0.006*\"florida\" + 0.006*\"trap\"\n", - "2019-01-31 01:21:47,509 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.026*\"final\" + 0.024*\"wife\" + 0.020*\"tourist\" + 0.020*\"champion\" + 0.015*\"martin\" + 0.014*\"taxpay\" + 0.014*\"tiepolo\" + 0.014*\"open\" + 0.013*\"chamber\"\n", - "2019-01-31 01:21:47,510 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.028*\"incumb\" + 0.015*\"pakistan\" + 0.013*\"islam\" + 0.012*\"muskoge\" + 0.011*\"anglo\" + 0.011*\"khalsa\" + 0.011*\"affection\" + 0.010*\"sri\" + 0.010*\"alam\"\n", - "2019-01-31 01:21:47,516 : INFO : topic diff=0.003820, rho=0.022899\n", - "2019-01-31 01:21:47,669 : INFO : PROGRESS: pass 0, at document #3816000/4922894\n", - "2019-01-31 01:21:49,029 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:21:49,295 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.039*\"shield\" + 0.017*\"narrat\" + 0.015*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.009*\"bahá\" + 0.009*\"fleet\"\n", - "2019-01-31 01:21:49,296 : INFO : topic #46 (0.020): 0.017*\"stop\" + 0.016*\"norwai\" + 0.016*\"damag\" + 0.015*\"sweden\" + 0.014*\"swedish\" + 0.014*\"wind\" + 0.013*\"norwegian\" + 0.012*\"huntsvil\" + 0.012*\"treeless\" + 0.011*\"denmark\"\n", - "2019-01-31 01:21:49,297 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.008*\"veget\" + 0.008*\"mode\" + 0.008*\"elabor\" + 0.007*\"uruguayan\" + 0.006*\"produc\" + 0.006*\"turn\" + 0.006*\"develop\"\n", - "2019-01-31 01:21:49,298 : INFO : topic #31 (0.020): 0.052*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:21:49,299 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.034*\"publicis\" + 0.027*\"word\" + 0.019*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.011*\"magazin\" + 0.011*\"worldwid\" + 0.011*\"storag\" + 0.011*\"author\"\n", - "2019-01-31 01:21:49,305 : INFO : topic diff=0.003664, rho=0.022893\n", - "2019-01-31 01:21:49,460 : INFO : PROGRESS: pass 0, at document #3818000/4922894\n", - "2019-01-31 01:21:50,823 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:21:51,090 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.015*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:21:51,091 : INFO : topic #1 (0.020): 0.057*\"china\" + 0.044*\"chilton\" + 0.026*\"hong\" + 0.025*\"kong\" + 0.020*\"korea\" + 0.018*\"kim\" + 0.018*\"korean\" + 0.016*\"leah\" + 0.016*\"sourc\" + 0.014*\"shirin\"\n", - "2019-01-31 01:21:51,092 : INFO : topic #32 (0.020): 0.053*\"district\" + 0.045*\"popolo\" + 0.042*\"vigour\" + 0.035*\"tortur\" + 0.034*\"cotton\" + 0.022*\"area\" + 0.022*\"adulthood\" + 0.021*\"multitud\" + 0.020*\"cede\" + 0.019*\"citi\"\n", - "2019-01-31 01:21:51,093 : INFO : topic #27 (0.020): 0.072*\"questionnair\" + 0.022*\"candid\" + 0.018*\"taxpay\" + 0.013*\"driver\" + 0.013*\"ret\" + 0.012*\"fool\" + 0.012*\"tornado\" + 0.011*\"find\" + 0.011*\"champion\" + 0.010*\"landslid\"\n", - "2019-01-31 01:21:51,094 : INFO : topic #39 (0.020): 0.059*\"canada\" + 0.047*\"canadian\" + 0.025*\"hoar\" + 0.023*\"toronto\" + 0.021*\"ontario\" + 0.017*\"hydrogen\" + 0.015*\"new\" + 0.015*\"novotná\" + 0.014*\"misericordia\" + 0.012*\"quebec\"\n", - "2019-01-31 01:21:51,100 : INFO : topic diff=0.003717, rho=0.022887\n", - "2019-01-31 01:21:53,770 : INFO : -11.499 per-word bound, 2893.6 perplexity estimate based on a held-out corpus of 2000 documents with 558226 words\n", - "2019-01-31 01:21:53,770 : INFO : PROGRESS: pass 0, at document #3820000/4922894\n", - "2019-01-31 01:21:55,131 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:21:55,397 : INFO : topic #40 (0.020): 0.084*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.021*\"requir\" + 0.021*\"collector\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"http\" + 0.012*\"word\" + 0.011*\"degre\"\n", - "2019-01-31 01:21:55,398 : INFO : topic #16 (0.020): 0.060*\"king\" + 0.030*\"priest\" + 0.021*\"duke\" + 0.018*\"rotterdam\" + 0.018*\"quarterli\" + 0.018*\"idiosyncrat\" + 0.016*\"grammat\" + 0.013*\"count\" + 0.013*\"kingdom\" + 0.012*\"brazil\"\n", - "2019-01-31 01:21:55,399 : INFO : topic #46 (0.020): 0.016*\"stop\" + 0.016*\"norwai\" + 0.015*\"damag\" + 0.015*\"sweden\" + 0.014*\"swedish\" + 0.013*\"wind\" + 0.013*\"norwegian\" + 0.012*\"huntsvil\" + 0.011*\"treeless\" + 0.011*\"denmark\"\n", - "2019-01-31 01:21:55,400 : INFO : topic #45 (0.020): 0.038*\"arsen\" + 0.029*\"jpg\" + 0.026*\"fifteenth\" + 0.026*\"museo\" + 0.021*\"pain\" + 0.020*\"illicit\" + 0.015*\"colder\" + 0.014*\"gai\" + 0.014*\"exhaust\" + 0.012*\"artist\"\n", - "2019-01-31 01:21:55,401 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.026*\"offic\" + 0.025*\"minist\" + 0.023*\"nation\" + 0.022*\"govern\" + 0.022*\"serv\" + 0.020*\"member\" + 0.016*\"start\" + 0.016*\"gener\" + 0.013*\"chickasaw\"\n", - "2019-01-31 01:21:55,407 : INFO : topic diff=0.002928, rho=0.022881\n", - "2019-01-31 01:21:55,561 : INFO : PROGRESS: pass 0, at document #3822000/4922894\n", - "2019-01-31 01:21:56,928 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:21:57,234 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.025*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:21:57,235 : INFO : topic #45 (0.020): 0.038*\"arsen\" + 0.029*\"jpg\" + 0.027*\"fifteenth\" + 0.026*\"museo\" + 0.021*\"pain\" + 0.020*\"illicit\" + 0.015*\"colder\" + 0.014*\"exhaust\" + 0.014*\"gai\" + 0.012*\"artist\"\n", - "2019-01-31 01:21:57,236 : INFO : topic #46 (0.020): 0.016*\"stop\" + 0.016*\"norwai\" + 0.015*\"damag\" + 0.015*\"sweden\" + 0.014*\"swedish\" + 0.013*\"wind\" + 0.013*\"norwegian\" + 0.012*\"huntsvil\" + 0.011*\"denmark\" + 0.011*\"treeless\"\n", - "2019-01-31 01:21:57,237 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.039*\"shield\" + 0.017*\"narrat\" + 0.015*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.009*\"bahá\" + 0.009*\"fleet\"\n", - "2019-01-31 01:21:57,238 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.034*\"publicis\" + 0.027*\"word\" + 0.019*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.011*\"magazin\" + 0.011*\"worldwid\" + 0.011*\"storag\" + 0.011*\"author\"\n", - "2019-01-31 01:21:57,245 : INFO : topic diff=0.003490, rho=0.022875\n", - "2019-01-31 01:21:57,398 : INFO : PROGRESS: pass 0, at document #3824000/4922894\n", - "2019-01-31 01:21:58,759 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:21:59,026 : INFO : topic #34 (0.020): 0.064*\"start\" + 0.034*\"new\" + 0.031*\"american\" + 0.027*\"unionist\" + 0.027*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.014*\"terri\" + 0.013*\"warrior\" + 0.012*\"citi\"\n", - "2019-01-31 01:21:59,027 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.009*\"aza\" + 0.009*\"battalion\" + 0.008*\"forc\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.006*\"teufel\" + 0.006*\"citi\" + 0.006*\"govern\" + 0.006*\"militari\"\n", - "2019-01-31 01:21:59,028 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.046*\"franc\" + 0.032*\"pari\" + 0.023*\"sail\" + 0.022*\"jean\" + 0.018*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:21:59,029 : INFO : topic #36 (0.020): 0.011*\"prognosi\" + 0.011*\"network\" + 0.010*\"pop\" + 0.008*\"develop\" + 0.008*\"cytokin\" + 0.008*\"diggin\" + 0.008*\"softwar\" + 0.008*\"uruguayan\" + 0.008*\"user\" + 0.007*\"championship\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:21:59,030 : INFO : topic #28 (0.020): 0.034*\"build\" + 0.030*\"hous\" + 0.018*\"buford\" + 0.015*\"histor\" + 0.012*\"linear\" + 0.011*\"constitut\" + 0.011*\"silicon\" + 0.011*\"depress\" + 0.011*\"briarwood\" + 0.011*\"centuri\"\n", - "2019-01-31 01:21:59,036 : INFO : topic diff=0.003194, rho=0.022869\n", - "2019-01-31 01:21:59,186 : INFO : PROGRESS: pass 0, at document #3826000/4922894\n", - "2019-01-31 01:22:00,510 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:22:00,777 : INFO : topic #27 (0.020): 0.072*\"questionnair\" + 0.022*\"candid\" + 0.018*\"taxpay\" + 0.013*\"driver\" + 0.013*\"ret\" + 0.012*\"tornado\" + 0.012*\"fool\" + 0.011*\"find\" + 0.011*\"champion\" + 0.010*\"landslid\"\n", - "2019-01-31 01:22:00,778 : INFO : topic #48 (0.020): 0.083*\"sens\" + 0.079*\"march\" + 0.078*\"octob\" + 0.073*\"juli\" + 0.072*\"august\" + 0.071*\"januari\" + 0.070*\"notion\" + 0.070*\"judici\" + 0.067*\"april\" + 0.065*\"decatur\"\n", - "2019-01-31 01:22:00,779 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"sack\" + 0.007*\"later\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:22:00,780 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.034*\"publicis\" + 0.027*\"word\" + 0.019*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.011*\"magazin\" + 0.011*\"worldwid\" + 0.011*\"storag\" + 0.011*\"author\"\n", - "2019-01-31 01:22:00,781 : INFO : topic #32 (0.020): 0.053*\"district\" + 0.044*\"popolo\" + 0.042*\"vigour\" + 0.035*\"tortur\" + 0.034*\"cotton\" + 0.022*\"area\" + 0.021*\"adulthood\" + 0.021*\"multitud\" + 0.019*\"cede\" + 0.019*\"citi\"\n", - "2019-01-31 01:22:00,787 : INFO : topic diff=0.003850, rho=0.022863\n", - "2019-01-31 01:22:00,947 : INFO : PROGRESS: pass 0, at document #3828000/4922894\n", - "2019-01-31 01:22:02,332 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:22:02,599 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.022*\"cathol\" + 0.022*\"christian\" + 0.021*\"bishop\" + 0.017*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.009*\"cathedr\" + 0.009*\"parish\" + 0.009*\"historiographi\"\n", - "2019-01-31 01:22:02,600 : INFO : topic #1 (0.020): 0.056*\"china\" + 0.044*\"chilton\" + 0.026*\"hong\" + 0.025*\"kong\" + 0.020*\"korea\" + 0.019*\"korean\" + 0.018*\"kim\" + 0.016*\"leah\" + 0.015*\"sourc\" + 0.013*\"shirin\"\n", - "2019-01-31 01:22:02,601 : INFO : topic #0 (0.020): 0.065*\"statewid\" + 0.044*\"line\" + 0.030*\"raid\" + 0.027*\"rosenwald\" + 0.025*\"rivièr\" + 0.019*\"traceabl\" + 0.019*\"serv\" + 0.017*\"airmen\" + 0.015*\"oper\" + 0.010*\"transient\"\n", - "2019-01-31 01:22:02,602 : INFO : topic #46 (0.020): 0.018*\"stop\" + 0.016*\"norwai\" + 0.015*\"damag\" + 0.015*\"sweden\" + 0.014*\"swedish\" + 0.013*\"wind\" + 0.013*\"treeless\" + 0.013*\"norwegian\" + 0.013*\"huntsvil\" + 0.011*\"denmark\"\n", - "2019-01-31 01:22:02,603 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.022*\"cortic\" + 0.019*\"start\" + 0.015*\"act\" + 0.012*\"case\" + 0.012*\"ricardo\" + 0.010*\"replac\" + 0.010*\"polaris\" + 0.009*\"legal\" + 0.007*\"justic\"\n", - "2019-01-31 01:22:02,609 : INFO : topic diff=0.004031, rho=0.022858\n", - "2019-01-31 01:22:02,768 : INFO : PROGRESS: pass 0, at document #3830000/4922894\n", - "2019-01-31 01:22:04,131 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:22:04,398 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"prognosi\" + 0.010*\"pop\" + 0.008*\"cytokin\" + 0.008*\"develop\" + 0.008*\"softwar\" + 0.008*\"diggin\" + 0.008*\"uruguayan\" + 0.008*\"user\" + 0.007*\"includ\"\n", - "2019-01-31 01:22:04,399 : INFO : topic #9 (0.020): 0.073*\"bone\" + 0.046*\"american\" + 0.029*\"valour\" + 0.019*\"folei\" + 0.019*\"dutch\" + 0.018*\"player\" + 0.017*\"polit\" + 0.016*\"english\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:22:04,401 : INFO : topic #37 (0.020): 0.013*\"charact\" + 0.011*\"septemb\" + 0.011*\"anim\" + 0.010*\"man\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.006*\"workplac\" + 0.006*\"fusiform\" + 0.006*\"vision\"\n", - "2019-01-31 01:22:04,402 : INFO : topic #32 (0.020): 0.053*\"district\" + 0.044*\"popolo\" + 0.042*\"vigour\" + 0.035*\"tortur\" + 0.034*\"cotton\" + 0.022*\"area\" + 0.021*\"adulthood\" + 0.021*\"multitud\" + 0.020*\"cede\" + 0.019*\"citi\"\n", - "2019-01-31 01:22:04,403 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"depress\" + 0.015*\"pour\" + 0.008*\"veget\" + 0.008*\"elabor\" + 0.008*\"mode\" + 0.007*\"uruguayan\" + 0.006*\"produc\" + 0.006*\"turn\" + 0.006*\"develop\"\n", - "2019-01-31 01:22:04,409 : INFO : topic diff=0.003274, rho=0.022852\n", - "2019-01-31 01:22:04,563 : INFO : PROGRESS: pass 0, at document #3832000/4922894\n", - "2019-01-31 01:22:05,923 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:22:06,189 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.022*\"christian\" + 0.022*\"cathol\" + 0.021*\"bishop\" + 0.017*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.009*\"cathedr\" + 0.009*\"parish\" + 0.009*\"historiographi\"\n", - "2019-01-31 01:22:06,190 : INFO : topic #42 (0.020): 0.048*\"german\" + 0.033*\"germani\" + 0.015*\"vol\" + 0.014*\"jewish\" + 0.014*\"berlin\" + 0.014*\"israel\" + 0.013*\"der\" + 0.011*\"european\" + 0.009*\"hungarian\" + 0.009*\"europ\"\n", - "2019-01-31 01:22:06,192 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.009*\"battalion\" + 0.009*\"aza\" + 0.008*\"forc\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.007*\"teufel\" + 0.006*\"citi\" + 0.006*\"govern\" + 0.006*\"militari\"\n", - "2019-01-31 01:22:06,192 : INFO : topic #16 (0.020): 0.062*\"king\" + 0.030*\"priest\" + 0.020*\"duke\" + 0.018*\"idiosyncrat\" + 0.018*\"rotterdam\" + 0.018*\"quarterli\" + 0.016*\"grammat\" + 0.013*\"kingdom\" + 0.013*\"count\" + 0.012*\"portugues\"\n", - "2019-01-31 01:22:06,193 : INFO : topic #32 (0.020): 0.053*\"district\" + 0.044*\"popolo\" + 0.042*\"vigour\" + 0.035*\"tortur\" + 0.034*\"cotton\" + 0.022*\"area\" + 0.021*\"adulthood\" + 0.021*\"multitud\" + 0.020*\"cede\" + 0.019*\"citi\"\n", - "2019-01-31 01:22:06,199 : INFO : topic diff=0.003031, rho=0.022846\n", - "2019-01-31 01:22:06,354 : INFO : PROGRESS: pass 0, at document #3834000/4922894\n", - "2019-01-31 01:22:07,716 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:22:07,982 : INFO : topic #1 (0.020): 0.056*\"china\" + 0.044*\"chilton\" + 0.026*\"hong\" + 0.024*\"kong\" + 0.020*\"korea\" + 0.019*\"korean\" + 0.018*\"kim\" + 0.016*\"leah\" + 0.015*\"sourc\" + 0.014*\"shirin\"\n", - "2019-01-31 01:22:07,983 : INFO : topic #48 (0.020): 0.083*\"sens\" + 0.080*\"march\" + 0.078*\"octob\" + 0.073*\"juli\" + 0.072*\"august\" + 0.070*\"januari\" + 0.070*\"notion\" + 0.070*\"judici\" + 0.067*\"april\" + 0.065*\"decatur\"\n", - "2019-01-31 01:22:07,984 : INFO : topic #31 (0.020): 0.052*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.024*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:22:07,985 : INFO : topic #21 (0.020): 0.035*\"samford\" + 0.024*\"spain\" + 0.019*\"del\" + 0.018*\"mexico\" + 0.016*\"italian\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"carlo\" + 0.010*\"lizard\" + 0.010*\"juan\"\n", - "2019-01-31 01:22:07,986 : INFO : topic #40 (0.020): 0.086*\"unit\" + 0.024*\"schuster\" + 0.023*\"institut\" + 0.021*\"collector\" + 0.021*\"requir\" + 0.019*\"student\" + 0.014*\"professor\" + 0.011*\"degre\" + 0.011*\"word\" + 0.011*\"http\"\n", - "2019-01-31 01:22:07,992 : INFO : topic diff=0.003450, rho=0.022840\n", - "2019-01-31 01:22:08,147 : INFO : PROGRESS: pass 0, at document #3836000/4922894\n", - "2019-01-31 01:22:09,509 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:22:09,775 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.009*\"battalion\" + 0.009*\"aza\" + 0.008*\"forc\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.006*\"teufel\" + 0.006*\"citi\" + 0.006*\"govern\" + 0.006*\"militari\"\n", - "2019-01-31 01:22:09,776 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.019*\"factor\" + 0.012*\"plaisir\" + 0.011*\"genu\" + 0.010*\"western\" + 0.009*\"biom\" + 0.008*\"median\" + 0.007*\"incom\" + 0.006*\"florida\" + 0.006*\"male\"\n", - "2019-01-31 01:22:09,777 : INFO : topic #13 (0.020): 0.026*\"australia\" + 0.025*\"sourc\" + 0.025*\"london\" + 0.025*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.014*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 01:22:09,778 : INFO : topic #0 (0.020): 0.065*\"statewid\" + 0.044*\"line\" + 0.031*\"raid\" + 0.026*\"rosenwald\" + 0.025*\"rivièr\" + 0.019*\"traceabl\" + 0.019*\"serv\" + 0.017*\"airmen\" + 0.015*\"oper\" + 0.010*\"transient\"\n", - "2019-01-31 01:22:09,779 : INFO : topic #17 (0.020): 0.078*\"church\" + 0.022*\"christian\" + 0.022*\"cathol\" + 0.021*\"bishop\" + 0.017*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.009*\"parish\" + 0.009*\"cathedr\" + 0.009*\"historiographi\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:22:09,785 : INFO : topic diff=0.003379, rho=0.022834\n", - "2019-01-31 01:22:09,940 : INFO : PROGRESS: pass 0, at document #3838000/4922894\n", - "2019-01-31 01:22:11,288 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:22:11,554 : INFO : topic #28 (0.020): 0.035*\"build\" + 0.030*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.012*\"linear\" + 0.011*\"constitut\" + 0.011*\"silicon\" + 0.011*\"depress\" + 0.011*\"briarwood\" + 0.010*\"centuri\"\n", - "2019-01-31 01:22:11,555 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.028*\"incumb\" + 0.014*\"pakistan\" + 0.012*\"islam\" + 0.012*\"muskoge\" + 0.011*\"anglo\" + 0.011*\"khalsa\" + 0.010*\"alam\" + 0.010*\"sri\" + 0.010*\"affection\"\n", - "2019-01-31 01:22:11,556 : INFO : topic #48 (0.020): 0.082*\"sens\" + 0.079*\"march\" + 0.077*\"octob\" + 0.072*\"juli\" + 0.071*\"august\" + 0.070*\"januari\" + 0.069*\"notion\" + 0.069*\"judici\" + 0.066*\"april\" + 0.064*\"decatur\"\n", - "2019-01-31 01:22:11,557 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.019*\"factor\" + 0.012*\"plaisir\" + 0.011*\"genu\" + 0.010*\"western\" + 0.009*\"biom\" + 0.008*\"median\" + 0.007*\"incom\" + 0.006*\"florida\" + 0.006*\"male\"\n", - "2019-01-31 01:22:11,559 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"sack\" + 0.007*\"later\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.005*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:22:11,564 : INFO : topic diff=0.003153, rho=0.022828\n", - "2019-01-31 01:22:14,291 : INFO : -11.945 per-word bound, 3943.6 perplexity estimate based on a held-out corpus of 2000 documents with 554865 words\n", - "2019-01-31 01:22:14,291 : INFO : PROGRESS: pass 0, at document #3840000/4922894\n", - "2019-01-31 01:22:15,660 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:22:15,926 : INFO : topic #40 (0.020): 0.086*\"unit\" + 0.024*\"schuster\" + 0.023*\"institut\" + 0.022*\"collector\" + 0.021*\"requir\" + 0.019*\"student\" + 0.014*\"professor\" + 0.011*\"degre\" + 0.011*\"http\" + 0.011*\"word\"\n", - "2019-01-31 01:22:15,927 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.024*\"palmer\" + 0.020*\"new\" + 0.015*\"strategist\" + 0.013*\"open\" + 0.013*\"center\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"local\"\n", - "2019-01-31 01:22:15,928 : INFO : topic #39 (0.020): 0.059*\"canada\" + 0.048*\"canadian\" + 0.024*\"hoar\" + 0.023*\"toronto\" + 0.022*\"ontario\" + 0.018*\"hydrogen\" + 0.015*\"new\" + 0.014*\"novotná\" + 0.013*\"misericordia\" + 0.013*\"quebec\"\n", - "2019-01-31 01:22:15,929 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"ancestor\"\n", - "2019-01-31 01:22:15,930 : INFO : topic #35 (0.020): 0.056*\"russia\" + 0.036*\"sovereignti\" + 0.035*\"rural\" + 0.025*\"poison\" + 0.024*\"personifi\" + 0.023*\"reprint\" + 0.019*\"moscow\" + 0.018*\"poland\" + 0.015*\"tyrant\" + 0.014*\"turin\"\n", - "2019-01-31 01:22:15,936 : INFO : topic diff=0.003116, rho=0.022822\n", - "2019-01-31 01:22:16,091 : INFO : PROGRESS: pass 0, at document #3842000/4922894\n", - "2019-01-31 01:22:17,450 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:22:17,716 : INFO : topic #20 (0.020): 0.143*\"scholar\" + 0.039*\"struggl\" + 0.033*\"high\" + 0.031*\"educ\" + 0.024*\"collector\" + 0.017*\"yawn\" + 0.014*\"prognosi\" + 0.010*\"district\" + 0.010*\"gothic\" + 0.010*\"task\"\n", - "2019-01-31 01:22:17,717 : INFO : topic #34 (0.020): 0.064*\"start\" + 0.035*\"new\" + 0.031*\"american\" + 0.028*\"cotton\" + 0.027*\"unionist\" + 0.021*\"year\" + 0.015*\"california\" + 0.014*\"terri\" + 0.013*\"warrior\" + 0.012*\"citi\"\n", - "2019-01-31 01:22:17,718 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.006*\"exampl\" + 0.006*\"poet\" + 0.006*\"utopian\" + 0.006*\"southern\" + 0.006*\"théori\" + 0.006*\"servitud\" + 0.006*\"method\"\n", - "2019-01-31 01:22:17,719 : INFO : topic #35 (0.020): 0.056*\"russia\" + 0.036*\"sovereignti\" + 0.035*\"rural\" + 0.025*\"poison\" + 0.024*\"personifi\" + 0.023*\"reprint\" + 0.019*\"moscow\" + 0.018*\"poland\" + 0.015*\"tyrant\" + 0.014*\"turin\"\n", - "2019-01-31 01:22:17,720 : INFO : topic #40 (0.020): 0.086*\"unit\" + 0.024*\"schuster\" + 0.023*\"institut\" + 0.022*\"collector\" + 0.021*\"requir\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"http\" + 0.011*\"degre\" + 0.011*\"word\"\n", - "2019-01-31 01:22:17,726 : INFO : topic diff=0.003861, rho=0.022816\n", - "2019-01-31 01:22:17,876 : INFO : PROGRESS: pass 0, at document #3844000/4922894\n", - "2019-01-31 01:22:19,207 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:22:19,474 : INFO : topic #48 (0.020): 0.082*\"sens\" + 0.080*\"march\" + 0.078*\"octob\" + 0.072*\"juli\" + 0.072*\"august\" + 0.070*\"januari\" + 0.069*\"notion\" + 0.069*\"judici\" + 0.067*\"april\" + 0.065*\"decatur\"\n", - "2019-01-31 01:22:19,475 : INFO : topic #28 (0.020): 0.035*\"build\" + 0.030*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.012*\"linear\" + 0.011*\"constitut\" + 0.011*\"silicon\" + 0.011*\"depress\" + 0.010*\"centuri\" + 0.010*\"briarwood\"\n", - "2019-01-31 01:22:19,476 : INFO : topic #16 (0.020): 0.061*\"king\" + 0.029*\"priest\" + 0.020*\"duke\" + 0.018*\"idiosyncrat\" + 0.018*\"quarterli\" + 0.018*\"rotterdam\" + 0.017*\"grammat\" + 0.013*\"kingdom\" + 0.013*\"count\" + 0.012*\"portugues\"\n", - "2019-01-31 01:22:19,477 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.044*\"chilton\" + 0.026*\"hong\" + 0.026*\"kong\" + 0.020*\"korea\" + 0.019*\"korean\" + 0.017*\"kim\" + 0.015*\"sourc\" + 0.015*\"leah\" + 0.014*\"shirin\"\n", - "2019-01-31 01:22:19,478 : INFO : topic #36 (0.020): 0.011*\"prognosi\" + 0.011*\"network\" + 0.010*\"pop\" + 0.008*\"develop\" + 0.008*\"cytokin\" + 0.008*\"softwar\" + 0.008*\"diggin\" + 0.008*\"user\" + 0.008*\"uruguayan\" + 0.007*\"includ\"\n", - "2019-01-31 01:22:19,483 : INFO : topic diff=0.003386, rho=0.022810\n", - "2019-01-31 01:22:19,641 : INFO : PROGRESS: pass 0, at document #3846000/4922894\n", - "2019-01-31 01:22:21,002 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:22:21,268 : INFO : topic #9 (0.020): 0.072*\"bone\" + 0.045*\"american\" + 0.028*\"valour\" + 0.019*\"dutch\" + 0.018*\"folei\" + 0.017*\"player\" + 0.017*\"polit\" + 0.016*\"english\" + 0.012*\"simpler\" + 0.012*\"acrimoni\"\n", - "2019-01-31 01:22:21,269 : INFO : topic #39 (0.020): 0.059*\"canada\" + 0.047*\"canadian\" + 0.024*\"hoar\" + 0.023*\"toronto\" + 0.022*\"ontario\" + 0.017*\"hydrogen\" + 0.015*\"new\" + 0.015*\"misericordia\" + 0.014*\"novotná\" + 0.012*\"quebec\"\n", - "2019-01-31 01:22:21,271 : INFO : topic #26 (0.020): 0.032*\"workplac\" + 0.030*\"champion\" + 0.026*\"woman\" + 0.025*\"men\" + 0.024*\"olymp\" + 0.022*\"medal\" + 0.020*\"event\" + 0.019*\"rainfal\" + 0.018*\"taxpay\" + 0.017*\"atheist\"\n", - "2019-01-31 01:22:21,272 : INFO : topic #37 (0.020): 0.013*\"charact\" + 0.011*\"septemb\" + 0.011*\"anim\" + 0.010*\"man\" + 0.009*\"comic\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.007*\"workplac\" + 0.006*\"fusiform\" + 0.006*\"vision\"\n", - "2019-01-31 01:22:21,273 : INFO : topic #25 (0.020): 0.031*\"ring\" + 0.019*\"area\" + 0.017*\"lagrang\" + 0.016*\"mount\" + 0.016*\"warmth\" + 0.010*\"north\" + 0.009*\"sourc\" + 0.009*\"palmer\" + 0.009*\"land\" + 0.009*\"lobe\"\n", - "2019-01-31 01:22:21,279 : INFO : topic diff=0.004282, rho=0.022804\n", - "2019-01-31 01:22:21,436 : INFO : PROGRESS: pass 0, at document #3848000/4922894\n", - "2019-01-31 01:22:22,833 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:22:23,099 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.035*\"leagu\" + 0.029*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.016*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:22:23,100 : INFO : topic #21 (0.020): 0.034*\"samford\" + 0.023*\"spain\" + 0.019*\"del\" + 0.018*\"mexico\" + 0.017*\"italian\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"carlo\" + 0.010*\"lizard\"\n", - "2019-01-31 01:22:23,101 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.027*\"final\" + 0.023*\"wife\" + 0.020*\"tourist\" + 0.019*\"champion\" + 0.015*\"martin\" + 0.015*\"taxpay\" + 0.014*\"tiepolo\" + 0.013*\"open\" + 0.013*\"chamber\"\n", - "2019-01-31 01:22:23,102 : INFO : topic #16 (0.020): 0.061*\"king\" + 0.029*\"priest\" + 0.021*\"duke\" + 0.018*\"idiosyncrat\" + 0.018*\"quarterli\" + 0.017*\"rotterdam\" + 0.016*\"grammat\" + 0.013*\"kingdom\" + 0.013*\"count\" + 0.012*\"portugues\"\n", - "2019-01-31 01:22:23,103 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.044*\"chilton\" + 0.026*\"hong\" + 0.025*\"kong\" + 0.020*\"korea\" + 0.019*\"korean\" + 0.018*\"kim\" + 0.016*\"leah\" + 0.016*\"sourc\" + 0.014*\"shirin\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:22:23,109 : INFO : topic diff=0.003134, rho=0.022798\n", - "2019-01-31 01:22:23,267 : INFO : PROGRESS: pass 0, at document #3850000/4922894\n", - "2019-01-31 01:22:24,659 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:22:24,926 : INFO : topic #39 (0.020): 0.058*\"canada\" + 0.047*\"canadian\" + 0.024*\"hoar\" + 0.023*\"toronto\" + 0.021*\"ontario\" + 0.017*\"hydrogen\" + 0.015*\"new\" + 0.014*\"misericordia\" + 0.014*\"novotná\" + 0.012*\"quebec\"\n", - "2019-01-31 01:22:24,927 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.009*\"media\" + 0.008*\"hormon\" + 0.008*\"disco\" + 0.007*\"have\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"effect\" + 0.006*\"proper\" + 0.006*\"treat\"\n", - "2019-01-31 01:22:24,928 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.044*\"chilton\" + 0.026*\"hong\" + 0.025*\"kong\" + 0.020*\"korea\" + 0.019*\"korean\" + 0.018*\"kim\" + 0.016*\"leah\" + 0.016*\"sourc\" + 0.014*\"shirin\"\n", - "2019-01-31 01:22:24,929 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.024*\"palmer\" + 0.020*\"new\" + 0.016*\"strategist\" + 0.013*\"center\" + 0.013*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"local\"\n", - "2019-01-31 01:22:24,930 : INFO : topic #45 (0.020): 0.037*\"arsen\" + 0.030*\"jpg\" + 0.027*\"fifteenth\" + 0.026*\"museo\" + 0.021*\"illicit\" + 0.021*\"pain\" + 0.015*\"exhaust\" + 0.015*\"colder\" + 0.014*\"gai\" + 0.013*\"artist\"\n", - "2019-01-31 01:22:24,936 : INFO : topic diff=0.003043, rho=0.022792\n", - "2019-01-31 01:22:25,093 : INFO : PROGRESS: pass 0, at document #3852000/4922894\n", - "2019-01-31 01:22:26,452 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:22:26,719 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.019*\"area\" + 0.017*\"lagrang\" + 0.016*\"mount\" + 0.016*\"warmth\" + 0.010*\"north\" + 0.009*\"palmer\" + 0.009*\"sourc\" + 0.009*\"land\" + 0.009*\"lobe\"\n", - "2019-01-31 01:22:26,720 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.022*\"cortic\" + 0.019*\"start\" + 0.017*\"act\" + 0.012*\"ricardo\" + 0.012*\"case\" + 0.010*\"polaris\" + 0.010*\"replac\" + 0.008*\"legal\" + 0.006*\"rudolf\"\n", - "2019-01-31 01:22:26,721 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.019*\"factor\" + 0.012*\"plaisir\" + 0.011*\"genu\" + 0.010*\"western\" + 0.009*\"biom\" + 0.008*\"median\" + 0.007*\"incom\" + 0.006*\"male\" + 0.006*\"florida\"\n", - "2019-01-31 01:22:26,722 : INFO : topic #9 (0.020): 0.072*\"bone\" + 0.045*\"american\" + 0.028*\"valour\" + 0.019*\"dutch\" + 0.018*\"folei\" + 0.017*\"player\" + 0.017*\"polit\" + 0.016*\"english\" + 0.012*\"simpler\" + 0.012*\"acrimoni\"\n", - "2019-01-31 01:22:26,723 : INFO : topic #40 (0.020): 0.085*\"unit\" + 0.024*\"schuster\" + 0.022*\"institut\" + 0.022*\"collector\" + 0.021*\"requir\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"http\" + 0.011*\"word\" + 0.011*\"degre\"\n", - "2019-01-31 01:22:26,729 : INFO : topic diff=0.003337, rho=0.022786\n", - "2019-01-31 01:22:26,882 : INFO : PROGRESS: pass 0, at document #3854000/4922894\n", - "2019-01-31 01:22:28,223 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:22:28,490 : INFO : topic #13 (0.020): 0.026*\"london\" + 0.026*\"australia\" + 0.025*\"sourc\" + 0.025*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.014*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:22:28,491 : INFO : topic #21 (0.020): 0.034*\"samford\" + 0.023*\"spain\" + 0.019*\"del\" + 0.017*\"mexico\" + 0.017*\"italian\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"carlo\" + 0.010*\"lizard\"\n", - "2019-01-31 01:22:28,492 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.008*\"veget\" + 0.008*\"mode\" + 0.008*\"elabor\" + 0.007*\"uruguayan\" + 0.006*\"turn\" + 0.006*\"produc\" + 0.006*\"develop\"\n", - "2019-01-31 01:22:28,493 : INFO : topic #6 (0.020): 0.069*\"fewer\" + 0.025*\"epiru\" + 0.021*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"movi\" + 0.011*\"direct\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:22:28,494 : INFO : topic #37 (0.020): 0.013*\"charact\" + 0.012*\"septemb\" + 0.011*\"anim\" + 0.010*\"man\" + 0.009*\"comic\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.006*\"workplac\" + 0.006*\"fusiform\" + 0.006*\"vision\"\n", - "2019-01-31 01:22:28,500 : INFO : topic diff=0.003256, rho=0.022780\n", - "2019-01-31 01:22:28,659 : INFO : PROGRESS: pass 0, at document #3856000/4922894\n", - "2019-01-31 01:22:30,046 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:22:30,312 : INFO : topic #48 (0.020): 0.082*\"sens\" + 0.079*\"march\" + 0.078*\"octob\" + 0.073*\"juli\" + 0.072*\"august\" + 0.070*\"januari\" + 0.069*\"notion\" + 0.069*\"judici\" + 0.067*\"april\" + 0.065*\"decatur\"\n", - "2019-01-31 01:22:30,313 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.048*\"franc\" + 0.031*\"pari\" + 0.023*\"sail\" + 0.022*\"jean\" + 0.018*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.011*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 01:22:30,314 : INFO : topic #34 (0.020): 0.063*\"start\" + 0.035*\"new\" + 0.031*\"american\" + 0.028*\"cotton\" + 0.027*\"unionist\" + 0.021*\"year\" + 0.014*\"california\" + 0.013*\"terri\" + 0.013*\"warrior\" + 0.012*\"citi\"\n", - "2019-01-31 01:22:30,315 : INFO : topic #32 (0.020): 0.053*\"district\" + 0.044*\"popolo\" + 0.042*\"vigour\" + 0.036*\"tortur\" + 0.034*\"cotton\" + 0.022*\"area\" + 0.021*\"multitud\" + 0.021*\"adulthood\" + 0.019*\"cede\" + 0.019*\"citi\"\n", - "2019-01-31 01:22:30,316 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.006*\"ancestor\"\n", - "2019-01-31 01:22:30,322 : INFO : topic diff=0.003599, rho=0.022774\n", - "2019-01-31 01:22:30,483 : INFO : PROGRESS: pass 0, at document #3858000/4922894\n", - "2019-01-31 01:22:31,868 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:22:32,135 : INFO : topic #3 (0.020): 0.035*\"present\" + 0.026*\"offic\" + 0.026*\"minist\" + 0.023*\"nation\" + 0.022*\"govern\" + 0.021*\"serv\" + 0.020*\"member\" + 0.016*\"start\" + 0.016*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:22:32,136 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.012*\"busi\" + 0.012*\"million\" + 0.012*\"market\" + 0.011*\"produc\" + 0.010*\"bank\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 01:22:32,137 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.039*\"shield\" + 0.017*\"narrat\" + 0.015*\"scot\" + 0.013*\"blur\" + 0.012*\"pope\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.009*\"fleet\" + 0.009*\"sai\"\n", - "2019-01-31 01:22:32,138 : INFO : topic #23 (0.020): 0.134*\"audit\" + 0.067*\"best\" + 0.033*\"yawn\" + 0.031*\"jacksonvil\" + 0.024*\"japanes\" + 0.021*\"noll\" + 0.018*\"women\" + 0.018*\"festiv\" + 0.017*\"intern\" + 0.013*\"winner\"\n", - "2019-01-31 01:22:32,139 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.048*\"franc\" + 0.031*\"pari\" + 0.023*\"sail\" + 0.022*\"jean\" + 0.018*\"daphn\" + 0.013*\"lazi\" + 0.013*\"loui\" + 0.011*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 01:22:32,145 : INFO : topic diff=0.002901, rho=0.022768\n", - "2019-01-31 01:22:34,710 : INFO : -11.644 per-word bound, 3199.7 perplexity estimate based on a held-out corpus of 2000 documents with 509170 words\n", - "2019-01-31 01:22:34,711 : INFO : PROGRESS: pass 0, at document #3860000/4922894\n", - "2019-01-31 01:22:36,036 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:22:36,302 : INFO : topic #40 (0.020): 0.084*\"unit\" + 0.024*\"schuster\" + 0.023*\"institut\" + 0.022*\"collector\" + 0.021*\"requir\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"http\" + 0.012*\"word\" + 0.012*\"degre\"\n", - "2019-01-31 01:22:36,303 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.009*\"media\" + 0.008*\"disco\" + 0.008*\"hormon\" + 0.007*\"have\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"effect\" + 0.006*\"proper\" + 0.006*\"treat\"\n", - "2019-01-31 01:22:36,305 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"sack\" + 0.007*\"later\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:22:36,306 : INFO : topic #32 (0.020): 0.053*\"district\" + 0.044*\"popolo\" + 0.042*\"vigour\" + 0.036*\"tortur\" + 0.034*\"cotton\" + 0.022*\"area\" + 0.021*\"multitud\" + 0.021*\"adulthood\" + 0.020*\"cede\" + 0.019*\"citi\"\n", - "2019-01-31 01:22:36,307 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.026*\"offic\" + 0.025*\"minist\" + 0.023*\"nation\" + 0.022*\"govern\" + 0.021*\"serv\" + 0.020*\"member\" + 0.016*\"start\" + 0.016*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:22:36,313 : INFO : topic diff=0.003388, rho=0.022763\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:22:36,468 : INFO : PROGRESS: pass 0, at document #3862000/4922894\n", - "2019-01-31 01:22:37,826 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:22:38,092 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.019*\"factor\" + 0.012*\"plaisir\" + 0.011*\"genu\" + 0.010*\"western\" + 0.009*\"biom\" + 0.008*\"median\" + 0.007*\"incom\" + 0.006*\"florida\" + 0.006*\"brown\"\n", - "2019-01-31 01:22:38,093 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.035*\"leagu\" + 0.029*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:22:38,094 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.033*\"perceptu\" + 0.022*\"theater\" + 0.019*\"place\" + 0.017*\"compos\" + 0.017*\"damn\" + 0.014*\"orchestr\" + 0.013*\"physician\" + 0.012*\"olympo\" + 0.011*\"word\"\n", - "2019-01-31 01:22:38,095 : INFO : topic #4 (0.020): 0.019*\"enfranchis\" + 0.014*\"depress\" + 0.014*\"pour\" + 0.008*\"mode\" + 0.008*\"veget\" + 0.008*\"elabor\" + 0.007*\"uruguayan\" + 0.006*\"turn\" + 0.006*\"produc\" + 0.006*\"develop\"\n", - "2019-01-31 01:22:38,096 : INFO : topic #31 (0.020): 0.051*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:22:38,102 : INFO : topic diff=0.003561, rho=0.022757\n", - "2019-01-31 01:22:38,257 : INFO : PROGRESS: pass 0, at document #3864000/4922894\n", - "2019-01-31 01:22:39,620 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:22:39,886 : INFO : topic #31 (0.020): 0.051*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:22:39,887 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.033*\"perceptu\" + 0.022*\"theater\" + 0.019*\"place\" + 0.017*\"compos\" + 0.017*\"damn\" + 0.014*\"orchestr\" + 0.013*\"physician\" + 0.012*\"olympo\" + 0.011*\"word\"\n", - "2019-01-31 01:22:39,888 : INFO : topic #9 (0.020): 0.073*\"bone\" + 0.047*\"american\" + 0.028*\"valour\" + 0.019*\"dutch\" + 0.018*\"folei\" + 0.017*\"player\" + 0.017*\"english\" + 0.017*\"polit\" + 0.012*\"simpler\" + 0.012*\"acrimoni\"\n", - "2019-01-31 01:22:39,889 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.009*\"aza\" + 0.009*\"battalion\" + 0.008*\"forc\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.007*\"teufel\" + 0.006*\"citi\" + 0.006*\"govern\" + 0.006*\"militari\"\n", - "2019-01-31 01:22:39,891 : INFO : topic #40 (0.020): 0.084*\"unit\" + 0.024*\"schuster\" + 0.022*\"institut\" + 0.022*\"collector\" + 0.021*\"requir\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"http\" + 0.012*\"word\" + 0.011*\"degre\"\n", - "2019-01-31 01:22:39,896 : INFO : topic diff=0.003511, rho=0.022751\n", - "2019-01-31 01:22:40,054 : INFO : PROGRESS: pass 0, at document #3866000/4922894\n", - "2019-01-31 01:22:41,427 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:22:41,694 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.024*\"palmer\" + 0.020*\"new\" + 0.016*\"strategist\" + 0.013*\"center\" + 0.013*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:22:41,695 : INFO : topic #27 (0.020): 0.071*\"questionnair\" + 0.021*\"candid\" + 0.017*\"taxpay\" + 0.014*\"ret\" + 0.014*\"driver\" + 0.012*\"tornado\" + 0.012*\"fool\" + 0.011*\"find\" + 0.011*\"landslid\" + 0.010*\"champion\"\n", - "2019-01-31 01:22:41,696 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.006*\"ancestor\"\n", - "2019-01-31 01:22:41,697 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.024*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"movi\" + 0.011*\"direct\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:22:41,698 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.035*\"leagu\" + 0.029*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:22:41,704 : INFO : topic diff=0.002898, rho=0.022745\n", - "2019-01-31 01:22:41,863 : INFO : PROGRESS: pass 0, at document #3868000/4922894\n", - "2019-01-31 01:22:43,239 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:22:43,506 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.047*\"franc\" + 0.031*\"pari\" + 0.023*\"sail\" + 0.022*\"jean\" + 0.018*\"daphn\" + 0.014*\"loui\" + 0.013*\"lazi\" + 0.011*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 01:22:43,507 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.035*\"leagu\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:22:43,509 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.012*\"busi\" + 0.012*\"million\" + 0.012*\"market\" + 0.011*\"produc\" + 0.010*\"bank\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 01:22:43,510 : INFO : topic #4 (0.020): 0.019*\"enfranchis\" + 0.014*\"depress\" + 0.014*\"pour\" + 0.008*\"mode\" + 0.008*\"veget\" + 0.008*\"elabor\" + 0.008*\"uruguayan\" + 0.006*\"turn\" + 0.006*\"produc\" + 0.006*\"develop\"\n", - "2019-01-31 01:22:43,511 : INFO : topic #45 (0.020): 0.038*\"arsen\" + 0.030*\"jpg\" + 0.028*\"fifteenth\" + 0.026*\"museo\" + 0.021*\"pain\" + 0.021*\"illicit\" + 0.015*\"exhaust\" + 0.014*\"gai\" + 0.014*\"colder\" + 0.013*\"artist\"\n", - "2019-01-31 01:22:43,517 : INFO : topic diff=0.003780, rho=0.022739\n", - "2019-01-31 01:22:43,729 : INFO : PROGRESS: pass 0, at document #3870000/4922894\n", - "2019-01-31 01:22:45,100 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:22:45,367 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"prognosi\" + 0.010*\"pop\" + 0.008*\"develop\" + 0.008*\"cytokin\" + 0.008*\"diggin\" + 0.008*\"softwar\" + 0.008*\"user\" + 0.008*\"uruguayan\" + 0.007*\"includ\"\n", - "2019-01-31 01:22:45,368 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.046*\"chilton\" + 0.026*\"hong\" + 0.026*\"kong\" + 0.019*\"korea\" + 0.017*\"korean\" + 0.016*\"kim\" + 0.016*\"leah\" + 0.015*\"sourc\" + 0.014*\"shirin\"\n", - "2019-01-31 01:22:45,368 : INFO : topic #23 (0.020): 0.135*\"audit\" + 0.067*\"best\" + 0.034*\"yawn\" + 0.030*\"jacksonvil\" + 0.023*\"japanes\" + 0.021*\"noll\" + 0.018*\"women\" + 0.018*\"festiv\" + 0.016*\"intern\" + 0.013*\"prison\"\n", - "2019-01-31 01:22:45,369 : INFO : topic #42 (0.020): 0.048*\"german\" + 0.033*\"germani\" + 0.015*\"vol\" + 0.014*\"jewish\" + 0.014*\"israel\" + 0.014*\"berlin\" + 0.014*\"der\" + 0.010*\"european\" + 0.009*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:22:45,370 : INFO : topic #2 (0.020): 0.050*\"isl\" + 0.039*\"shield\" + 0.017*\"narrat\" + 0.015*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.009*\"class\" + 0.009*\"fleet\"\n", - "2019-01-31 01:22:45,376 : INFO : topic diff=0.003167, rho=0.022733\n", - "2019-01-31 01:22:45,537 : INFO : PROGRESS: pass 0, at document #3872000/4922894\n", - "2019-01-31 01:22:46,920 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:22:47,186 : INFO : topic #14 (0.020): 0.025*\"forc\" + 0.022*\"aggress\" + 0.021*\"armi\" + 0.021*\"walter\" + 0.017*\"com\" + 0.014*\"unionist\" + 0.013*\"oper\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.012*\"diversifi\"\n", - "2019-01-31 01:22:47,187 : INFO : topic #13 (0.020): 0.027*\"london\" + 0.026*\"australia\" + 0.025*\"sourc\" + 0.024*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.019*\"ireland\" + 0.014*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:22:47,188 : INFO : topic #35 (0.020): 0.056*\"russia\" + 0.037*\"sovereignti\" + 0.036*\"rural\" + 0.026*\"poison\" + 0.025*\"personifi\" + 0.022*\"reprint\" + 0.020*\"moscow\" + 0.019*\"poland\" + 0.015*\"turin\" + 0.015*\"tyrant\"\n", - "2019-01-31 01:22:47,189 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.046*\"chilton\" + 0.026*\"hong\" + 0.026*\"kong\" + 0.020*\"korea\" + 0.017*\"korean\" + 0.016*\"kim\" + 0.016*\"leah\" + 0.015*\"sourc\" + 0.014*\"shirin\"\n", - "2019-01-31 01:22:47,190 : INFO : topic #48 (0.020): 0.084*\"march\" + 0.079*\"sens\" + 0.077*\"octob\" + 0.071*\"januari\" + 0.070*\"juli\" + 0.069*\"august\" + 0.068*\"notion\" + 0.067*\"judici\" + 0.065*\"april\" + 0.064*\"decatur\"\n", - "2019-01-31 01:22:47,196 : INFO : topic diff=0.003341, rho=0.022727\n", - "2019-01-31 01:22:47,357 : INFO : PROGRESS: pass 0, at document #3874000/4922894\n", - "2019-01-31 01:22:48,750 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:22:49,016 : INFO : topic #46 (0.020): 0.017*\"sweden\" + 0.017*\"norwai\" + 0.017*\"stop\" + 0.015*\"swedish\" + 0.014*\"damag\" + 0.014*\"wind\" + 0.014*\"norwegian\" + 0.012*\"treeless\" + 0.011*\"denmark\" + 0.011*\"huntsvil\"\n", - "2019-01-31 01:22:49,017 : INFO : topic #35 (0.020): 0.056*\"russia\" + 0.037*\"sovereignti\" + 0.036*\"rural\" + 0.026*\"poison\" + 0.025*\"personifi\" + 0.022*\"reprint\" + 0.020*\"moscow\" + 0.019*\"poland\" + 0.015*\"turin\" + 0.015*\"tyrant\"\n", - "2019-01-31 01:22:49,018 : INFO : topic #14 (0.020): 0.025*\"forc\" + 0.022*\"aggress\" + 0.021*\"armi\" + 0.021*\"walter\" + 0.017*\"com\" + 0.014*\"unionist\" + 0.013*\"oper\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.012*\"diversifi\"\n", - "2019-01-31 01:22:49,019 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.009*\"media\" + 0.008*\"disco\" + 0.008*\"hormon\" + 0.007*\"have\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"effect\" + 0.006*\"treat\" + 0.006*\"proper\"\n", - "2019-01-31 01:22:49,020 : INFO : topic #28 (0.020): 0.034*\"build\" + 0.029*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.012*\"linear\" + 0.011*\"constitut\" + 0.011*\"depress\" + 0.011*\"silicon\" + 0.011*\"centuri\" + 0.010*\"briarwood\"\n", - "2019-01-31 01:22:49,026 : INFO : topic diff=0.003746, rho=0.022721\n", - "2019-01-31 01:22:49,182 : INFO : PROGRESS: pass 0, at document #3876000/4922894\n", - "2019-01-31 01:22:50,554 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:22:50,820 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.021*\"cortic\" + 0.019*\"start\" + 0.018*\"act\" + 0.012*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.010*\"polaris\" + 0.008*\"legal\" + 0.006*\"rudolf\"\n", - "2019-01-31 01:22:50,821 : INFO : topic #2 (0.020): 0.050*\"isl\" + 0.039*\"shield\" + 0.017*\"narrat\" + 0.015*\"scot\" + 0.012*\"blur\" + 0.012*\"pope\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.009*\"class\" + 0.009*\"fleet\"\n", - "2019-01-31 01:22:50,822 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.047*\"franc\" + 0.032*\"pari\" + 0.023*\"sail\" + 0.023*\"jean\" + 0.018*\"daphn\" + 0.014*\"loui\" + 0.013*\"lazi\" + 0.011*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 01:22:50,823 : INFO : topic #26 (0.020): 0.031*\"workplac\" + 0.029*\"champion\" + 0.026*\"woman\" + 0.024*\"men\" + 0.024*\"olymp\" + 0.022*\"medal\" + 0.020*\"event\" + 0.019*\"alic\" + 0.018*\"taxpay\" + 0.018*\"rainfal\"\n", - "2019-01-31 01:22:50,824 : INFO : topic #4 (0.020): 0.019*\"enfranchis\" + 0.014*\"depress\" + 0.014*\"pour\" + 0.008*\"mode\" + 0.008*\"elabor\" + 0.008*\"veget\" + 0.008*\"uruguayan\" + 0.006*\"turn\" + 0.006*\"teratogen\" + 0.006*\"produc\"\n", - "2019-01-31 01:22:50,830 : INFO : topic diff=0.003502, rho=0.022716\n", - "2019-01-31 01:22:50,988 : INFO : PROGRESS: pass 0, at document #3878000/4922894\n", - "2019-01-31 01:22:52,355 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:22:52,622 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.011*\"will\" + 0.011*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.008*\"paul\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:22:52,623 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.019*\"factor\" + 0.012*\"plaisir\" + 0.010*\"genu\" + 0.010*\"western\" + 0.009*\"biom\" + 0.008*\"median\" + 0.007*\"incom\" + 0.006*\"florida\" + 0.006*\"trap\"\n", - "2019-01-31 01:22:52,624 : INFO : topic #21 (0.020): 0.033*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.017*\"mexico\" + 0.017*\"italian\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.010*\"carlo\" + 0.010*\"itali\"\n", - "2019-01-31 01:22:52,625 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.053*\"parti\" + 0.023*\"democrat\" + 0.023*\"voluntari\" + 0.021*\"member\" + 0.016*\"polici\" + 0.016*\"republ\" + 0.014*\"bypass\" + 0.013*\"seaport\" + 0.013*\"report\"\n", - "2019-01-31 01:22:52,626 : INFO : topic #39 (0.020): 0.058*\"canada\" + 0.046*\"canadian\" + 0.024*\"hoar\" + 0.022*\"toronto\" + 0.022*\"ontario\" + 0.017*\"hydrogen\" + 0.015*\"new\" + 0.015*\"novotná\" + 0.014*\"misericordia\" + 0.013*\"quebec\"\n", - "2019-01-31 01:22:52,632 : INFO : topic diff=0.003351, rho=0.022710\n", - "2019-01-31 01:22:55,342 : INFO : -11.877 per-word bound, 3762.1 perplexity estimate based on a held-out corpus of 2000 documents with 572994 words\n", - "2019-01-31 01:22:55,342 : INFO : PROGRESS: pass 0, at document #3880000/4922894\n", - "2019-01-31 01:22:56,727 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:22:56,993 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"will\" + 0.012*\"deal\"\n", - "2019-01-31 01:22:56,995 : INFO : topic #28 (0.020): 0.034*\"build\" + 0.029*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.012*\"linear\" + 0.011*\"constitut\" + 0.011*\"depress\" + 0.011*\"silicon\" + 0.010*\"centuri\" + 0.010*\"pistol\"\n", - "2019-01-31 01:22:56,996 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.029*\"incumb\" + 0.013*\"pakistan\" + 0.012*\"islam\" + 0.011*\"muskoge\" + 0.011*\"anglo\" + 0.011*\"televis\" + 0.011*\"sri\" + 0.011*\"khalsa\" + 0.010*\"affection\"\n", - "2019-01-31 01:22:56,997 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.045*\"popolo\" + 0.042*\"vigour\" + 0.036*\"tortur\" + 0.034*\"cotton\" + 0.022*\"area\" + 0.022*\"multitud\" + 0.021*\"adulthood\" + 0.020*\"cede\" + 0.019*\"citi\"\n", - "2019-01-31 01:22:56,998 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.023*\"palmer\" + 0.020*\"new\" + 0.016*\"strategist\" + 0.013*\"center\" + 0.013*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:22:57,004 : INFO : topic diff=0.003418, rho=0.022704\n", - "2019-01-31 01:22:57,161 : INFO : PROGRESS: pass 0, at document #3882000/4922894\n", - "2019-01-31 01:22:58,522 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:22:58,789 : INFO : topic #33 (0.020): 0.062*\"french\" + 0.046*\"franc\" + 0.032*\"pari\" + 0.023*\"sail\" + 0.022*\"jean\" + 0.018*\"daphn\" + 0.014*\"loui\" + 0.013*\"lazi\" + 0.011*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 01:22:58,790 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"ancestor\"\n", - "2019-01-31 01:22:58,791 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.019*\"factor\" + 0.012*\"plaisir\" + 0.010*\"genu\" + 0.010*\"western\" + 0.009*\"biom\" + 0.008*\"median\" + 0.007*\"incom\" + 0.006*\"male\" + 0.006*\"florida\"\n", - "2019-01-31 01:22:58,792 : INFO : topic #46 (0.020): 0.017*\"sweden\" + 0.017*\"norwai\" + 0.017*\"stop\" + 0.015*\"damag\" + 0.015*\"swedish\" + 0.014*\"wind\" + 0.014*\"norwegian\" + 0.011*\"treeless\" + 0.011*\"denmark\" + 0.011*\"huntsvil\"\n", - "2019-01-31 01:22:58,793 : INFO : topic #27 (0.020): 0.071*\"questionnair\" + 0.021*\"candid\" + 0.017*\"taxpay\" + 0.014*\"driver\" + 0.013*\"ret\" + 0.012*\"fool\" + 0.012*\"tornado\" + 0.011*\"find\" + 0.011*\"landslid\" + 0.010*\"champion\"\n", - "2019-01-31 01:22:58,799 : INFO : topic diff=0.002982, rho=0.022698\n", - "2019-01-31 01:22:58,953 : INFO : PROGRESS: pass 0, at document #3884000/4922894\n", - "2019-01-31 01:23:00,310 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:23:00,577 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.019*\"factor\" + 0.012*\"plaisir\" + 0.010*\"genu\" + 0.010*\"western\" + 0.009*\"biom\" + 0.008*\"median\" + 0.007*\"incom\" + 0.006*\"male\" + 0.006*\"florida\"\n", - "2019-01-31 01:23:00,578 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.026*\"offic\" + 0.025*\"minist\" + 0.023*\"nation\" + 0.022*\"govern\" + 0.021*\"serv\" + 0.020*\"member\" + 0.016*\"start\" + 0.016*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:23:00,579 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.009*\"media\" + 0.008*\"hormon\" + 0.008*\"disco\" + 0.007*\"have\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"effect\" + 0.006*\"treat\" + 0.006*\"proper\"\n", - "2019-01-31 01:23:00,580 : INFO : topic #40 (0.020): 0.085*\"unit\" + 0.024*\"schuster\" + 0.022*\"institut\" + 0.022*\"collector\" + 0.021*\"requir\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"http\" + 0.012*\"word\" + 0.011*\"degre\"\n", - "2019-01-31 01:23:00,581 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.044*\"popolo\" + 0.042*\"vigour\" + 0.036*\"tortur\" + 0.034*\"cotton\" + 0.022*\"area\" + 0.022*\"multitud\" + 0.021*\"adulthood\" + 0.019*\"cede\" + 0.019*\"citi\"\n", - "2019-01-31 01:23:00,587 : INFO : topic diff=0.003440, rho=0.022692\n", - "2019-01-31 01:23:00,743 : INFO : PROGRESS: pass 0, at document #3886000/4922894\n", - "2019-01-31 01:23:02,114 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:23:02,381 : INFO : topic #46 (0.020): 0.017*\"stop\" + 0.017*\"sweden\" + 0.016*\"norwai\" + 0.015*\"damag\" + 0.014*\"swedish\" + 0.014*\"wind\" + 0.014*\"norwegian\" + 0.011*\"treeless\" + 0.011*\"huntsvil\" + 0.011*\"denmark\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:23:02,382 : INFO : topic #39 (0.020): 0.057*\"canada\" + 0.046*\"canadian\" + 0.024*\"hoar\" + 0.023*\"toronto\" + 0.022*\"ontario\" + 0.017*\"hydrogen\" + 0.015*\"new\" + 0.014*\"misericordia\" + 0.014*\"novotná\" + 0.013*\"quebec\"\n", - "2019-01-31 01:23:02,383 : INFO : topic #20 (0.020): 0.143*\"scholar\" + 0.040*\"struggl\" + 0.033*\"high\" + 0.031*\"educ\" + 0.024*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.010*\"task\" + 0.010*\"gothic\"\n", - "2019-01-31 01:23:02,384 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"will\" + 0.012*\"deal\"\n", - "2019-01-31 01:23:02,385 : INFO : topic #35 (0.020): 0.055*\"russia\" + 0.037*\"sovereignti\" + 0.035*\"rural\" + 0.026*\"poison\" + 0.025*\"personifi\" + 0.022*\"reprint\" + 0.020*\"moscow\" + 0.019*\"poland\" + 0.014*\"tyrant\" + 0.014*\"turin\"\n", - "2019-01-31 01:23:02,391 : INFO : topic diff=0.003566, rho=0.022686\n", - "2019-01-31 01:23:02,545 : INFO : PROGRESS: pass 0, at document #3888000/4922894\n", - "2019-01-31 01:23:03,904 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:23:04,170 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.053*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.014*\"bypass\" + 0.013*\"seaport\" + 0.013*\"report\"\n", - "2019-01-31 01:23:04,171 : INFO : topic #37 (0.020): 0.013*\"charact\" + 0.011*\"septemb\" + 0.011*\"anim\" + 0.010*\"man\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.006*\"workplac\" + 0.006*\"fusiform\" + 0.006*\"vision\"\n", - "2019-01-31 01:23:04,172 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.023*\"christian\" + 0.022*\"cathol\" + 0.021*\"bishop\" + 0.017*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.009*\"historiographi\" + 0.009*\"cathedr\" + 0.009*\"parish\"\n", - "2019-01-31 01:23:04,174 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:23:04,175 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.032*\"germani\" + 0.015*\"vol\" + 0.014*\"jewish\" + 0.014*\"israel\" + 0.014*\"der\" + 0.014*\"berlin\" + 0.010*\"european\" + 0.009*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:23:04,181 : INFO : topic diff=0.003030, rho=0.022680\n", - "2019-01-31 01:23:04,337 : INFO : PROGRESS: pass 0, at document #3890000/4922894\n", - "2019-01-31 01:23:05,714 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:23:05,980 : INFO : topic #20 (0.020): 0.143*\"scholar\" + 0.040*\"struggl\" + 0.033*\"high\" + 0.031*\"educ\" + 0.025*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.010*\"task\" + 0.010*\"gothic\"\n", - "2019-01-31 01:23:05,981 : INFO : topic #37 (0.020): 0.013*\"charact\" + 0.011*\"septemb\" + 0.011*\"anim\" + 0.010*\"man\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.007*\"workplac\" + 0.006*\"fusiform\" + 0.006*\"vision\"\n", - "2019-01-31 01:23:05,982 : INFO : topic #9 (0.020): 0.071*\"bone\" + 0.046*\"american\" + 0.028*\"valour\" + 0.019*\"dutch\" + 0.018*\"folei\" + 0.018*\"player\" + 0.017*\"polit\" + 0.017*\"english\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:23:05,983 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.023*\"palmer\" + 0.020*\"new\" + 0.016*\"strategist\" + 0.013*\"center\" + 0.013*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"local\"\n", - "2019-01-31 01:23:05,984 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.034*\"publicis\" + 0.027*\"word\" + 0.019*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.011*\"storag\" + 0.011*\"magazin\" + 0.011*\"worldwid\" + 0.011*\"nicola\"\n", - "2019-01-31 01:23:05,991 : INFO : topic diff=0.003599, rho=0.022675\n", - "2019-01-31 01:23:06,143 : INFO : PROGRESS: pass 0, at document #3892000/4922894\n", - "2019-01-31 01:23:07,495 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:23:07,761 : INFO : topic #4 (0.020): 0.019*\"enfranchis\" + 0.014*\"pour\" + 0.014*\"depress\" + 0.009*\"elabor\" + 0.008*\"mode\" + 0.008*\"veget\" + 0.008*\"uruguayan\" + 0.006*\"turn\" + 0.006*\"produc\" + 0.006*\"teratogen\"\n", - "2019-01-31 01:23:07,762 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.034*\"publicis\" + 0.027*\"word\" + 0.019*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.011*\"nicola\" + 0.011*\"author\" + 0.011*\"storag\" + 0.011*\"magazin\"\n", - "2019-01-31 01:23:07,763 : INFO : topic #28 (0.020): 0.034*\"build\" + 0.030*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.012*\"linear\" + 0.011*\"constitut\" + 0.011*\"depress\" + 0.011*\"silicon\" + 0.010*\"centuri\" + 0.010*\"pistol\"\n", - "2019-01-31 01:23:07,764 : INFO : topic #40 (0.020): 0.084*\"unit\" + 0.024*\"schuster\" + 0.022*\"institut\" + 0.022*\"collector\" + 0.021*\"requir\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"http\" + 0.011*\"word\" + 0.011*\"degre\"\n", - "2019-01-31 01:23:07,765 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.012*\"market\" + 0.011*\"produc\" + 0.010*\"bank\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 01:23:07,771 : INFO : topic diff=0.003965, rho=0.022669\n", - "2019-01-31 01:23:07,925 : INFO : PROGRESS: pass 0, at document #3894000/4922894\n", - "2019-01-31 01:23:09,293 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:23:09,560 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.035*\"leagu\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.016*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:23:09,562 : INFO : topic #45 (0.020): 0.038*\"arsen\" + 0.029*\"jpg\" + 0.028*\"fifteenth\" + 0.025*\"museo\" + 0.022*\"pain\" + 0.020*\"illicit\" + 0.015*\"exhaust\" + 0.015*\"colder\" + 0.015*\"gai\" + 0.014*\"artist\"\n", - "2019-01-31 01:23:09,563 : INFO : topic #26 (0.020): 0.030*\"workplac\" + 0.028*\"champion\" + 0.027*\"woman\" + 0.025*\"men\" + 0.024*\"olymp\" + 0.022*\"medal\" + 0.020*\"event\" + 0.020*\"alic\" + 0.018*\"taxpay\" + 0.018*\"rainfal\"\n", - "2019-01-31 01:23:09,564 : INFO : topic #21 (0.020): 0.033*\"samford\" + 0.023*\"spain\" + 0.018*\"del\" + 0.018*\"italian\" + 0.016*\"mexico\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.010*\"carlo\" + 0.010*\"itali\"\n", - "2019-01-31 01:23:09,565 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.008*\"group\" + 0.008*\"peopl\" + 0.008*\"word\" + 0.007*\"human\" + 0.007*\"woman\" + 0.006*\"cultur\"\n", - "2019-01-31 01:23:09,571 : INFO : topic diff=0.003767, rho=0.022663\n", - "2019-01-31 01:23:09,728 : INFO : PROGRESS: pass 0, at document #3896000/4922894\n", - "2019-01-31 01:23:11,106 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:23:11,373 : INFO : topic #27 (0.020): 0.072*\"questionnair\" + 0.021*\"candid\" + 0.017*\"taxpay\" + 0.014*\"ret\" + 0.013*\"driver\" + 0.012*\"fool\" + 0.012*\"tornado\" + 0.011*\"find\" + 0.011*\"landslid\" + 0.010*\"champion\"\n", - "2019-01-31 01:23:11,374 : INFO : topic #13 (0.020): 0.027*\"australia\" + 0.026*\"london\" + 0.026*\"sourc\" + 0.025*\"new\" + 0.023*\"australian\" + 0.022*\"england\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.014*\"wale\" + 0.014*\"youth\"\n", - "2019-01-31 01:23:11,375 : INFO : topic #31 (0.020): 0.050*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:23:11,376 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.046*\"franc\" + 0.032*\"pari\" + 0.023*\"sail\" + 0.022*\"jean\" + 0.018*\"daphn\" + 0.013*\"loui\" + 0.013*\"lazi\" + 0.011*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 01:23:11,377 : INFO : topic #47 (0.020): 0.062*\"muscl\" + 0.033*\"perceptu\" + 0.021*\"theater\" + 0.019*\"place\" + 0.017*\"compos\" + 0.016*\"damn\" + 0.014*\"orchestr\" + 0.013*\"olympo\" + 0.013*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 01:23:11,383 : INFO : topic diff=0.003605, rho=0.022657\n", - "2019-01-31 01:23:11,545 : INFO : PROGRESS: pass 0, at document #3898000/4922894\n", - "2019-01-31 01:23:12,935 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:23:13,201 : INFO : topic #9 (0.020): 0.072*\"bone\" + 0.045*\"american\" + 0.028*\"valour\" + 0.019*\"dutch\" + 0.018*\"folei\" + 0.017*\"player\" + 0.017*\"english\" + 0.017*\"polit\" + 0.012*\"simpler\" + 0.012*\"acrimoni\"\n", - "2019-01-31 01:23:13,202 : INFO : topic #21 (0.020): 0.033*\"samford\" + 0.023*\"spain\" + 0.018*\"del\" + 0.018*\"italian\" + 0.016*\"mexico\" + 0.014*\"soviet\" + 0.013*\"santa\" + 0.011*\"juan\" + 0.010*\"carlo\" + 0.010*\"itali\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:23:13,204 : INFO : topic #4 (0.020): 0.019*\"enfranchis\" + 0.015*\"pour\" + 0.014*\"depress\" + 0.009*\"elabor\" + 0.008*\"mode\" + 0.008*\"veget\" + 0.008*\"uruguayan\" + 0.006*\"turn\" + 0.006*\"produc\" + 0.006*\"develop\"\n", - "2019-01-31 01:23:13,205 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"margin\" + 0.016*\"yawn\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"will\" + 0.012*\"deal\"\n", - "2019-01-31 01:23:13,206 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.045*\"popolo\" + 0.042*\"vigour\" + 0.036*\"tortur\" + 0.034*\"cotton\" + 0.022*\"multitud\" + 0.022*\"area\" + 0.021*\"adulthood\" + 0.020*\"cede\" + 0.018*\"regim\"\n", - "2019-01-31 01:23:13,211 : INFO : topic diff=0.003725, rho=0.022651\n", - "2019-01-31 01:23:15,903 : INFO : -11.718 per-word bound, 3369.1 perplexity estimate based on a held-out corpus of 2000 documents with 552483 words\n", - "2019-01-31 01:23:15,903 : INFO : PROGRESS: pass 0, at document #3900000/4922894\n", - "2019-01-31 01:23:17,280 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:23:17,547 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.046*\"franc\" + 0.032*\"pari\" + 0.023*\"sail\" + 0.022*\"jean\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.011*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 01:23:17,548 : INFO : topic #35 (0.020): 0.055*\"russia\" + 0.038*\"sovereignti\" + 0.036*\"rural\" + 0.028*\"poison\" + 0.024*\"personifi\" + 0.022*\"reprint\" + 0.020*\"moscow\" + 0.020*\"poland\" + 0.014*\"tyrant\" + 0.014*\"turin\"\n", - "2019-01-31 01:23:17,549 : INFO : topic #13 (0.020): 0.026*\"australia\" + 0.026*\"london\" + 0.025*\"sourc\" + 0.025*\"new\" + 0.023*\"australian\" + 0.022*\"england\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.014*\"wale\" + 0.014*\"youth\"\n", - "2019-01-31 01:23:17,550 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"margin\" + 0.016*\"yawn\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"deal\" + 0.012*\"will\"\n", - "2019-01-31 01:23:17,551 : INFO : topic #45 (0.020): 0.038*\"arsen\" + 0.029*\"jpg\" + 0.028*\"fifteenth\" + 0.025*\"museo\" + 0.022*\"pain\" + 0.020*\"illicit\" + 0.015*\"colder\" + 0.015*\"exhaust\" + 0.015*\"gai\" + 0.014*\"artist\"\n", - "2019-01-31 01:23:17,558 : INFO : topic diff=0.002951, rho=0.022646\n", - "2019-01-31 01:23:17,713 : INFO : PROGRESS: pass 0, at document #3902000/4922894\n", - "2019-01-31 01:23:19,062 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:23:19,328 : INFO : topic #46 (0.020): 0.017*\"sweden\" + 0.016*\"stop\" + 0.016*\"norwai\" + 0.015*\"damag\" + 0.014*\"swedish\" + 0.014*\"norwegian\" + 0.013*\"wind\" + 0.011*\"denmark\" + 0.011*\"treeless\" + 0.011*\"huntsvil\"\n", - "2019-01-31 01:23:19,330 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:23:19,331 : INFO : topic #28 (0.020): 0.034*\"build\" + 0.030*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.011*\"linear\" + 0.011*\"constitut\" + 0.011*\"depress\" + 0.011*\"silicon\" + 0.010*\"centuri\" + 0.010*\"pistol\"\n", - "2019-01-31 01:23:19,332 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.032*\"germani\" + 0.015*\"vol\" + 0.015*\"jewish\" + 0.014*\"berlin\" + 0.013*\"der\" + 0.013*\"israel\" + 0.010*\"european\" + 0.009*\"austria\" + 0.009*\"europ\"\n", - "2019-01-31 01:23:19,333 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.012*\"market\" + 0.011*\"produc\" + 0.010*\"bank\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 01:23:19,339 : INFO : topic diff=0.002800, rho=0.022640\n", - "2019-01-31 01:23:19,552 : INFO : PROGRESS: pass 0, at document #3904000/4922894\n", - "2019-01-31 01:23:20,912 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:23:21,178 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"son\" + 0.028*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.009*\"vocabulari\"\n", - "2019-01-31 01:23:21,179 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.035*\"leagu\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.024*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:23:21,181 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.023*\"palmer\" + 0.020*\"new\" + 0.016*\"strategist\" + 0.013*\"center\" + 0.013*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.008*\"local\"\n", - "2019-01-31 01:23:21,182 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.011*\"will\" + 0.011*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.008*\"georg\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:23:21,183 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.045*\"popolo\" + 0.042*\"vigour\" + 0.036*\"tortur\" + 0.034*\"cotton\" + 0.022*\"multitud\" + 0.022*\"area\" + 0.021*\"adulthood\" + 0.020*\"cede\" + 0.018*\"citi\"\n", - "2019-01-31 01:23:21,189 : INFO : topic diff=0.003208, rho=0.022634\n", - "2019-01-31 01:23:21,347 : INFO : PROGRESS: pass 0, at document #3906000/4922894\n", - "2019-01-31 01:23:22,710 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:23:22,976 : INFO : topic #24 (0.020): 0.038*\"book\" + 0.034*\"publicis\" + 0.027*\"word\" + 0.019*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.011*\"storag\" + 0.011*\"nicola\" + 0.011*\"author\" + 0.011*\"magazin\"\n", - "2019-01-31 01:23:22,977 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.070*\"best\" + 0.033*\"yawn\" + 0.030*\"jacksonvil\" + 0.024*\"japanes\" + 0.021*\"noll\" + 0.019*\"festiv\" + 0.018*\"women\" + 0.017*\"intern\" + 0.014*\"winner\"\n", - "2019-01-31 01:23:22,978 : INFO : topic #13 (0.020): 0.026*\"australia\" + 0.026*\"london\" + 0.025*\"sourc\" + 0.025*\"new\" + 0.023*\"australian\" + 0.022*\"england\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.014*\"wale\" + 0.014*\"youth\"\n", - "2019-01-31 01:23:22,979 : INFO : topic #0 (0.020): 0.065*\"statewid\" + 0.042*\"line\" + 0.030*\"raid\" + 0.026*\"rivièr\" + 0.026*\"rosenwald\" + 0.024*\"airmen\" + 0.018*\"traceabl\" + 0.018*\"serv\" + 0.014*\"oper\" + 0.011*\"radiu\"\n", - "2019-01-31 01:23:22,980 : INFO : topic #17 (0.020): 0.076*\"church\" + 0.023*\"christian\" + 0.022*\"cathol\" + 0.020*\"bishop\" + 0.017*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.009*\"parish\" + 0.009*\"cathedr\" + 0.009*\"historiographi\"\n", - "2019-01-31 01:23:22,986 : INFO : topic diff=0.003594, rho=0.022628\n", - "2019-01-31 01:23:23,143 : INFO : PROGRESS: pass 0, at document #3908000/4922894\n", - "2019-01-31 01:23:24,520 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:23:24,786 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"margin\" + 0.016*\"yawn\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"deal\" + 0.012*\"daughter\"\n", - "2019-01-31 01:23:24,787 : INFO : topic #2 (0.020): 0.050*\"isl\" + 0.039*\"shield\" + 0.017*\"narrat\" + 0.015*\"scot\" + 0.013*\"blur\" + 0.013*\"pope\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.009*\"class\" + 0.009*\"fleet\"\n", - "2019-01-31 01:23:24,788 : INFO : topic #26 (0.020): 0.031*\"workplac\" + 0.029*\"champion\" + 0.027*\"woman\" + 0.025*\"men\" + 0.024*\"olymp\" + 0.022*\"medal\" + 0.020*\"event\" + 0.019*\"alic\" + 0.018*\"taxpay\" + 0.018*\"rainfal\"\n", - "2019-01-31 01:23:24,790 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:23:24,791 : INFO : topic #24 (0.020): 0.038*\"book\" + 0.035*\"publicis\" + 0.027*\"word\" + 0.019*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.011*\"storag\" + 0.011*\"nicola\" + 0.011*\"author\" + 0.011*\"worldwid\"\n", - "2019-01-31 01:23:24,796 : INFO : topic diff=0.004238, rho=0.022622\n", - "2019-01-31 01:23:24,952 : INFO : PROGRESS: pass 0, at document #3910000/4922894\n", - "2019-01-31 01:23:26,318 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:23:26,584 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.014*\"pour\" + 0.014*\"depress\" + 0.008*\"mode\" + 0.008*\"elabor\" + 0.008*\"veget\" + 0.008*\"uruguayan\" + 0.006*\"turn\" + 0.006*\"produc\" + 0.006*\"develop\"\n", - "2019-01-31 01:23:26,585 : INFO : topic #21 (0.020): 0.033*\"samford\" + 0.023*\"spain\" + 0.018*\"del\" + 0.018*\"italian\" + 0.016*\"mexico\" + 0.014*\"soviet\" + 0.013*\"santa\" + 0.011*\"juan\" + 0.010*\"carlo\" + 0.010*\"francisco\"\n", - "2019-01-31 01:23:26,586 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"origin\" + 0.009*\"form\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"ancestor\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:23:26,587 : INFO : topic #27 (0.020): 0.072*\"questionnair\" + 0.021*\"candid\" + 0.017*\"taxpay\" + 0.014*\"driver\" + 0.013*\"fool\" + 0.013*\"ret\" + 0.012*\"tornado\" + 0.011*\"find\" + 0.010*\"landslid\" + 0.010*\"champion\"\n", - "2019-01-31 01:23:26,588 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.044*\"popolo\" + 0.042*\"vigour\" + 0.036*\"tortur\" + 0.034*\"cotton\" + 0.022*\"area\" + 0.022*\"multitud\" + 0.021*\"adulthood\" + 0.019*\"cede\" + 0.018*\"regim\"\n", - "2019-01-31 01:23:26,595 : INFO : topic diff=0.003804, rho=0.022617\n", - "2019-01-31 01:23:26,751 : INFO : PROGRESS: pass 0, at document #3912000/4922894\n", - "2019-01-31 01:23:28,299 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:23:28,567 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.014*\"pour\" + 0.014*\"depress\" + 0.008*\"elabor\" + 0.008*\"mode\" + 0.008*\"veget\" + 0.008*\"uruguayan\" + 0.006*\"turn\" + 0.006*\"produc\" + 0.006*\"develop\"\n", - "2019-01-31 01:23:28,568 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.021*\"armi\" + 0.021*\"walter\" + 0.018*\"com\" + 0.013*\"oper\" + 0.013*\"unionist\" + 0.012*\"militari\" + 0.012*\"diversifi\" + 0.012*\"airbu\"\n", - "2019-01-31 01:23:28,569 : INFO : topic #2 (0.020): 0.050*\"isl\" + 0.039*\"shield\" + 0.017*\"narrat\" + 0.015*\"scot\" + 0.013*\"blur\" + 0.013*\"pope\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.009*\"class\" + 0.009*\"fleet\"\n", - "2019-01-31 01:23:28,570 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.027*\"final\" + 0.023*\"wife\" + 0.019*\"tourist\" + 0.019*\"champion\" + 0.015*\"martin\" + 0.015*\"taxpay\" + 0.014*\"chamber\" + 0.014*\"tiepolo\" + 0.013*\"open\"\n", - "2019-01-31 01:23:28,571 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.069*\"best\" + 0.033*\"yawn\" + 0.030*\"jacksonvil\" + 0.024*\"japanes\" + 0.021*\"noll\" + 0.019*\"festiv\" + 0.018*\"women\" + 0.017*\"intern\" + 0.014*\"winner\"\n", - "2019-01-31 01:23:28,577 : INFO : topic diff=0.003631, rho=0.022611\n", - "2019-01-31 01:23:28,734 : INFO : PROGRESS: pass 0, at document #3914000/4922894\n", - "2019-01-31 01:23:30,105 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:23:30,372 : INFO : topic #48 (0.020): 0.080*\"march\" + 0.079*\"sens\" + 0.077*\"octob\" + 0.070*\"juli\" + 0.069*\"januari\" + 0.068*\"august\" + 0.067*\"notion\" + 0.066*\"judici\" + 0.064*\"april\" + 0.063*\"decatur\"\n", - "2019-01-31 01:23:30,373 : INFO : topic #24 (0.020): 0.038*\"book\" + 0.034*\"publicis\" + 0.027*\"word\" + 0.019*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.011*\"nicola\" + 0.011*\"storag\" + 0.011*\"magazin\" + 0.011*\"author\"\n", - "2019-01-31 01:23:30,374 : INFO : topic #37 (0.020): 0.013*\"charact\" + 0.012*\"septemb\" + 0.011*\"anim\" + 0.010*\"man\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.007*\"workplac\" + 0.006*\"fusiform\" + 0.006*\"vision\"\n", - "2019-01-31 01:23:30,375 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.007*\"southern\" + 0.006*\"poet\" + 0.006*\"exampl\" + 0.006*\"théori\" + 0.006*\"utopian\" + 0.006*\"method\" + 0.006*\"servitud\"\n", - "2019-01-31 01:23:30,376 : INFO : topic #27 (0.020): 0.072*\"questionnair\" + 0.021*\"candid\" + 0.017*\"taxpay\" + 0.013*\"driver\" + 0.012*\"fool\" + 0.012*\"tornado\" + 0.012*\"ret\" + 0.011*\"find\" + 0.010*\"landslid\" + 0.010*\"champion\"\n", - "2019-01-31 01:23:30,382 : INFO : topic diff=0.002952, rho=0.022605\n", - "2019-01-31 01:23:30,543 : INFO : PROGRESS: pass 0, at document #3916000/4922894\n", - "2019-01-31 01:23:31,944 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:23:32,210 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.069*\"best\" + 0.033*\"yawn\" + 0.029*\"jacksonvil\" + 0.024*\"japanes\" + 0.021*\"noll\" + 0.019*\"festiv\" + 0.019*\"women\" + 0.017*\"intern\" + 0.014*\"winner\"\n", - "2019-01-31 01:23:32,211 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"ancestor\"\n", - "2019-01-31 01:23:32,212 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.023*\"palmer\" + 0.020*\"new\" + 0.017*\"strategist\" + 0.013*\"center\" + 0.013*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"local\"\n", - "2019-01-31 01:23:32,213 : INFO : topic #17 (0.020): 0.076*\"church\" + 0.023*\"christian\" + 0.022*\"cathol\" + 0.020*\"bishop\" + 0.017*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.009*\"historiographi\" + 0.009*\"cathedr\" + 0.009*\"parish\"\n", - "2019-01-31 01:23:32,214 : INFO : topic #37 (0.020): 0.013*\"charact\" + 0.012*\"septemb\" + 0.011*\"anim\" + 0.010*\"man\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.007*\"workplac\" + 0.006*\"fusiform\" + 0.006*\"vision\"\n", - "2019-01-31 01:23:32,220 : INFO : topic diff=0.004120, rho=0.022599\n", - "2019-01-31 01:23:32,372 : INFO : PROGRESS: pass 0, at document #3918000/4922894\n", - "2019-01-31 01:23:33,710 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:23:33,976 : INFO : topic #40 (0.020): 0.084*\"unit\" + 0.024*\"schuster\" + 0.022*\"institut\" + 0.021*\"collector\" + 0.021*\"requir\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.012*\"http\" + 0.011*\"degre\"\n", - "2019-01-31 01:23:33,977 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.012*\"market\" + 0.011*\"produc\" + 0.010*\"bank\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"function\"\n", - "2019-01-31 01:23:33,978 : INFO : topic #46 (0.020): 0.017*\"stop\" + 0.016*\"norwai\" + 0.016*\"sweden\" + 0.015*\"damag\" + 0.015*\"swedish\" + 0.014*\"norwegian\" + 0.014*\"wind\" + 0.013*\"treeless\" + 0.011*\"denmark\" + 0.011*\"huntsvil\"\n", - "2019-01-31 01:23:33,979 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.033*\"perceptu\" + 0.021*\"theater\" + 0.019*\"place\" + 0.017*\"compos\" + 0.016*\"damn\" + 0.014*\"orchestr\" + 0.013*\"olympo\" + 0.013*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 01:23:33,980 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.026*\"offic\" + 0.024*\"minist\" + 0.023*\"nation\" + 0.022*\"govern\" + 0.021*\"member\" + 0.019*\"serv\" + 0.016*\"start\" + 0.016*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:23:33,986 : INFO : topic diff=0.003299, rho=0.022593\n", - "2019-01-31 01:23:36,659 : INFO : -11.674 per-word bound, 3267.7 perplexity estimate based on a held-out corpus of 2000 documents with 549204 words\n", - "2019-01-31 01:23:36,660 : INFO : PROGRESS: pass 0, at document #3920000/4922894\n", - "2019-01-31 01:23:38,034 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:23:38,300 : INFO : topic #17 (0.020): 0.076*\"church\" + 0.023*\"christian\" + 0.022*\"cathol\" + 0.020*\"bishop\" + 0.017*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.009*\"historiographi\" + 0.009*\"cathedr\" + 0.009*\"parish\"\n", - "2019-01-31 01:23:38,301 : INFO : topic #35 (0.020): 0.058*\"russia\" + 0.038*\"sovereignti\" + 0.035*\"rural\" + 0.027*\"poison\" + 0.024*\"personifi\" + 0.022*\"reprint\" + 0.021*\"moscow\" + 0.020*\"poland\" + 0.014*\"turin\" + 0.014*\"tyrant\"\n", - "2019-01-31 01:23:38,302 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.007*\"southern\" + 0.006*\"poet\" + 0.006*\"exampl\" + 0.006*\"théori\" + 0.006*\"utopian\" + 0.006*\"method\" + 0.006*\"servitud\"\n", - "2019-01-31 01:23:38,303 : INFO : topic #21 (0.020): 0.033*\"samford\" + 0.024*\"spain\" + 0.018*\"del\" + 0.017*\"italian\" + 0.016*\"mexico\" + 0.014*\"soviet\" + 0.013*\"santa\" + 0.011*\"juan\" + 0.010*\"francisco\" + 0.010*\"carlo\"\n", - "2019-01-31 01:23:38,304 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.018*\"area\" + 0.017*\"lagrang\" + 0.015*\"mount\" + 0.015*\"warmth\" + 0.010*\"north\" + 0.009*\"sourc\" + 0.009*\"land\" + 0.009*\"palmer\" + 0.008*\"lobe\"\n", - "2019-01-31 01:23:38,310 : INFO : topic diff=0.003144, rho=0.022588\n", - "2019-01-31 01:23:38,461 : INFO : PROGRESS: pass 0, at document #3922000/4922894\n", - "2019-01-31 01:23:39,794 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:23:40,060 : INFO : topic #26 (0.020): 0.032*\"workplac\" + 0.028*\"champion\" + 0.027*\"woman\" + 0.024*\"men\" + 0.024*\"olymp\" + 0.022*\"medal\" + 0.020*\"event\" + 0.019*\"alic\" + 0.018*\"taxpay\" + 0.018*\"atheist\"\n", - "2019-01-31 01:23:40,061 : INFO : topic #6 (0.020): 0.069*\"fewer\" + 0.023*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"movi\" + 0.010*\"direct\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:23:40,062 : INFO : topic #34 (0.020): 0.065*\"start\" + 0.035*\"new\" + 0.031*\"american\" + 0.028*\"unionist\" + 0.027*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.013*\"terri\" + 0.011*\"citi\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:23:40,063 : INFO : topic #46 (0.020): 0.017*\"stop\" + 0.016*\"norwai\" + 0.016*\"sweden\" + 0.015*\"swedish\" + 0.014*\"damag\" + 0.014*\"norwegian\" + 0.014*\"wind\" + 0.013*\"treeless\" + 0.011*\"denmark\" + 0.011*\"huntsvil\"\n", - "2019-01-31 01:23:40,065 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.007*\"uruguayan\"\n", - "2019-01-31 01:23:40,071 : INFO : topic diff=0.003439, rho=0.022582\n", - "2019-01-31 01:23:40,222 : INFO : PROGRESS: pass 0, at document #3924000/4922894\n", - "2019-01-31 01:23:41,558 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:23:41,824 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.046*\"chilton\" + 0.025*\"hong\" + 0.024*\"kong\" + 0.019*\"korea\" + 0.017*\"korean\" + 0.015*\"leah\" + 0.015*\"sourc\" + 0.015*\"kim\" + 0.014*\"shirin\"\n", - "2019-01-31 01:23:41,825 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.034*\"publicis\" + 0.027*\"word\" + 0.019*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.011*\"nicola\" + 0.011*\"storag\" + 0.011*\"magazin\" + 0.011*\"author\"\n", - "2019-01-31 01:23:41,827 : INFO : topic #0 (0.020): 0.065*\"statewid\" + 0.040*\"line\" + 0.030*\"raid\" + 0.027*\"rosenwald\" + 0.026*\"rivièr\" + 0.023*\"airmen\" + 0.019*\"serv\" + 0.018*\"traceabl\" + 0.014*\"oper\" + 0.010*\"radiu\"\n", - "2019-01-31 01:23:41,828 : INFO : topic #28 (0.020): 0.036*\"build\" + 0.030*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.013*\"linear\" + 0.011*\"constitut\" + 0.011*\"silicon\" + 0.011*\"depress\" + 0.010*\"centuri\" + 0.010*\"pistol\"\n", - "2019-01-31 01:23:41,829 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.010*\"prognosi\" + 0.010*\"pop\" + 0.008*\"cytokin\" + 0.008*\"develop\" + 0.008*\"softwar\" + 0.008*\"championship\" + 0.008*\"diggin\" + 0.008*\"user\" + 0.008*\"uruguayan\"\n", - "2019-01-31 01:23:41,835 : INFO : topic diff=0.003635, rho=0.022576\n", - "2019-01-31 01:23:41,989 : INFO : PROGRESS: pass 0, at document #3926000/4922894\n", - "2019-01-31 01:23:43,335 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:23:43,602 : INFO : topic #46 (0.020): 0.017*\"stop\" + 0.017*\"sweden\" + 0.016*\"norwai\" + 0.015*\"swedish\" + 0.014*\"damag\" + 0.014*\"norwegian\" + 0.014*\"wind\" + 0.013*\"treeless\" + 0.011*\"huntsvil\" + 0.011*\"denmark\"\n", - "2019-01-31 01:23:43,603 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.022*\"cortic\" + 0.019*\"start\" + 0.017*\"act\" + 0.012*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.010*\"polaris\" + 0.008*\"legal\" + 0.006*\"rudolf\"\n", - "2019-01-31 01:23:43,604 : INFO : topic #23 (0.020): 0.138*\"audit\" + 0.069*\"best\" + 0.033*\"yawn\" + 0.030*\"jacksonvil\" + 0.024*\"japanes\" + 0.021*\"noll\" + 0.019*\"women\" + 0.018*\"festiv\" + 0.017*\"intern\" + 0.014*\"winner\"\n", - "2019-01-31 01:23:43,605 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.027*\"final\" + 0.023*\"wife\" + 0.019*\"tourist\" + 0.018*\"champion\" + 0.015*\"taxpay\" + 0.014*\"martin\" + 0.014*\"chamber\" + 0.014*\"tiepolo\" + 0.012*\"open\"\n", - "2019-01-31 01:23:43,606 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.010*\"prognosi\" + 0.010*\"pop\" + 0.008*\"cytokin\" + 0.008*\"develop\" + 0.008*\"diggin\" + 0.008*\"championship\" + 0.008*\"softwar\" + 0.008*\"user\" + 0.008*\"uruguayan\"\n", - "2019-01-31 01:23:43,612 : INFO : topic diff=0.003061, rho=0.022570\n", - "2019-01-31 01:23:43,767 : INFO : PROGRESS: pass 0, at document #3928000/4922894\n", - "2019-01-31 01:23:45,137 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:23:45,403 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.045*\"chilton\" + 0.024*\"hong\" + 0.024*\"kong\" + 0.020*\"korea\" + 0.018*\"korean\" + 0.016*\"sourc\" + 0.016*\"leah\" + 0.015*\"kim\" + 0.014*\"shirin\"\n", - "2019-01-31 01:23:45,404 : INFO : topic #0 (0.020): 0.065*\"statewid\" + 0.041*\"line\" + 0.030*\"raid\" + 0.027*\"rosenwald\" + 0.026*\"rivièr\" + 0.023*\"airmen\" + 0.018*\"serv\" + 0.018*\"traceabl\" + 0.014*\"oper\" + 0.010*\"radiu\"\n", - "2019-01-31 01:23:45,406 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.021*\"walter\" + 0.020*\"armi\" + 0.018*\"com\" + 0.014*\"unionist\" + 0.013*\"oper\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:23:45,407 : INFO : topic #45 (0.020): 0.039*\"arsen\" + 0.029*\"jpg\" + 0.028*\"fifteenth\" + 0.025*\"museo\" + 0.021*\"pain\" + 0.019*\"illicit\" + 0.015*\"exhaust\" + 0.015*\"colder\" + 0.014*\"gai\" + 0.014*\"artist\"\n", - "2019-01-31 01:23:45,408 : INFO : topic #39 (0.020): 0.058*\"canada\" + 0.046*\"canadian\" + 0.024*\"hoar\" + 0.023*\"toronto\" + 0.022*\"ontario\" + 0.017*\"hydrogen\" + 0.015*\"new\" + 0.014*\"misericordia\" + 0.014*\"novotná\" + 0.013*\"quebec\"\n", - "2019-01-31 01:23:45,414 : INFO : topic diff=0.003247, rho=0.022565\n", - "2019-01-31 01:23:45,570 : INFO : PROGRESS: pass 0, at document #3930000/4922894\n", - "2019-01-31 01:23:46,920 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:23:47,186 : INFO : topic #9 (0.020): 0.072*\"bone\" + 0.043*\"american\" + 0.029*\"valour\" + 0.020*\"dutch\" + 0.018*\"folei\" + 0.018*\"polit\" + 0.017*\"player\" + 0.017*\"english\" + 0.011*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 01:23:47,187 : INFO : topic #0 (0.020): 0.065*\"statewid\" + 0.041*\"line\" + 0.030*\"raid\" + 0.027*\"rivièr\" + 0.027*\"rosenwald\" + 0.023*\"airmen\" + 0.019*\"serv\" + 0.018*\"traceabl\" + 0.014*\"oper\" + 0.011*\"radiu\"\n", - "2019-01-31 01:23:47,188 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.026*\"offic\" + 0.024*\"minist\" + 0.023*\"nation\" + 0.022*\"govern\" + 0.021*\"member\" + 0.019*\"serv\" + 0.016*\"start\" + 0.016*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:23:47,189 : INFO : topic #28 (0.020): 0.036*\"build\" + 0.029*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.013*\"linear\" + 0.011*\"constitut\" + 0.011*\"silicon\" + 0.011*\"depress\" + 0.010*\"centuri\" + 0.010*\"pistol\"\n", - "2019-01-31 01:23:47,190 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.018*\"area\" + 0.017*\"lagrang\" + 0.015*\"mount\" + 0.015*\"warmth\" + 0.010*\"north\" + 0.009*\"sourc\" + 0.009*\"land\" + 0.009*\"palmer\" + 0.008*\"lobe\"\n", - "2019-01-31 01:23:47,196 : INFO : topic diff=0.004011, rho=0.022559\n", - "2019-01-31 01:23:47,350 : INFO : PROGRESS: pass 0, at document #3932000/4922894\n", - "2019-01-31 01:23:48,707 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:23:48,973 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.044*\"popolo\" + 0.044*\"vigour\" + 0.036*\"tortur\" + 0.034*\"cotton\" + 0.022*\"multitud\" + 0.022*\"area\" + 0.021*\"adulthood\" + 0.019*\"cede\" + 0.018*\"regim\"\n", - "2019-01-31 01:23:48,974 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.021*\"walter\" + 0.020*\"armi\" + 0.018*\"com\" + 0.013*\"unionist\" + 0.013*\"oper\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:23:48,975 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.045*\"chilton\" + 0.024*\"hong\" + 0.023*\"kong\" + 0.020*\"korea\" + 0.018*\"korean\" + 0.016*\"sourc\" + 0.016*\"leah\" + 0.014*\"kim\" + 0.014*\"shirin\"\n", - "2019-01-31 01:23:48,976 : INFO : topic #23 (0.020): 0.137*\"audit\" + 0.068*\"best\" + 0.033*\"yawn\" + 0.030*\"jacksonvil\" + 0.024*\"japanes\" + 0.021*\"noll\" + 0.019*\"women\" + 0.018*\"festiv\" + 0.017*\"intern\" + 0.014*\"winner\"\n", - "2019-01-31 01:23:48,977 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.030*\"incumb\" + 0.014*\"pakistan\" + 0.012*\"islam\" + 0.011*\"anglo\" + 0.011*\"sri\" + 0.011*\"muskoge\" + 0.011*\"televis\" + 0.011*\"khalsa\" + 0.010*\"alam\"\n", - "2019-01-31 01:23:48,983 : INFO : topic diff=0.003621, rho=0.022553\n", - "2019-01-31 01:23:49,193 : INFO : PROGRESS: pass 0, at document #3934000/4922894\n", - "2019-01-31 01:23:50,559 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:23:50,825 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.018*\"factor\" + 0.012*\"plaisir\" + 0.010*\"western\" + 0.010*\"genu\" + 0.009*\"biom\" + 0.008*\"median\" + 0.007*\"incom\" + 0.006*\"male\" + 0.006*\"feel\"\n", - "2019-01-31 01:23:50,826 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.027*\"final\" + 0.022*\"wife\" + 0.019*\"tourist\" + 0.018*\"champion\" + 0.014*\"taxpay\" + 0.014*\"martin\" + 0.014*\"chamber\" + 0.014*\"tiepolo\" + 0.012*\"open\"\n", - "2019-01-31 01:23:50,827 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.044*\"popolo\" + 0.044*\"vigour\" + 0.036*\"tortur\" + 0.034*\"cotton\" + 0.022*\"multitud\" + 0.022*\"area\" + 0.021*\"adulthood\" + 0.019*\"cede\" + 0.018*\"regim\"\n", - "2019-01-31 01:23:50,828 : INFO : topic #39 (0.020): 0.058*\"canada\" + 0.045*\"canadian\" + 0.024*\"hoar\" + 0.023*\"toronto\" + 0.022*\"ontario\" + 0.016*\"hydrogen\" + 0.015*\"new\" + 0.014*\"misericordia\" + 0.014*\"novotná\" + 0.013*\"quebec\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:23:50,830 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.035*\"leagu\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:23:50,836 : INFO : topic diff=0.004053, rho=0.022547\n", - "2019-01-31 01:23:50,991 : INFO : PROGRESS: pass 0, at document #3936000/4922894\n", - "2019-01-31 01:23:52,345 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:23:52,612 : INFO : topic #29 (0.020): 0.030*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.012*\"market\" + 0.011*\"produc\" + 0.010*\"bank\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 01:23:52,613 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.035*\"leagu\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:23:52,615 : INFO : topic #26 (0.020): 0.031*\"workplac\" + 0.028*\"champion\" + 0.027*\"woman\" + 0.025*\"men\" + 0.024*\"olymp\" + 0.022*\"medal\" + 0.020*\"event\" + 0.019*\"alic\" + 0.018*\"atheist\" + 0.018*\"rainfal\"\n", - "2019-01-31 01:23:52,616 : INFO : topic #39 (0.020): 0.058*\"canada\" + 0.046*\"canadian\" + 0.023*\"hoar\" + 0.023*\"toronto\" + 0.022*\"ontario\" + 0.017*\"hydrogen\" + 0.015*\"new\" + 0.014*\"misericordia\" + 0.014*\"novotná\" + 0.013*\"quebec\"\n", - "2019-01-31 01:23:52,617 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.010*\"prognosi\" + 0.010*\"pop\" + 0.008*\"cytokin\" + 0.008*\"develop\" + 0.008*\"softwar\" + 0.008*\"diggin\" + 0.008*\"user\" + 0.008*\"uruguayan\" + 0.008*\"championship\"\n", - "2019-01-31 01:23:52,623 : INFO : topic diff=0.003619, rho=0.022542\n", - "2019-01-31 01:23:52,785 : INFO : PROGRESS: pass 0, at document #3938000/4922894\n", - "2019-01-31 01:23:54,176 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:23:54,443 : INFO : topic #16 (0.020): 0.058*\"king\" + 0.031*\"priest\" + 0.019*\"duke\" + 0.017*\"idiosyncrat\" + 0.017*\"rotterdam\" + 0.017*\"grammat\" + 0.017*\"quarterli\" + 0.013*\"count\" + 0.012*\"portugues\" + 0.012*\"maria\"\n", - "2019-01-31 01:23:54,444 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.018*\"factor\" + 0.012*\"plaisir\" + 0.010*\"western\" + 0.010*\"genu\" + 0.009*\"biom\" + 0.008*\"median\" + 0.007*\"incom\" + 0.006*\"male\" + 0.006*\"feel\"\n", - "2019-01-31 01:23:54,445 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.021*\"walter\" + 0.021*\"armi\" + 0.018*\"com\" + 0.013*\"unionist\" + 0.013*\"oper\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.012*\"diversifi\"\n", - "2019-01-31 01:23:54,446 : INFO : topic #31 (0.020): 0.051*\"fusiform\" + 0.027*\"scientist\" + 0.026*\"taxpay\" + 0.022*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:23:54,448 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.006*\"poet\" + 0.006*\"exampl\" + 0.006*\"southern\" + 0.006*\"théori\" + 0.006*\"utopian\" + 0.006*\"method\" + 0.006*\"servitud\"\n", - "2019-01-31 01:23:54,454 : INFO : topic diff=0.003983, rho=0.022536\n", - "2019-01-31 01:23:57,204 : INFO : -11.613 per-word bound, 3132.6 perplexity estimate based on a held-out corpus of 2000 documents with 554556 words\n", - "2019-01-31 01:23:57,204 : INFO : PROGRESS: pass 0, at document #3940000/4922894\n", - "2019-01-31 01:23:58,586 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:23:58,852 : INFO : topic #35 (0.020): 0.055*\"russia\" + 0.039*\"rural\" + 0.037*\"sovereignti\" + 0.026*\"poison\" + 0.023*\"personifi\" + 0.022*\"reprint\" + 0.020*\"moscow\" + 0.019*\"poland\" + 0.014*\"tyrant\" + 0.014*\"turin\"\n", - "2019-01-31 01:23:58,853 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:23:58,855 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.021*\"walter\" + 0.021*\"armi\" + 0.018*\"com\" + 0.013*\"unionist\" + 0.013*\"oper\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.012*\"diversifi\"\n", - "2019-01-31 01:23:58,856 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.023*\"palmer\" + 0.020*\"new\" + 0.017*\"strategist\" + 0.013*\"center\" + 0.013*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.008*\"highli\"\n", - "2019-01-31 01:23:58,857 : INFO : topic #45 (0.020): 0.040*\"arsen\" + 0.029*\"jpg\" + 0.028*\"fifteenth\" + 0.025*\"museo\" + 0.021*\"pain\" + 0.020*\"illicit\" + 0.015*\"colder\" + 0.015*\"exhaust\" + 0.015*\"gai\" + 0.014*\"artist\"\n", - "2019-01-31 01:23:58,863 : INFO : topic diff=0.003189, rho=0.022530\n", - "2019-01-31 01:23:59,020 : INFO : PROGRESS: pass 0, at document #3942000/4922894\n", - "2019-01-31 01:24:00,383 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:24:00,650 : INFO : topic #28 (0.020): 0.036*\"build\" + 0.030*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.013*\"linear\" + 0.011*\"constitut\" + 0.011*\"depress\" + 0.011*\"silicon\" + 0.010*\"centuri\" + 0.010*\"pistol\"\n", - "2019-01-31 01:24:00,651 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.045*\"chilton\" + 0.024*\"hong\" + 0.023*\"kong\" + 0.020*\"korea\" + 0.018*\"korean\" + 0.016*\"leah\" + 0.016*\"sourc\" + 0.014*\"kim\" + 0.014*\"shirin\"\n", - "2019-01-31 01:24:00,652 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"daughter\" + 0.012*\"deal\"\n", - "2019-01-31 01:24:00,653 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.022*\"cortic\" + 0.019*\"start\" + 0.017*\"act\" + 0.012*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.008*\"legal\" + 0.006*\"rudolf\"\n", - "2019-01-31 01:24:00,654 : INFO : topic #6 (0.020): 0.069*\"fewer\" + 0.023*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"movi\" + 0.011*\"direct\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:24:00,660 : INFO : topic diff=0.003902, rho=0.022525\n", - "2019-01-31 01:24:00,816 : INFO : PROGRESS: pass 0, at document #3944000/4922894\n", - "2019-01-31 01:24:02,194 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:24:02,460 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.026*\"offic\" + 0.026*\"minist\" + 0.023*\"nation\" + 0.022*\"govern\" + 0.021*\"member\" + 0.019*\"serv\" + 0.016*\"start\" + 0.015*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:24:02,461 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.006*\"gener\" + 0.006*\"exampl\" + 0.006*\"poet\" + 0.006*\"southern\" + 0.006*\"théori\" + 0.006*\"utopian\" + 0.006*\"servitud\" + 0.006*\"method\"\n", - "2019-01-31 01:24:02,462 : INFO : topic #0 (0.020): 0.065*\"statewid\" + 0.041*\"line\" + 0.029*\"raid\" + 0.027*\"rivièr\" + 0.026*\"rosenwald\" + 0.023*\"airmen\" + 0.019*\"serv\" + 0.018*\"traceabl\" + 0.014*\"oper\" + 0.011*\"radiu\"\n", - "2019-01-31 01:24:02,463 : INFO : topic #28 (0.020): 0.036*\"build\" + 0.030*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.013*\"linear\" + 0.011*\"constitut\" + 0.011*\"depress\" + 0.011*\"silicon\" + 0.010*\"centuri\" + 0.010*\"pistol\"\n", - "2019-01-31 01:24:02,464 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.045*\"chilton\" + 0.023*\"hong\" + 0.023*\"kong\" + 0.020*\"korea\" + 0.018*\"korean\" + 0.016*\"leah\" + 0.016*\"sourc\" + 0.014*\"kim\" + 0.014*\"shirin\"\n", - "2019-01-31 01:24:02,470 : INFO : topic diff=0.003213, rho=0.022519\n", - "2019-01-31 01:24:02,629 : INFO : PROGRESS: pass 0, at document #3946000/4922894\n", - "2019-01-31 01:24:04,018 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:24:04,285 : INFO : topic #31 (0.020): 0.050*\"fusiform\" + 0.026*\"scientist\" + 0.026*\"taxpay\" + 0.022*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:24:04,286 : INFO : topic #39 (0.020): 0.059*\"canada\" + 0.048*\"canadian\" + 0.024*\"hoar\" + 0.023*\"toronto\" + 0.022*\"ontario\" + 0.016*\"hydrogen\" + 0.015*\"new\" + 0.015*\"misericordia\" + 0.014*\"quebec\" + 0.014*\"novotná\"\n", - "2019-01-31 01:24:04,287 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.009*\"media\" + 0.008*\"hormon\" + 0.008*\"disco\" + 0.008*\"pathwai\" + 0.007*\"have\" + 0.007*\"caus\" + 0.006*\"effect\" + 0.006*\"treat\" + 0.006*\"proper\"\n", - "2019-01-31 01:24:04,288 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"daughter\" + 0.012*\"deal\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:24:04,289 : INFO : topic #21 (0.020): 0.034*\"samford\" + 0.024*\"spain\" + 0.017*\"del\" + 0.017*\"italian\" + 0.016*\"mexico\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.010*\"lizard\" + 0.010*\"josé\"\n", - "2019-01-31 01:24:04,295 : INFO : topic diff=0.003324, rho=0.022513\n", - "2019-01-31 01:24:04,452 : INFO : PROGRESS: pass 0, at document #3948000/4922894\n", - "2019-01-31 01:24:05,828 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:24:06,094 : INFO : topic #21 (0.020): 0.034*\"samford\" + 0.023*\"spain\" + 0.017*\"del\" + 0.017*\"italian\" + 0.016*\"mexico\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.010*\"francisco\" + 0.010*\"josé\"\n", - "2019-01-31 01:24:06,095 : INFO : topic #0 (0.020): 0.065*\"statewid\" + 0.041*\"line\" + 0.030*\"raid\" + 0.027*\"rivièr\" + 0.026*\"rosenwald\" + 0.022*\"airmen\" + 0.018*\"traceabl\" + 0.018*\"serv\" + 0.014*\"oper\" + 0.010*\"radiu\"\n", - "2019-01-31 01:24:06,096 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"market\" + 0.011*\"produc\" + 0.010*\"bank\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 01:24:06,097 : INFO : topic #35 (0.020): 0.055*\"russia\" + 0.039*\"rural\" + 0.036*\"sovereignti\" + 0.026*\"poison\" + 0.024*\"personifi\" + 0.022*\"reprint\" + 0.020*\"moscow\" + 0.019*\"poland\" + 0.014*\"tyrant\" + 0.014*\"turin\"\n", - "2019-01-31 01:24:06,098 : INFO : topic #23 (0.020): 0.138*\"audit\" + 0.068*\"best\" + 0.033*\"yawn\" + 0.030*\"jacksonvil\" + 0.024*\"japanes\" + 0.021*\"noll\" + 0.019*\"women\" + 0.018*\"festiv\" + 0.017*\"intern\" + 0.014*\"winner\"\n", - "2019-01-31 01:24:06,104 : INFO : topic diff=0.002940, rho=0.022507\n", - "2019-01-31 01:24:06,265 : INFO : PROGRESS: pass 0, at document #3950000/4922894\n", - "2019-01-31 01:24:07,622 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:24:07,887 : INFO : topic #0 (0.020): 0.065*\"statewid\" + 0.041*\"line\" + 0.030*\"raid\" + 0.027*\"rivièr\" + 0.026*\"rosenwald\" + 0.022*\"airmen\" + 0.019*\"serv\" + 0.018*\"traceabl\" + 0.014*\"oper\" + 0.010*\"radiu\"\n", - "2019-01-31 01:24:07,888 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.026*\"offic\" + 0.026*\"minist\" + 0.023*\"nation\" + 0.022*\"govern\" + 0.021*\"member\" + 0.019*\"serv\" + 0.016*\"start\" + 0.015*\"gener\" + 0.014*\"seri\"\n", - "2019-01-31 01:24:07,889 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.026*\"final\" + 0.022*\"wife\" + 0.019*\"tourist\" + 0.019*\"champion\" + 0.015*\"martin\" + 0.014*\"taxpay\" + 0.014*\"tiepolo\" + 0.014*\"chamber\" + 0.012*\"open\"\n", - "2019-01-31 01:24:07,890 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.046*\"franc\" + 0.031*\"pari\" + 0.023*\"jean\" + 0.022*\"sail\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.012*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:24:07,892 : INFO : topic #28 (0.020): 0.036*\"build\" + 0.030*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.012*\"linear\" + 0.011*\"constitut\" + 0.011*\"depress\" + 0.011*\"silicon\" + 0.010*\"centuri\" + 0.010*\"pistol\"\n", - "2019-01-31 01:24:07,897 : INFO : topic diff=0.003183, rho=0.022502\n", - "2019-01-31 01:24:08,054 : INFO : PROGRESS: pass 0, at document #3952000/4922894\n", - "2019-01-31 01:24:09,443 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:24:09,710 : INFO : topic #8 (0.020): 0.028*\"law\" + 0.022*\"cortic\" + 0.019*\"start\" + 0.017*\"act\" + 0.012*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.008*\"legal\" + 0.006*\"judaism\"\n", - "2019-01-31 01:24:09,711 : INFO : topic #23 (0.020): 0.137*\"audit\" + 0.069*\"best\" + 0.033*\"yawn\" + 0.030*\"jacksonvil\" + 0.024*\"japanes\" + 0.021*\"noll\" + 0.019*\"women\" + 0.018*\"festiv\" + 0.017*\"intern\" + 0.014*\"winner\"\n", - "2019-01-31 01:24:09,712 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.034*\"publicis\" + 0.027*\"word\" + 0.019*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.011*\"storag\" + 0.011*\"author\" + 0.011*\"magazin\" + 0.011*\"nicola\"\n", - "2019-01-31 01:24:09,713 : INFO : topic #13 (0.020): 0.026*\"london\" + 0.026*\"australia\" + 0.025*\"sourc\" + 0.024*\"new\" + 0.023*\"england\" + 0.023*\"australian\" + 0.019*\"british\" + 0.019*\"ireland\" + 0.014*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:24:09,714 : INFO : topic #34 (0.020): 0.066*\"start\" + 0.035*\"new\" + 0.031*\"american\" + 0.028*\"unionist\" + 0.026*\"cotton\" + 0.022*\"year\" + 0.016*\"california\" + 0.014*\"warrior\" + 0.013*\"terri\" + 0.011*\"citi\"\n", - "2019-01-31 01:24:09,720 : INFO : topic diff=0.003415, rho=0.022496\n", - "2019-01-31 01:24:09,875 : INFO : PROGRESS: pass 0, at document #3954000/4922894\n", - "2019-01-31 01:24:11,238 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:24:11,504 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.044*\"popolo\" + 0.043*\"vigour\" + 0.035*\"tortur\" + 0.034*\"cotton\" + 0.022*\"multitud\" + 0.022*\"area\" + 0.021*\"adulthood\" + 0.019*\"cede\" + 0.018*\"citi\"\n", - "2019-01-31 01:24:11,505 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.022*\"cortic\" + 0.019*\"start\" + 0.017*\"act\" + 0.012*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.008*\"legal\" + 0.006*\"judaism\"\n", - "2019-01-31 01:24:11,506 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.021*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"daughter\" + 0.012*\"deal\"\n", - "2019-01-31 01:24:11,507 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.046*\"chilton\" + 0.023*\"hong\" + 0.023*\"kong\" + 0.020*\"korea\" + 0.018*\"korean\" + 0.016*\"sourc\" + 0.016*\"leah\" + 0.014*\"kim\" + 0.013*\"shirin\"\n", - "2019-01-31 01:24:11,508 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:24:11,514 : INFO : topic diff=0.003443, rho=0.022490\n", - "2019-01-31 01:24:11,673 : INFO : PROGRESS: pass 0, at document #3956000/4922894\n", - "2019-01-31 01:24:13,061 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:24:13,327 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.021*\"aggress\" + 0.021*\"walter\" + 0.021*\"armi\" + 0.018*\"com\" + 0.013*\"unionist\" + 0.013*\"oper\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.012*\"diversifi\"\n", - "2019-01-31 01:24:13,328 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.026*\"final\" + 0.022*\"wife\" + 0.019*\"tourist\" + 0.019*\"champion\" + 0.015*\"martin\" + 0.014*\"taxpay\" + 0.014*\"chamber\" + 0.014*\"tiepolo\" + 0.012*\"open\"\n", - "2019-01-31 01:24:13,329 : INFO : topic #26 (0.020): 0.031*\"workplac\" + 0.028*\"champion\" + 0.027*\"woman\" + 0.025*\"men\" + 0.024*\"olymp\" + 0.022*\"medal\" + 0.020*\"event\" + 0.019*\"atheist\" + 0.019*\"alic\" + 0.018*\"taxpay\"\n", - "2019-01-31 01:24:13,330 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.022*\"christian\" + 0.022*\"cathol\" + 0.020*\"bishop\" + 0.017*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.009*\"cathedr\" + 0.009*\"parish\" + 0.009*\"historiographi\"\n", - "2019-01-31 01:24:13,331 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.007*\"armi\" + 0.007*\"teufel\" + 0.007*\"empath\" + 0.006*\"citi\" + 0.006*\"militari\" + 0.006*\"govern\"\n", - "2019-01-31 01:24:13,337 : INFO : topic diff=0.003558, rho=0.022485\n", - "2019-01-31 01:24:13,491 : INFO : PROGRESS: pass 0, at document #3958000/4922894\n", - "2019-01-31 01:24:14,854 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:24:15,120 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.032*\"perceptu\" + 0.021*\"theater\" + 0.018*\"place\" + 0.017*\"compos\" + 0.015*\"damn\" + 0.014*\"olympo\" + 0.014*\"orchestr\" + 0.012*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 01:24:15,122 : INFO : topic #38 (0.020): 0.024*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.007*\"armi\" + 0.007*\"teufel\" + 0.007*\"empath\" + 0.006*\"citi\" + 0.006*\"militari\" + 0.006*\"govern\"\n", - "2019-01-31 01:24:15,123 : INFO : topic #6 (0.020): 0.069*\"fewer\" + 0.023*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"movi\" + 0.011*\"direct\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:24:15,124 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.046*\"chilton\" + 0.024*\"hong\" + 0.023*\"kong\" + 0.020*\"korea\" + 0.018*\"korean\" + 0.016*\"sourc\" + 0.016*\"leah\" + 0.014*\"kim\" + 0.013*\"shirin\"\n", - "2019-01-31 01:24:15,125 : INFO : topic #9 (0.020): 0.071*\"bone\" + 0.042*\"american\" + 0.030*\"valour\" + 0.020*\"dutch\" + 0.017*\"folei\" + 0.017*\"polit\" + 0.017*\"player\" + 0.017*\"english\" + 0.011*\"acrimoni\" + 0.011*\"simpler\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:24:15,131 : INFO : topic diff=0.002872, rho=0.022479\n", - "2019-01-31 01:24:17,762 : INFO : -11.462 per-word bound, 2821.3 perplexity estimate based on a held-out corpus of 2000 documents with 536698 words\n", - "2019-01-31 01:24:17,763 : INFO : PROGRESS: pass 0, at document #3960000/4922894\n", - "2019-01-31 01:24:19,116 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:24:19,383 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.010*\"prognosi\" + 0.010*\"pop\" + 0.008*\"softwar\" + 0.008*\"cytokin\" + 0.008*\"develop\" + 0.008*\"user\" + 0.008*\"diggin\" + 0.008*\"uruguayan\" + 0.008*\"championship\"\n", - "2019-01-31 01:24:19,384 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.029*\"son\" + 0.028*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.015*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.009*\"vocabulari\"\n", - "2019-01-31 01:24:19,385 : INFO : topic #2 (0.020): 0.052*\"isl\" + 0.037*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.013*\"blur\" + 0.013*\"pope\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.009*\"class\" + 0.009*\"vernon\"\n", - "2019-01-31 01:24:19,386 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.031*\"germani\" + 0.016*\"vol\" + 0.014*\"jewish\" + 0.014*\"berlin\" + 0.013*\"der\" + 0.013*\"israel\" + 0.010*\"european\" + 0.009*\"hungarian\" + 0.009*\"austria\"\n", - "2019-01-31 01:24:19,387 : INFO : topic #38 (0.020): 0.024*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.007*\"armi\" + 0.007*\"teufel\" + 0.007*\"empath\" + 0.006*\"citi\" + 0.006*\"militari\" + 0.006*\"govern\"\n", - "2019-01-31 01:24:19,393 : INFO : topic diff=0.003214, rho=0.022473\n", - "2019-01-31 01:24:19,549 : INFO : PROGRESS: pass 0, at document #3962000/4922894\n", - "2019-01-31 01:24:20,913 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:24:21,179 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.029*\"son\" + 0.028*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.015*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.009*\"vocabulari\"\n", - "2019-01-31 01:24:21,180 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.022*\"christian\" + 0.022*\"cathol\" + 0.020*\"bishop\" + 0.016*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.009*\"cathedr\" + 0.009*\"parish\" + 0.009*\"historiographi\"\n", - "2019-01-31 01:24:21,181 : INFO : topic #23 (0.020): 0.138*\"audit\" + 0.068*\"best\" + 0.033*\"yawn\" + 0.030*\"jacksonvil\" + 0.025*\"japanes\" + 0.021*\"noll\" + 0.019*\"women\" + 0.018*\"festiv\" + 0.016*\"intern\" + 0.014*\"winner\"\n", - "2019-01-31 01:24:21,182 : INFO : topic #27 (0.020): 0.075*\"questionnair\" + 0.021*\"candid\" + 0.017*\"taxpay\" + 0.013*\"tornado\" + 0.013*\"driver\" + 0.013*\"ret\" + 0.013*\"fool\" + 0.010*\"find\" + 0.010*\"landslid\" + 0.010*\"horac\"\n", - "2019-01-31 01:24:21,183 : INFO : topic #13 (0.020): 0.026*\"london\" + 0.026*\"australia\" + 0.025*\"sourc\" + 0.024*\"new\" + 0.023*\"england\" + 0.023*\"australian\" + 0.019*\"british\" + 0.019*\"ireland\" + 0.014*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:24:21,189 : INFO : topic diff=0.003078, rho=0.022468\n", - "2019-01-31 01:24:21,347 : INFO : PROGRESS: pass 0, at document #3964000/4922894\n", - "2019-01-31 01:24:22,731 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:24:22,997 : INFO : topic #27 (0.020): 0.075*\"questionnair\" + 0.021*\"candid\" + 0.018*\"taxpay\" + 0.013*\"tornado\" + 0.013*\"driver\" + 0.012*\"fool\" + 0.012*\"ret\" + 0.010*\"find\" + 0.010*\"landslid\" + 0.010*\"horac\"\n", - "2019-01-31 01:24:22,998 : INFO : topic #40 (0.020): 0.085*\"unit\" + 0.023*\"schuster\" + 0.022*\"collector\" + 0.022*\"institut\" + 0.020*\"requir\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"degre\" + 0.012*\"http\" + 0.012*\"word\"\n", - "2019-01-31 01:24:22,998 : INFO : topic #13 (0.020): 0.026*\"london\" + 0.026*\"australia\" + 0.025*\"sourc\" + 0.024*\"new\" + 0.023*\"england\" + 0.023*\"australian\" + 0.019*\"british\" + 0.019*\"ireland\" + 0.014*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:24:22,999 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.046*\"franc\" + 0.032*\"pari\" + 0.022*\"jean\" + 0.022*\"sail\" + 0.018*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:24:23,000 : INFO : topic #47 (0.020): 0.062*\"muscl\" + 0.032*\"perceptu\" + 0.021*\"theater\" + 0.018*\"place\" + 0.017*\"compos\" + 0.016*\"damn\" + 0.014*\"olympo\" + 0.014*\"orchestr\" + 0.012*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 01:24:23,006 : INFO : topic diff=0.002975, rho=0.022462\n", - "2019-01-31 01:24:23,216 : INFO : PROGRESS: pass 0, at document #3966000/4922894\n", - "2019-01-31 01:24:24,596 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:24:24,862 : INFO : topic #39 (0.020): 0.058*\"canada\" + 0.047*\"canadian\" + 0.026*\"hoar\" + 0.024*\"toronto\" + 0.022*\"ontario\" + 0.017*\"hydrogen\" + 0.015*\"new\" + 0.015*\"misericordia\" + 0.014*\"quebec\" + 0.014*\"novotná\"\n", - "2019-01-31 01:24:24,863 : INFO : topic #20 (0.020): 0.142*\"scholar\" + 0.040*\"struggl\" + 0.032*\"high\" + 0.030*\"educ\" + 0.024*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.011*\"district\" + 0.010*\"gothic\" + 0.010*\"task\"\n", - "2019-01-31 01:24:24,864 : INFO : topic #48 (0.020): 0.081*\"march\" + 0.079*\"sens\" + 0.077*\"octob\" + 0.070*\"juli\" + 0.069*\"januari\" + 0.068*\"august\" + 0.067*\"notion\" + 0.066*\"judici\" + 0.065*\"april\" + 0.064*\"decatur\"\n", - "2019-01-31 01:24:24,865 : INFO : topic #2 (0.020): 0.052*\"isl\" + 0.037*\"shield\" + 0.017*\"narrat\" + 0.015*\"scot\" + 0.013*\"blur\" + 0.013*\"pope\" + 0.011*\"coalit\" + 0.011*\"nativist\" + 0.009*\"class\" + 0.009*\"fleet\"\n", - "2019-01-31 01:24:24,866 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.023*\"palmer\" + 0.020*\"new\" + 0.016*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:24:24,872 : INFO : topic diff=0.003814, rho=0.022456\n", - "2019-01-31 01:24:25,026 : INFO : PROGRESS: pass 0, at document #3968000/4922894\n", - "2019-01-31 01:24:26,366 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:24:26,632 : INFO : topic #40 (0.020): 0.085*\"unit\" + 0.023*\"schuster\" + 0.022*\"collector\" + 0.022*\"institut\" + 0.020*\"requir\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"degre\" + 0.012*\"http\" + 0.011*\"word\"\n", - "2019-01-31 01:24:26,633 : INFO : topic #17 (0.020): 0.076*\"church\" + 0.022*\"christian\" + 0.022*\"cathol\" + 0.020*\"bishop\" + 0.016*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.009*\"cathedr\" + 0.009*\"parish\" + 0.009*\"historiographi\"\n", - "2019-01-31 01:24:26,635 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:24:26,636 : INFO : topic #6 (0.020): 0.069*\"fewer\" + 0.024*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:24:26,637 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.021*\"walter\" + 0.021*\"armi\" + 0.018*\"com\" + 0.013*\"unionist\" + 0.013*\"oper\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.012*\"diversifi\"\n", - "2019-01-31 01:24:26,643 : INFO : topic diff=0.003495, rho=0.022451\n", - "2019-01-31 01:24:26,800 : INFO : PROGRESS: pass 0, at document #3970000/4922894\n", - "2019-01-31 01:24:28,182 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:24:28,450 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.008*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"human\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:24:28,451 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"mean\" + 0.008*\"origin\" + 0.008*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.007*\"uruguayan\"\n", - "2019-01-31 01:24:28,452 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.018*\"area\" + 0.017*\"lagrang\" + 0.017*\"mount\" + 0.016*\"warmth\" + 0.010*\"north\" + 0.009*\"sourc\" + 0.009*\"land\" + 0.009*\"crayfish\" + 0.008*\"lobe\"\n", - "2019-01-31 01:24:28,453 : INFO : topic #0 (0.020): 0.064*\"statewid\" + 0.041*\"line\" + 0.031*\"raid\" + 0.028*\"rivièr\" + 0.026*\"rosenwald\" + 0.023*\"airmen\" + 0.018*\"serv\" + 0.018*\"traceabl\" + 0.014*\"oper\" + 0.010*\"transient\"\n", - "2019-01-31 01:24:28,454 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.054*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.014*\"bypass\" + 0.013*\"report\" + 0.013*\"selma\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:24:28,460 : INFO : topic diff=0.003436, rho=0.022445\n", - "2019-01-31 01:24:28,614 : INFO : PROGRESS: pass 0, at document #3972000/4922894\n", - "2019-01-31 01:24:29,958 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:24:30,224 : INFO : topic #6 (0.020): 0.069*\"fewer\" + 0.024*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:24:30,225 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.034*\"publicis\" + 0.027*\"word\" + 0.019*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.011*\"magazin\" + 0.011*\"author\" + 0.011*\"storag\" + 0.011*\"nicola\"\n", - "2019-01-31 01:24:30,226 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.009*\"media\" + 0.008*\"hormon\" + 0.008*\"disco\" + 0.008*\"pathwai\" + 0.007*\"have\" + 0.007*\"caus\" + 0.006*\"treat\" + 0.006*\"effect\" + 0.006*\"proper\"\n", - "2019-01-31 01:24:30,227 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.015*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.009*\"vocabulari\"\n", - "2019-01-31 01:24:30,229 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.007*\"teufel\" + 0.006*\"citi\" + 0.006*\"militari\" + 0.006*\"govern\"\n", - "2019-01-31 01:24:30,234 : INFO : topic diff=0.002874, rho=0.022439\n", - "2019-01-31 01:24:30,392 : INFO : PROGRESS: pass 0, at document #3974000/4922894\n", - "2019-01-31 01:24:31,736 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:24:32,002 : INFO : topic #45 (0.020): 0.041*\"arsen\" + 0.029*\"jpg\" + 0.028*\"fifteenth\" + 0.025*\"museo\" + 0.022*\"pain\" + 0.020*\"illicit\" + 0.015*\"colder\" + 0.015*\"gai\" + 0.015*\"exhaust\" + 0.014*\"artist\"\n", - "2019-01-31 01:24:32,003 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:24:32,004 : INFO : topic #31 (0.020): 0.052*\"fusiform\" + 0.026*\"taxpay\" + 0.026*\"scientist\" + 0.024*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:24:32,006 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.018*\"factor\" + 0.011*\"plaisir\" + 0.010*\"genu\" + 0.010*\"western\" + 0.009*\"biom\" + 0.008*\"median\" + 0.006*\"incom\" + 0.006*\"trap\" + 0.006*\"male\"\n", - "2019-01-31 01:24:32,007 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"mean\" + 0.008*\"origin\" + 0.008*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.007*\"uruguayan\"\n", - "2019-01-31 01:24:32,013 : INFO : topic diff=0.003560, rho=0.022434\n", - "2019-01-31 01:24:32,172 : INFO : PROGRESS: pass 0, at document #3976000/4922894\n", - "2019-01-31 01:24:33,539 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:24:33,807 : INFO : topic #25 (0.020): 0.033*\"ring\" + 0.018*\"area\" + 0.017*\"lagrang\" + 0.017*\"mount\" + 0.016*\"warmth\" + 0.010*\"north\" + 0.009*\"sourc\" + 0.009*\"land\" + 0.009*\"crayfish\" + 0.008*\"lobe\"\n", - "2019-01-31 01:24:33,808 : INFO : topic #29 (0.020): 0.030*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"produc\" + 0.011*\"market\" + 0.010*\"bank\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"serv\"\n", - "2019-01-31 01:24:33,809 : INFO : topic #42 (0.020): 0.048*\"german\" + 0.032*\"germani\" + 0.015*\"vol\" + 0.015*\"jewish\" + 0.014*\"berlin\" + 0.013*\"israel\" + 0.013*\"der\" + 0.010*\"european\" + 0.009*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:24:33,810 : INFO : topic #6 (0.020): 0.069*\"fewer\" + 0.024*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:24:33,811 : INFO : topic #40 (0.020): 0.086*\"unit\" + 0.023*\"schuster\" + 0.022*\"collector\" + 0.022*\"institut\" + 0.020*\"requir\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"degre\" + 0.012*\"http\" + 0.011*\"word\"\n", - "2019-01-31 01:24:33,817 : INFO : topic diff=0.003857, rho=0.022428\n", - "2019-01-31 01:24:33,977 : INFO : PROGRESS: pass 0, at document #3978000/4922894\n", - "2019-01-31 01:24:35,358 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:24:35,625 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.008*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"human\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:24:35,626 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.026*\"final\" + 0.022*\"wife\" + 0.020*\"tourist\" + 0.019*\"champion\" + 0.015*\"martin\" + 0.015*\"taxpay\" + 0.014*\"chamber\" + 0.014*\"tiepolo\" + 0.012*\"women\"\n", - "2019-01-31 01:24:35,628 : INFO : topic #34 (0.020): 0.067*\"start\" + 0.035*\"new\" + 0.032*\"american\" + 0.028*\"unionist\" + 0.026*\"cotton\" + 0.022*\"year\" + 0.016*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.011*\"citi\"\n", - "2019-01-31 01:24:35,629 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.021*\"aggress\" + 0.021*\"walter\" + 0.021*\"armi\" + 0.018*\"com\" + 0.014*\"unionist\" + 0.013*\"oper\" + 0.012*\"diversifi\" + 0.012*\"militari\" + 0.012*\"airbu\"\n", - "2019-01-31 01:24:35,630 : INFO : topic #33 (0.020): 0.059*\"french\" + 0.045*\"franc\" + 0.032*\"pari\" + 0.023*\"jean\" + 0.022*\"sail\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:24:35,635 : INFO : topic diff=0.003372, rho=0.022422\n", - "2019-01-31 01:24:38,339 : INFO : -11.565 per-word bound, 3030.1 perplexity estimate based on a held-out corpus of 2000 documents with 581484 words\n", - "2019-01-31 01:24:38,339 : INFO : PROGRESS: pass 0, at document #3980000/4922894\n", - "2019-01-31 01:24:39,718 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:24:39,984 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.032*\"perceptu\" + 0.021*\"theater\" + 0.018*\"place\" + 0.018*\"compos\" + 0.015*\"damn\" + 0.014*\"olympo\" + 0.013*\"orchestr\" + 0.013*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 01:24:39,985 : INFO : topic #46 (0.020): 0.017*\"stop\" + 0.016*\"sweden\" + 0.016*\"norwai\" + 0.015*\"wind\" + 0.015*\"swedish\" + 0.014*\"damag\" + 0.014*\"norwegian\" + 0.011*\"treeless\" + 0.011*\"denmark\" + 0.010*\"huntsvil\"\n", - "2019-01-31 01:24:39,986 : INFO : topic #9 (0.020): 0.073*\"bone\" + 0.042*\"american\" + 0.030*\"valour\" + 0.019*\"dutch\" + 0.017*\"player\" + 0.017*\"folei\" + 0.017*\"polit\" + 0.017*\"english\" + 0.011*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 01:24:39,987 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.023*\"palmer\" + 0.020*\"new\" + 0.016*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"lobe\" + 0.011*\"includ\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:24:39,988 : INFO : topic #13 (0.020): 0.026*\"london\" + 0.026*\"australia\" + 0.026*\"sourc\" + 0.024*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.019*\"ireland\" + 0.014*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:24:39,993 : INFO : topic diff=0.003445, rho=0.022417\n", - "2019-01-31 01:24:40,148 : INFO : PROGRESS: pass 0, at document #3982000/4922894\n", - "2019-01-31 01:24:41,501 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:24:41,767 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.011*\"jame\" + 0.011*\"will\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\" + 0.007*\"georg\"\n", - "2019-01-31 01:24:41,768 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.023*\"palmer\" + 0.020*\"new\" + 0.016*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"lobe\" + 0.011*\"includ\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:24:41,769 : INFO : topic #28 (0.020): 0.036*\"build\" + 0.029*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.012*\"linear\" + 0.011*\"constitut\" + 0.011*\"silicon\" + 0.011*\"depress\" + 0.010*\"pistol\" + 0.010*\"centuri\"\n", - "2019-01-31 01:24:41,770 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.031*\"incumb\" + 0.014*\"pakistan\" + 0.012*\"islam\" + 0.012*\"anglo\" + 0.011*\"muskoge\" + 0.011*\"khalsa\" + 0.011*\"televis\" + 0.010*\"sri\" + 0.010*\"alam\"\n", - "2019-01-31 01:24:41,771 : INFO : topic #40 (0.020): 0.086*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.022*\"collector\" + 0.020*\"requir\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"degre\" + 0.012*\"http\" + 0.011*\"word\"\n", - "2019-01-31 01:24:41,778 : INFO : topic diff=0.003602, rho=0.022411\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:24:41,935 : INFO : PROGRESS: pass 0, at document #3984000/4922894\n", - "2019-01-31 01:24:43,301 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:24:43,569 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:24:43,570 : INFO : topic #42 (0.020): 0.048*\"german\" + 0.031*\"germani\" + 0.016*\"vol\" + 0.015*\"jewish\" + 0.014*\"berlin\" + 0.013*\"israel\" + 0.013*\"der\" + 0.010*\"european\" + 0.009*\"austria\" + 0.009*\"europ\"\n", - "2019-01-31 01:24:43,571 : INFO : topic #23 (0.020): 0.139*\"audit\" + 0.070*\"best\" + 0.033*\"yawn\" + 0.029*\"jacksonvil\" + 0.024*\"japanes\" + 0.020*\"noll\" + 0.018*\"women\" + 0.018*\"festiv\" + 0.016*\"intern\" + 0.014*\"winner\"\n", - "2019-01-31 01:24:43,572 : INFO : topic #31 (0.020): 0.052*\"fusiform\" + 0.026*\"scientist\" + 0.026*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:24:43,573 : INFO : topic #46 (0.020): 0.017*\"stop\" + 0.016*\"sweden\" + 0.016*\"norwai\" + 0.015*\"wind\" + 0.015*\"swedish\" + 0.014*\"damag\" + 0.014*\"norwegian\" + 0.011*\"treeless\" + 0.011*\"denmark\" + 0.011*\"huntsvil\"\n", - "2019-01-31 01:24:43,579 : INFO : topic diff=0.003115, rho=0.022406\n", - "2019-01-31 01:24:43,742 : INFO : PROGRESS: pass 0, at document #3986000/4922894\n", - "2019-01-31 01:24:45,137 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:24:45,403 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.007*\"poet\" + 0.006*\"gener\" + 0.006*\"utopian\" + 0.006*\"exampl\" + 0.006*\"théori\" + 0.006*\"southern\" + 0.006*\"servitud\" + 0.005*\"method\"\n", - "2019-01-31 01:24:45,404 : INFO : topic #4 (0.020): 0.019*\"enfranchis\" + 0.014*\"pour\" + 0.014*\"depress\" + 0.008*\"elabor\" + 0.008*\"mode\" + 0.008*\"uruguayan\" + 0.007*\"veget\" + 0.006*\"turn\" + 0.006*\"develop\" + 0.006*\"produc\"\n", - "2019-01-31 01:24:45,405 : INFO : topic #9 (0.020): 0.073*\"bone\" + 0.042*\"american\" + 0.030*\"valour\" + 0.019*\"dutch\" + 0.017*\"player\" + 0.017*\"folei\" + 0.017*\"polit\" + 0.017*\"english\" + 0.011*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 01:24:45,406 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.023*\"palmer\" + 0.020*\"new\" + 0.016*\"strategist\" + 0.013*\"center\" + 0.012*\"open\" + 0.011*\"lobe\" + 0.011*\"includ\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:24:45,407 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.022*\"christian\" + 0.022*\"cathol\" + 0.020*\"bishop\" + 0.017*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.009*\"cathedr\" + 0.009*\"parish\" + 0.009*\"historiographi\"\n", - "2019-01-31 01:24:45,413 : INFO : topic diff=0.004412, rho=0.022400\n", - "2019-01-31 01:24:45,570 : INFO : PROGRESS: pass 0, at document #3988000/4922894\n", - "2019-01-31 01:24:46,926 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:24:47,192 : INFO : topic #6 (0.020): 0.069*\"fewer\" + 0.024*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.010*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:24:47,194 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.010*\"prognosi\" + 0.010*\"pop\" + 0.009*\"cytokin\" + 0.008*\"softwar\" + 0.008*\"develop\" + 0.008*\"user\" + 0.008*\"uruguayan\" + 0.007*\"diggin\" + 0.007*\"includ\"\n", - "2019-01-31 01:24:47,195 : INFO : topic #23 (0.020): 0.139*\"audit\" + 0.070*\"best\" + 0.033*\"yawn\" + 0.028*\"jacksonvil\" + 0.023*\"japanes\" + 0.021*\"noll\" + 0.019*\"festiv\" + 0.018*\"women\" + 0.016*\"intern\" + 0.014*\"winner\"\n", - "2019-01-31 01:24:47,196 : INFO : topic #34 (0.020): 0.066*\"start\" + 0.035*\"new\" + 0.031*\"american\" + 0.028*\"unionist\" + 0.026*\"cotton\" + 0.022*\"year\" + 0.016*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.011*\"north\"\n", - "2019-01-31 01:24:47,197 : INFO : topic #0 (0.020): 0.062*\"statewid\" + 0.040*\"line\" + 0.030*\"raid\" + 0.028*\"rivièr\" + 0.027*\"rosenwald\" + 0.022*\"airmen\" + 0.018*\"serv\" + 0.017*\"traceabl\" + 0.014*\"oper\" + 0.011*\"rail\"\n", - "2019-01-31 01:24:47,202 : INFO : topic diff=0.003197, rho=0.022394\n", - "2019-01-31 01:24:47,358 : INFO : PROGRESS: pass 0, at document #3990000/4922894\n", - "2019-01-31 01:24:48,727 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:24:48,993 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.022*\"christian\" + 0.022*\"cathol\" + 0.019*\"bishop\" + 0.017*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.009*\"parish\" + 0.009*\"cathedr\" + 0.009*\"historiographi\"\n", - "2019-01-31 01:24:48,995 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.023*\"cortic\" + 0.019*\"start\" + 0.019*\"act\" + 0.012*\"case\" + 0.012*\"ricardo\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.008*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 01:24:48,996 : INFO : topic #21 (0.020): 0.034*\"samford\" + 0.022*\"spain\" + 0.017*\"del\" + 0.017*\"italian\" + 0.016*\"mexico\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.010*\"carlo\" + 0.010*\"francisco\"\n", - "2019-01-31 01:24:48,996 : INFO : topic #39 (0.020): 0.057*\"canada\" + 0.046*\"canadian\" + 0.026*\"hoar\" + 0.023*\"toronto\" + 0.022*\"ontario\" + 0.017*\"hydrogen\" + 0.016*\"new\" + 0.015*\"misericordia\" + 0.015*\"novotná\" + 0.014*\"quebec\"\n", - "2019-01-31 01:24:48,997 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.007*\"uruguayan\"\n", - "2019-01-31 01:24:49,003 : INFO : topic diff=0.002406, rho=0.022389\n", - "2019-01-31 01:24:49,161 : INFO : PROGRESS: pass 0, at document #3992000/4922894\n", - "2019-01-31 01:24:50,551 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:24:50,817 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.053*\"parti\" + 0.024*\"voluntari\" + 0.022*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.014*\"bypass\" + 0.014*\"report\" + 0.013*\"selma\"\n", - "2019-01-31 01:24:50,818 : INFO : topic #2 (0.020): 0.050*\"isl\" + 0.037*\"shield\" + 0.017*\"narrat\" + 0.015*\"scot\" + 0.014*\"blur\" + 0.014*\"pope\" + 0.011*\"coalit\" + 0.010*\"nativist\" + 0.009*\"class\" + 0.009*\"vernon\"\n", - "2019-01-31 01:24:50,819 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.008*\"word\" + 0.008*\"group\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"human\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:24:50,820 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.009*\"media\" + 0.009*\"hormon\" + 0.008*\"have\" + 0.008*\"disco\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 01:24:50,821 : INFO : topic #13 (0.020): 0.026*\"sourc\" + 0.025*\"london\" + 0.025*\"australia\" + 0.024*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.019*\"ireland\" + 0.019*\"british\" + 0.014*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 01:24:50,827 : INFO : topic diff=0.002651, rho=0.022383\n", - "2019-01-31 01:24:50,987 : INFO : PROGRESS: pass 0, at document #3994000/4922894\n", - "2019-01-31 01:24:52,368 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:24:52,636 : INFO : topic #6 (0.020): 0.069*\"fewer\" + 0.024*\"epiru\" + 0.021*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:24:52,637 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.018*\"factor\" + 0.012*\"plaisir\" + 0.010*\"genu\" + 0.010*\"western\" + 0.009*\"biom\" + 0.008*\"median\" + 0.006*\"incom\" + 0.006*\"trap\" + 0.006*\"male\"\n", - "2019-01-31 01:24:52,639 : INFO : topic #45 (0.020): 0.042*\"arsen\" + 0.030*\"jpg\" + 0.028*\"fifteenth\" + 0.025*\"museo\" + 0.021*\"pain\" + 0.019*\"illicit\" + 0.015*\"colder\" + 0.015*\"exhaust\" + 0.015*\"gai\" + 0.014*\"artist\"\n", - "2019-01-31 01:24:52,640 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.023*\"palmer\" + 0.020*\"new\" + 0.016*\"strategist\" + 0.013*\"center\" + 0.013*\"open\" + 0.011*\"lobe\" + 0.011*\"includ\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:24:52,641 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.011*\"jame\" + 0.011*\"will\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.007*\"georg\" + 0.007*\"rhyme\" + 0.007*\"paul\"\n", - "2019-01-31 01:24:52,647 : INFO : topic diff=0.004230, rho=0.022377\n", - "2019-01-31 01:24:52,801 : INFO : PROGRESS: pass 0, at document #3996000/4922894\n", - "2019-01-31 01:24:54,166 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:24:54,433 : INFO : topic #0 (0.020): 0.063*\"statewid\" + 0.040*\"line\" + 0.030*\"raid\" + 0.028*\"rivièr\" + 0.027*\"rosenwald\" + 0.022*\"airmen\" + 0.018*\"serv\" + 0.017*\"traceabl\" + 0.014*\"oper\" + 0.010*\"rail\"\n", - "2019-01-31 01:24:54,434 : INFO : topic #27 (0.020): 0.074*\"questionnair\" + 0.020*\"candid\" + 0.017*\"taxpay\" + 0.014*\"tornado\" + 0.013*\"ret\" + 0.012*\"driver\" + 0.012*\"fool\" + 0.011*\"horac\" + 0.010*\"find\" + 0.010*\"théori\"\n", - "2019-01-31 01:24:54,435 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.011*\"jame\" + 0.011*\"will\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.007*\"georg\" + 0.007*\"rhyme\" + 0.007*\"paul\"\n", - "2019-01-31 01:24:54,436 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:24:54,437 : INFO : topic #4 (0.020): 0.019*\"enfranchis\" + 0.014*\"depress\" + 0.014*\"pour\" + 0.008*\"elabor\" + 0.008*\"mode\" + 0.008*\"uruguayan\" + 0.007*\"veget\" + 0.006*\"turn\" + 0.006*\"produc\" + 0.006*\"develop\"\n", - "2019-01-31 01:24:54,443 : INFO : topic diff=0.002595, rho=0.022372\n", - "2019-01-31 01:24:54,593 : INFO : PROGRESS: pass 0, at document #3998000/4922894\n", - "2019-01-31 01:24:55,917 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:24:56,183 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"market\" + 0.011*\"produc\" + 0.010*\"bank\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"serv\"\n", - "2019-01-31 01:24:56,184 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.007*\"armi\" + 0.007*\"teufel\" + 0.007*\"empath\" + 0.006*\"citi\" + 0.006*\"militari\" + 0.006*\"govern\"\n", - "2019-01-31 01:24:56,185 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.027*\"final\" + 0.022*\"wife\" + 0.021*\"tourist\" + 0.019*\"champion\" + 0.015*\"martin\" + 0.014*\"taxpay\" + 0.014*\"chamber\" + 0.014*\"tiepolo\" + 0.012*\"open\"\n", - "2019-01-31 01:24:56,186 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"word\" + 0.008*\"group\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"human\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:24:56,187 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.047*\"chilton\" + 0.023*\"hong\" + 0.022*\"kong\" + 0.020*\"korea\" + 0.018*\"korean\" + 0.016*\"sourc\" + 0.015*\"kim\" + 0.015*\"leah\" + 0.013*\"shirin\"\n", - "2019-01-31 01:24:56,193 : INFO : topic diff=0.003609, rho=0.022366\n", - "2019-01-31 01:24:58,969 : INFO : -11.467 per-word bound, 2831.4 perplexity estimate based on a held-out corpus of 2000 documents with 564962 words\n", - "2019-01-31 01:24:58,970 : INFO : PROGRESS: pass 0, at document #4000000/4922894\n", - "2019-01-31 01:25:00,356 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:25:00,623 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.026*\"offic\" + 0.024*\"minist\" + 0.024*\"nation\" + 0.022*\"govern\" + 0.021*\"member\" + 0.018*\"serv\" + 0.016*\"start\" + 0.016*\"gener\" + 0.014*\"seri\"\n", - "2019-01-31 01:25:00,624 : INFO : topic #16 (0.020): 0.057*\"king\" + 0.031*\"priest\" + 0.019*\"duke\" + 0.019*\"grammat\" + 0.017*\"idiosyncrat\" + 0.016*\"rotterdam\" + 0.015*\"quarterli\" + 0.014*\"kingdom\" + 0.013*\"portugues\" + 0.013*\"brazil\"\n", - "2019-01-31 01:25:00,625 : INFO : topic #20 (0.020): 0.142*\"scholar\" + 0.040*\"struggl\" + 0.032*\"high\" + 0.030*\"educ\" + 0.024*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.010*\"task\" + 0.010*\"gothic\"\n", - "2019-01-31 01:25:00,626 : INFO : topic #31 (0.020): 0.051*\"fusiform\" + 0.026*\"scientist\" + 0.026*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:25:00,627 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.021*\"walter\" + 0.021*\"armi\" + 0.018*\"com\" + 0.014*\"unionist\" + 0.013*\"oper\" + 0.012*\"militari\" + 0.012*\"diversifi\" + 0.012*\"airbu\"\n", - "2019-01-31 01:25:00,633 : INFO : topic diff=0.003644, rho=0.022361\n", - "2019-01-31 01:25:00,789 : INFO : PROGRESS: pass 0, at document #4002000/4922894\n", - "2019-01-31 01:25:02,147 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:25:02,413 : INFO : topic #26 (0.020): 0.032*\"workplac\" + 0.029*\"champion\" + 0.026*\"woman\" + 0.025*\"olymp\" + 0.024*\"men\" + 0.021*\"medal\" + 0.020*\"event\" + 0.019*\"atheist\" + 0.018*\"taxpay\" + 0.018*\"rainfal\"\n", - "2019-01-31 01:25:02,414 : INFO : topic #45 (0.020): 0.042*\"arsen\" + 0.030*\"jpg\" + 0.028*\"fifteenth\" + 0.025*\"museo\" + 0.021*\"pain\" + 0.019*\"illicit\" + 0.015*\"colder\" + 0.015*\"exhaust\" + 0.015*\"gai\" + 0.014*\"artist\"\n", - "2019-01-31 01:25:02,416 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.023*\"cortic\" + 0.019*\"start\" + 0.018*\"act\" + 0.012*\"case\" + 0.012*\"ricardo\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.008*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 01:25:02,417 : INFO : topic #0 (0.020): 0.063*\"statewid\" + 0.040*\"line\" + 0.030*\"raid\" + 0.029*\"rivièr\" + 0.027*\"rosenwald\" + 0.022*\"airmen\" + 0.018*\"serv\" + 0.017*\"traceabl\" + 0.014*\"oper\" + 0.010*\"transient\"\n", - "2019-01-31 01:25:02,418 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.031*\"incumb\" + 0.013*\"pakistan\" + 0.012*\"islam\" + 0.012*\"anglo\" + 0.011*\"khalsa\" + 0.011*\"televis\" + 0.011*\"muskoge\" + 0.011*\"sri\" + 0.010*\"affection\"\n", - "2019-01-31 01:25:02,423 : INFO : topic diff=0.003159, rho=0.022355\n", - "2019-01-31 01:25:02,577 : INFO : PROGRESS: pass 0, at document #4004000/4922894\n", - "2019-01-31 01:25:03,935 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:25:04,201 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.008*\"mean\" + 0.008*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.007*\"uruguayan\"\n", - "2019-01-31 01:25:04,202 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:25:04,203 : INFO : topic #35 (0.020): 0.056*\"russia\" + 0.037*\"sovereignti\" + 0.035*\"rural\" + 0.026*\"poison\" + 0.025*\"personifi\" + 0.022*\"reprint\" + 0.020*\"moscow\" + 0.019*\"poland\" + 0.014*\"tyrant\" + 0.013*\"czech\"\n", - "2019-01-31 01:25:04,204 : INFO : topic #37 (0.020): 0.013*\"charact\" + 0.013*\"septemb\" + 0.011*\"anim\" + 0.011*\"comic\" + 0.010*\"man\" + 0.007*\"appear\" + 0.007*\"fusiform\" + 0.007*\"storag\" + 0.007*\"workplac\" + 0.006*\"vision\"\n", - "2019-01-31 01:25:04,205 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.009*\"media\" + 0.009*\"hormon\" + 0.008*\"have\" + 0.007*\"disco\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"effect\" + 0.006*\"treat\" + 0.006*\"proper\"\n", - "2019-01-31 01:25:04,211 : INFO : topic diff=0.003707, rho=0.022350\n", - "2019-01-31 01:25:04,365 : INFO : PROGRESS: pass 0, at document #4006000/4922894\n", - "2019-01-31 01:25:05,729 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:25:05,996 : INFO : topic #0 (0.020): 0.063*\"statewid\" + 0.039*\"line\" + 0.030*\"raid\" + 0.029*\"rivièr\" + 0.027*\"rosenwald\" + 0.022*\"airmen\" + 0.018*\"serv\" + 0.017*\"traceabl\" + 0.014*\"oper\" + 0.011*\"brook\"\n", - "2019-01-31 01:25:05,997 : INFO : topic #4 (0.020): 0.019*\"enfranchis\" + 0.014*\"depress\" + 0.014*\"pour\" + 0.008*\"mode\" + 0.008*\"elabor\" + 0.008*\"uruguayan\" + 0.007*\"veget\" + 0.006*\"turn\" + 0.006*\"produc\" + 0.006*\"develop\"\n", - "2019-01-31 01:25:05,998 : INFO : topic #7 (0.020): 0.022*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"margin\" + 0.016*\"yawn\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"deal\" + 0.012*\"daughter\"\n", - "2019-01-31 01:25:05,999 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.019*\"factor\" + 0.012*\"plaisir\" + 0.010*\"genu\" + 0.010*\"western\" + 0.009*\"biom\" + 0.008*\"median\" + 0.007*\"incom\" + 0.006*\"trap\" + 0.006*\"black\"\n", - "2019-01-31 01:25:06,001 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:25:06,006 : INFO : topic diff=0.003550, rho=0.022344\n", - "2019-01-31 01:25:06,162 : INFO : PROGRESS: pass 0, at document #4008000/4922894\n", - "2019-01-31 01:25:07,533 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:25:07,800 : INFO : topic #25 (0.020): 0.033*\"ring\" + 0.018*\"area\" + 0.017*\"lagrang\" + 0.016*\"mount\" + 0.016*\"warmth\" + 0.010*\"north\" + 0.009*\"sourc\" + 0.009*\"land\" + 0.008*\"vacant\" + 0.008*\"lobe\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:25:07,801 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.011*\"will\" + 0.011*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.007*\"georg\" + 0.007*\"paul\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:25:07,802 : INFO : topic #4 (0.020): 0.019*\"enfranchis\" + 0.014*\"depress\" + 0.014*\"pour\" + 0.008*\"mode\" + 0.008*\"elabor\" + 0.008*\"uruguayan\" + 0.007*\"veget\" + 0.006*\"turn\" + 0.006*\"produc\" + 0.006*\"develop\"\n", - "2019-01-31 01:25:07,804 : INFO : topic #42 (0.020): 0.049*\"german\" + 0.031*\"germani\" + 0.016*\"vol\" + 0.015*\"jewish\" + 0.014*\"berlin\" + 0.013*\"israel\" + 0.013*\"der\" + 0.010*\"european\" + 0.009*\"jeremiah\" + 0.009*\"austria\"\n", - "2019-01-31 01:25:07,805 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.007*\"armi\" + 0.007*\"teufel\" + 0.007*\"empath\" + 0.006*\"citi\" + 0.006*\"militari\" + 0.006*\"govern\"\n", - "2019-01-31 01:25:07,811 : INFO : topic diff=0.002982, rho=0.022338\n", - "2019-01-31 01:25:07,969 : INFO : PROGRESS: pass 0, at document #4010000/4922894\n", - "2019-01-31 01:25:09,346 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:25:09,613 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.008*\"frontal\" + 0.007*\"gener\" + 0.006*\"poet\" + 0.006*\"exampl\" + 0.006*\"utopian\" + 0.006*\"théori\" + 0.006*\"southern\" + 0.006*\"servitud\" + 0.006*\"method\"\n", - "2019-01-31 01:25:09,614 : INFO : topic #45 (0.020): 0.041*\"arsen\" + 0.030*\"jpg\" + 0.028*\"fifteenth\" + 0.025*\"museo\" + 0.021*\"pain\" + 0.019*\"illicit\" + 0.015*\"colder\" + 0.014*\"exhaust\" + 0.014*\"artist\" + 0.014*\"gai\"\n", - "2019-01-31 01:25:09,615 : INFO : topic #39 (0.020): 0.057*\"canada\" + 0.046*\"canadian\" + 0.026*\"hoar\" + 0.023*\"toronto\" + 0.022*\"ontario\" + 0.017*\"hydrogen\" + 0.016*\"new\" + 0.015*\"novotná\" + 0.014*\"misericordia\" + 0.014*\"quebec\"\n", - "2019-01-31 01:25:09,616 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.035*\"leagu\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:25:09,617 : INFO : topic #47 (0.020): 0.062*\"muscl\" + 0.033*\"perceptu\" + 0.020*\"theater\" + 0.018*\"place\" + 0.018*\"compos\" + 0.015*\"damn\" + 0.013*\"olympo\" + 0.013*\"orchestr\" + 0.012*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 01:25:09,623 : INFO : topic diff=0.003590, rho=0.022333\n", - "2019-01-31 01:25:09,778 : INFO : PROGRESS: pass 0, at document #4012000/4922894\n", - "2019-01-31 01:25:11,121 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:25:11,387 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.006*\"citi\" + 0.006*\"militari\" + 0.006*\"govern\"\n", - "2019-01-31 01:25:11,388 : INFO : topic #4 (0.020): 0.019*\"enfranchis\" + 0.014*\"depress\" + 0.014*\"pour\" + 0.008*\"elabor\" + 0.008*\"mode\" + 0.008*\"uruguayan\" + 0.007*\"veget\" + 0.006*\"turn\" + 0.006*\"produc\" + 0.006*\"develop\"\n", - "2019-01-31 01:25:11,389 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.048*\"chilton\" + 0.024*\"hong\" + 0.023*\"kong\" + 0.020*\"korea\" + 0.017*\"korean\" + 0.015*\"sourc\" + 0.015*\"leah\" + 0.014*\"kim\" + 0.013*\"shirin\"\n", - "2019-01-31 01:25:11,390 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.023*\"schuster\" + 0.022*\"collector\" + 0.022*\"institut\" + 0.021*\"requir\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"degre\" + 0.012*\"word\" + 0.012*\"http\"\n", - "2019-01-31 01:25:11,391 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.019*\"factor\" + 0.012*\"plaisir\" + 0.010*\"western\" + 0.010*\"genu\" + 0.009*\"biom\" + 0.008*\"median\" + 0.007*\"incom\" + 0.006*\"trap\" + 0.006*\"black\"\n", - "2019-01-31 01:25:11,397 : INFO : topic diff=0.002659, rho=0.022327\n", - "2019-01-31 01:25:11,556 : INFO : PROGRESS: pass 0, at document #4014000/4922894\n", - "2019-01-31 01:25:12,940 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:25:13,207 : INFO : topic #25 (0.020): 0.034*\"ring\" + 0.018*\"area\" + 0.016*\"lagrang\" + 0.016*\"mount\" + 0.016*\"warmth\" + 0.010*\"north\" + 0.009*\"land\" + 0.009*\"sourc\" + 0.008*\"lobe\" + 0.008*\"vacant\"\n", - "2019-01-31 01:25:13,208 : INFO : topic #20 (0.020): 0.142*\"scholar\" + 0.040*\"struggl\" + 0.033*\"high\" + 0.030*\"educ\" + 0.024*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.010*\"task\" + 0.009*\"gothic\"\n", - "2019-01-31 01:25:13,209 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"market\" + 0.011*\"produc\" + 0.010*\"bank\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"serv\"\n", - "2019-01-31 01:25:13,210 : INFO : topic #0 (0.020): 0.063*\"statewid\" + 0.039*\"line\" + 0.030*\"raid\" + 0.028*\"rosenwald\" + 0.028*\"rivièr\" + 0.022*\"airmen\" + 0.018*\"serv\" + 0.017*\"traceabl\" + 0.014*\"oper\" + 0.011*\"brook\"\n", - "2019-01-31 01:25:13,211 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.019*\"factor\" + 0.012*\"plaisir\" + 0.010*\"genu\" + 0.010*\"western\" + 0.009*\"biom\" + 0.008*\"median\" + 0.007*\"incom\" + 0.006*\"trap\" + 0.006*\"black\"\n", - "2019-01-31 01:25:13,217 : INFO : topic diff=0.003417, rho=0.022322\n", - "2019-01-31 01:25:13,371 : INFO : PROGRESS: pass 0, at document #4016000/4922894\n", - "2019-01-31 01:25:14,730 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:25:14,996 : INFO : topic #32 (0.020): 0.049*\"district\" + 0.045*\"popolo\" + 0.045*\"vigour\" + 0.035*\"tortur\" + 0.032*\"cotton\" + 0.022*\"area\" + 0.021*\"adulthood\" + 0.021*\"multitud\" + 0.020*\"cede\" + 0.018*\"citi\"\n", - "2019-01-31 01:25:14,997 : INFO : topic #45 (0.020): 0.041*\"arsen\" + 0.030*\"jpg\" + 0.028*\"fifteenth\" + 0.025*\"museo\" + 0.021*\"pain\" + 0.019*\"illicit\" + 0.015*\"colder\" + 0.015*\"exhaust\" + 0.014*\"artist\" + 0.014*\"gai\"\n", - "2019-01-31 01:25:14,998 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.053*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.014*\"bypass\" + 0.014*\"selma\" + 0.013*\"report\"\n", - "2019-01-31 01:25:14,999 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.020*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.009*\"vocabulari\"\n", - "2019-01-31 01:25:15,000 : INFO : topic #7 (0.020): 0.022*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"deal\" + 0.012*\"daughter\"\n", - "2019-01-31 01:25:15,006 : INFO : topic diff=0.003130, rho=0.022316\n", - "2019-01-31 01:25:15,167 : INFO : PROGRESS: pass 0, at document #4018000/4922894\n", - "2019-01-31 01:25:16,571 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:25:16,838 : INFO : topic #47 (0.020): 0.062*\"muscl\" + 0.033*\"perceptu\" + 0.020*\"theater\" + 0.018*\"place\" + 0.018*\"compos\" + 0.015*\"damn\" + 0.013*\"olympo\" + 0.013*\"orchestr\" + 0.012*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 01:25:16,839 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.024*\"epiru\" + 0.021*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.010*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:25:16,841 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.007*\"armi\" + 0.007*\"teufel\" + 0.007*\"empath\" + 0.006*\"citi\" + 0.006*\"militari\" + 0.006*\"govern\"\n", - "2019-01-31 01:25:16,842 : INFO : topic #10 (0.020): 0.010*\"cdd\" + 0.009*\"media\" + 0.008*\"hormon\" + 0.008*\"have\" + 0.008*\"disco\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"viru\" + 0.006*\"proper\" + 0.006*\"effect\"\n", - "2019-01-31 01:25:16,842 : INFO : topic #13 (0.020): 0.026*\"london\" + 0.026*\"australia\" + 0.025*\"sourc\" + 0.024*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.020*\"british\" + 0.019*\"ireland\" + 0.014*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 01:25:16,848 : INFO : topic diff=0.003366, rho=0.022311\n", - "2019-01-31 01:25:19,589 : INFO : -11.564 per-word bound, 3027.2 perplexity estimate based on a held-out corpus of 2000 documents with 600277 words\n", - "2019-01-31 01:25:19,590 : INFO : PROGRESS: pass 0, at document #4020000/4922894\n", - "2019-01-31 01:25:20,989 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:25:21,256 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.053*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.014*\"bypass\" + 0.014*\"selma\" + 0.013*\"report\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:25:21,257 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.021*\"walter\" + 0.021*\"armi\" + 0.018*\"com\" + 0.014*\"unionist\" + 0.013*\"oper\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.011*\"refut\"\n", - "2019-01-31 01:25:21,258 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.008*\"frontal\" + 0.006*\"gener\" + 0.006*\"poet\" + 0.006*\"exampl\" + 0.006*\"utopian\" + 0.006*\"servitud\" + 0.006*\"théori\" + 0.006*\"southern\" + 0.005*\"method\"\n", - "2019-01-31 01:25:21,260 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.024*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.010*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:25:21,261 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.027*\"final\" + 0.023*\"wife\" + 0.021*\"tourist\" + 0.019*\"champion\" + 0.015*\"martin\" + 0.015*\"taxpay\" + 0.014*\"chamber\" + 0.014*\"tiepolo\" + 0.013*\"open\"\n", - "2019-01-31 01:25:21,267 : INFO : topic diff=0.004216, rho=0.022305\n", - "2019-01-31 01:25:21,424 : INFO : PROGRESS: pass 0, at document #4022000/4922894\n", - "2019-01-31 01:25:22,804 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:25:23,070 : INFO : topic #23 (0.020): 0.138*\"audit\" + 0.072*\"best\" + 0.035*\"yawn\" + 0.027*\"jacksonvil\" + 0.023*\"japanes\" + 0.021*\"noll\" + 0.019*\"festiv\" + 0.019*\"women\" + 0.016*\"intern\" + 0.014*\"winner\"\n", - "2019-01-31 01:25:23,071 : INFO : topic #13 (0.020): 0.026*\"australia\" + 0.026*\"london\" + 0.025*\"sourc\" + 0.024*\"new\" + 0.023*\"england\" + 0.023*\"australian\" + 0.020*\"ireland\" + 0.020*\"british\" + 0.014*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 01:25:23,072 : INFO : topic #26 (0.020): 0.032*\"workplac\" + 0.029*\"champion\" + 0.027*\"woman\" + 0.025*\"olymp\" + 0.024*\"men\" + 0.021*\"medal\" + 0.019*\"event\" + 0.018*\"taxpay\" + 0.018*\"atheist\" + 0.018*\"rainfal\"\n", - "2019-01-31 01:25:23,074 : INFO : topic #48 (0.020): 0.080*\"march\" + 0.080*\"sens\" + 0.078*\"octob\" + 0.071*\"juli\" + 0.069*\"august\" + 0.069*\"januari\" + 0.068*\"notion\" + 0.067*\"april\" + 0.067*\"judici\" + 0.064*\"decatur\"\n", - "2019-01-31 01:25:23,075 : INFO : topic #32 (0.020): 0.048*\"district\" + 0.045*\"vigour\" + 0.045*\"popolo\" + 0.035*\"tortur\" + 0.032*\"cotton\" + 0.026*\"multitud\" + 0.022*\"area\" + 0.021*\"adulthood\" + 0.019*\"cede\" + 0.018*\"citi\"\n", - "2019-01-31 01:25:23,081 : INFO : topic diff=0.003779, rho=0.022299\n", - "2019-01-31 01:25:23,236 : INFO : PROGRESS: pass 0, at document #4024000/4922894\n", - "2019-01-31 01:25:24,624 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:25:24,890 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.047*\"chilton\" + 0.024*\"hong\" + 0.022*\"kong\" + 0.020*\"korea\" + 0.017*\"korean\" + 0.016*\"leah\" + 0.016*\"kim\" + 0.015*\"sourc\" + 0.013*\"shirin\"\n", - "2019-01-31 01:25:24,891 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.035*\"leagu\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:25:24,893 : INFO : topic #10 (0.020): 0.010*\"cdd\" + 0.009*\"media\" + 0.008*\"hormon\" + 0.008*\"have\" + 0.008*\"disco\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"viru\" + 0.006*\"effect\"\n", - "2019-01-31 01:25:24,894 : INFO : topic #42 (0.020): 0.048*\"german\" + 0.032*\"germani\" + 0.016*\"vol\" + 0.015*\"jewish\" + 0.014*\"israel\" + 0.014*\"berlin\" + 0.013*\"der\" + 0.010*\"european\" + 0.009*\"austria\" + 0.009*\"europ\"\n", - "2019-01-31 01:25:24,895 : INFO : topic #37 (0.020): 0.013*\"charact\" + 0.013*\"septemb\" + 0.011*\"comic\" + 0.010*\"anim\" + 0.010*\"man\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.007*\"fusiform\" + 0.007*\"workplac\" + 0.006*\"vision\"\n", - "2019-01-31 01:25:24,901 : INFO : topic diff=0.002904, rho=0.022294\n", - "2019-01-31 01:25:25,060 : INFO : PROGRESS: pass 0, at document #4026000/4922894\n", - "2019-01-31 01:25:26,447 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:25:26,715 : INFO : topic #27 (0.020): 0.073*\"questionnair\" + 0.020*\"candid\" + 0.017*\"taxpay\" + 0.014*\"tornado\" + 0.013*\"fool\" + 0.012*\"driver\" + 0.012*\"ret\" + 0.011*\"horac\" + 0.010*\"find\" + 0.010*\"théori\"\n", - "2019-01-31 01:25:26,716 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.018*\"factor\" + 0.012*\"plaisir\" + 0.010*\"genu\" + 0.010*\"western\" + 0.009*\"biom\" + 0.008*\"median\" + 0.006*\"incom\" + 0.006*\"trap\" + 0.006*\"male\"\n", - "2019-01-31 01:25:26,717 : INFO : topic #21 (0.020): 0.035*\"samford\" + 0.022*\"spain\" + 0.017*\"del\" + 0.017*\"italian\" + 0.016*\"mexico\" + 0.014*\"soviet\" + 0.013*\"santa\" + 0.011*\"juan\" + 0.011*\"carlo\" + 0.010*\"francisco\"\n", - "2019-01-31 01:25:26,718 : INFO : topic #10 (0.020): 0.010*\"cdd\" + 0.009*\"media\" + 0.008*\"hormon\" + 0.008*\"have\" + 0.008*\"disco\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"viru\" + 0.006*\"effect\"\n", - "2019-01-31 01:25:26,719 : INFO : topic #16 (0.020): 0.055*\"king\" + 0.031*\"priest\" + 0.021*\"grammat\" + 0.019*\"duke\" + 0.017*\"idiosyncrat\" + 0.016*\"rotterdam\" + 0.015*\"quarterli\" + 0.013*\"kingdom\" + 0.013*\"brazil\" + 0.013*\"portugues\"\n", - "2019-01-31 01:25:26,725 : INFO : topic diff=0.003221, rho=0.022288\n", - "2019-01-31 01:25:26,878 : INFO : PROGRESS: pass 0, at document #4028000/4922894\n", - "2019-01-31 01:25:28,226 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:25:28,493 : INFO : topic #42 (0.020): 0.048*\"german\" + 0.032*\"germani\" + 0.016*\"vol\" + 0.016*\"jewish\" + 0.014*\"israel\" + 0.014*\"berlin\" + 0.013*\"der\" + 0.010*\"european\" + 0.009*\"austria\" + 0.009*\"europ\"\n", - "2019-01-31 01:25:28,494 : INFO : topic #45 (0.020): 0.041*\"arsen\" + 0.030*\"jpg\" + 0.028*\"fifteenth\" + 0.025*\"museo\" + 0.021*\"pain\" + 0.020*\"illicit\" + 0.015*\"exhaust\" + 0.015*\"artist\" + 0.015*\"colder\" + 0.014*\"gai\"\n", - "2019-01-31 01:25:28,495 : INFO : topic #21 (0.020): 0.035*\"samford\" + 0.022*\"spain\" + 0.017*\"del\" + 0.017*\"italian\" + 0.016*\"mexico\" + 0.013*\"soviet\" + 0.013*\"santa\" + 0.011*\"juan\" + 0.011*\"carlo\" + 0.010*\"francisco\"\n", - "2019-01-31 01:25:28,496 : INFO : topic #26 (0.020): 0.032*\"workplac\" + 0.029*\"champion\" + 0.027*\"woman\" + 0.025*\"olymp\" + 0.024*\"men\" + 0.021*\"medal\" + 0.019*\"event\" + 0.018*\"taxpay\" + 0.018*\"alic\" + 0.018*\"atheist\"\n", - "2019-01-31 01:25:28,497 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.022*\"cortic\" + 0.020*\"act\" + 0.019*\"start\" + 0.012*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.008*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 01:25:28,503 : INFO : topic diff=0.004118, rho=0.022283\n", - "2019-01-31 01:25:28,717 : INFO : PROGRESS: pass 0, at document #4030000/4922894\n", - "2019-01-31 01:25:30,100 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:25:30,367 : INFO : topic #37 (0.020): 0.013*\"charact\" + 0.013*\"septemb\" + 0.010*\"anim\" + 0.010*\"man\" + 0.010*\"comic\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.007*\"fusiform\" + 0.007*\"workplac\" + 0.006*\"vision\"\n", - "2019-01-31 01:25:30,368 : INFO : topic #2 (0.020): 0.050*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.014*\"blur\" + 0.013*\"pope\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.010*\"class\" + 0.009*\"fleet\"\n", - "2019-01-31 01:25:30,369 : INFO : topic #13 (0.020): 0.026*\"london\" + 0.026*\"australia\" + 0.026*\"sourc\" + 0.024*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.020*\"ireland\" + 0.020*\"british\" + 0.014*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 01:25:30,370 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.071*\"best\" + 0.034*\"yawn\" + 0.027*\"jacksonvil\" + 0.023*\"japanes\" + 0.022*\"noll\" + 0.019*\"festiv\" + 0.019*\"women\" + 0.016*\"intern\" + 0.014*\"winner\"\n", - "2019-01-31 01:25:30,371 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"armi\" + 0.022*\"aggress\" + 0.021*\"walter\" + 0.018*\"com\" + 0.014*\"unionist\" + 0.013*\"oper\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.012*\"refut\"\n", - "2019-01-31 01:25:30,377 : INFO : topic diff=0.003081, rho=0.022277\n", - "2019-01-31 01:25:30,529 : INFO : PROGRESS: pass 0, at document #4032000/4922894\n", - "2019-01-31 01:25:31,874 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:25:32,140 : INFO : topic #28 (0.020): 0.035*\"build\" + 0.028*\"hous\" + 0.018*\"buford\" + 0.015*\"histor\" + 0.012*\"linear\" + 0.011*\"constitut\" + 0.011*\"depress\" + 0.011*\"silicon\" + 0.010*\"pistol\" + 0.010*\"centuri\"\n", - "2019-01-31 01:25:32,141 : INFO : topic #39 (0.020): 0.058*\"canada\" + 0.046*\"canadian\" + 0.025*\"hoar\" + 0.023*\"toronto\" + 0.022*\"ontario\" + 0.017*\"new\" + 0.016*\"hydrogen\" + 0.015*\"quebec\" + 0.015*\"misericordia\" + 0.014*\"novotná\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:25:32,142 : INFO : topic #31 (0.020): 0.050*\"fusiform\" + 0.027*\"scientist\" + 0.026*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:25:32,143 : INFO : topic #9 (0.020): 0.074*\"bone\" + 0.043*\"american\" + 0.029*\"valour\" + 0.019*\"dutch\" + 0.018*\"player\" + 0.018*\"folei\" + 0.017*\"polit\" + 0.016*\"english\" + 0.012*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 01:25:32,144 : INFO : topic #33 (0.020): 0.059*\"french\" + 0.045*\"franc\" + 0.031*\"pari\" + 0.022*\"sail\" + 0.022*\"jean\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.012*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:25:32,150 : INFO : topic diff=0.003248, rho=0.022272\n", - "2019-01-31 01:25:32,301 : INFO : PROGRESS: pass 0, at document #4034000/4922894\n", - "2019-01-31 01:25:33,642 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:25:33,909 : INFO : topic #28 (0.020): 0.035*\"build\" + 0.028*\"hous\" + 0.018*\"buford\" + 0.015*\"histor\" + 0.012*\"linear\" + 0.012*\"constitut\" + 0.011*\"depress\" + 0.011*\"silicon\" + 0.010*\"pistol\" + 0.010*\"centuri\"\n", - "2019-01-31 01:25:33,910 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.014*\"depress\" + 0.014*\"pour\" + 0.008*\"mode\" + 0.008*\"elabor\" + 0.008*\"uruguayan\" + 0.007*\"veget\" + 0.006*\"turn\" + 0.006*\"produc\" + 0.006*\"develop\"\n", - "2019-01-31 01:25:33,911 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.010*\"aza\" + 0.009*\"forc\" + 0.009*\"battalion\" + 0.007*\"teufel\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.006*\"citi\" + 0.006*\"govern\" + 0.006*\"militari\"\n", - "2019-01-31 01:25:33,912 : INFO : topic #42 (0.020): 0.048*\"german\" + 0.032*\"germani\" + 0.016*\"vol\" + 0.015*\"jewish\" + 0.014*\"israel\" + 0.014*\"berlin\" + 0.013*\"der\" + 0.010*\"european\" + 0.009*\"austria\" + 0.009*\"europ\"\n", - "2019-01-31 01:25:33,913 : INFO : topic #10 (0.020): 0.010*\"cdd\" + 0.009*\"media\" + 0.008*\"hormon\" + 0.008*\"have\" + 0.008*\"disco\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"viru\"\n", - "2019-01-31 01:25:33,919 : INFO : topic diff=0.003288, rho=0.022266\n", - "2019-01-31 01:25:34,077 : INFO : PROGRESS: pass 0, at document #4036000/4922894\n", - "2019-01-31 01:25:35,465 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:25:35,731 : INFO : topic #26 (0.020): 0.032*\"workplac\" + 0.029*\"champion\" + 0.026*\"woman\" + 0.024*\"olymp\" + 0.023*\"men\" + 0.022*\"medal\" + 0.019*\"event\" + 0.018*\"taxpay\" + 0.018*\"atheist\" + 0.018*\"rainfal\"\n", - "2019-01-31 01:25:35,732 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.023*\"cortic\" + 0.020*\"act\" + 0.019*\"start\" + 0.012*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.009*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 01:25:35,733 : INFO : topic #27 (0.020): 0.074*\"questionnair\" + 0.020*\"candid\" + 0.017*\"taxpay\" + 0.013*\"tornado\" + 0.012*\"fool\" + 0.012*\"driver\" + 0.011*\"ret\" + 0.011*\"horac\" + 0.011*\"find\" + 0.010*\"théori\"\n", - "2019-01-31 01:25:35,734 : INFO : topic #2 (0.020): 0.050*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.014*\"blur\" + 0.013*\"pope\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.009*\"class\" + 0.009*\"fleet\"\n", - "2019-01-31 01:25:35,735 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.071*\"best\" + 0.034*\"yawn\" + 0.028*\"jacksonvil\" + 0.023*\"japanes\" + 0.022*\"noll\" + 0.019*\"women\" + 0.019*\"festiv\" + 0.016*\"intern\" + 0.014*\"winner\"\n", - "2019-01-31 01:25:35,741 : INFO : topic diff=0.003350, rho=0.022261\n", - "2019-01-31 01:25:35,895 : INFO : PROGRESS: pass 0, at document #4038000/4922894\n", - "2019-01-31 01:25:37,227 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:25:37,493 : INFO : topic #13 (0.020): 0.026*\"australia\" + 0.026*\"sourc\" + 0.026*\"london\" + 0.024*\"new\" + 0.023*\"england\" + 0.023*\"australian\" + 0.019*\"ireland\" + 0.019*\"british\" + 0.014*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 01:25:37,494 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.020*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.009*\"vocabulari\"\n", - "2019-01-31 01:25:37,495 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.032*\"incumb\" + 0.013*\"pakistan\" + 0.013*\"islam\" + 0.012*\"anglo\" + 0.012*\"televis\" + 0.011*\"khalsa\" + 0.011*\"muskoge\" + 0.010*\"sri\" + 0.010*\"affection\"\n", - "2019-01-31 01:25:37,496 : INFO : topic #34 (0.020): 0.067*\"start\" + 0.035*\"new\" + 0.032*\"american\" + 0.028*\"unionist\" + 0.025*\"cotton\" + 0.022*\"year\" + 0.016*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.011*\"citi\"\n", - "2019-01-31 01:25:37,497 : INFO : topic #10 (0.020): 0.010*\"cdd\" + 0.009*\"media\" + 0.008*\"hormon\" + 0.008*\"have\" + 0.008*\"disco\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 01:25:37,503 : INFO : topic diff=0.002925, rho=0.022255\n", - "2019-01-31 01:25:40,142 : INFO : -11.667 per-word bound, 3252.0 perplexity estimate based on a held-out corpus of 2000 documents with 556180 words\n", - "2019-01-31 01:25:40,143 : INFO : PROGRESS: pass 0, at document #4040000/4922894\n", - "2019-01-31 01:25:41,493 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:25:41,759 : INFO : topic #28 (0.020): 0.035*\"build\" + 0.028*\"hous\" + 0.018*\"buford\" + 0.015*\"histor\" + 0.012*\"linear\" + 0.011*\"constitut\" + 0.011*\"depress\" + 0.011*\"silicon\" + 0.010*\"pistol\" + 0.010*\"centuri\"\n", - "2019-01-31 01:25:41,760 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.006*\"poet\" + 0.006*\"exampl\" + 0.006*\"utopian\" + 0.006*\"southern\" + 0.006*\"théori\" + 0.006*\"servitud\" + 0.006*\"measur\"\n", - "2019-01-31 01:25:41,762 : INFO : topic #37 (0.020): 0.013*\"charact\" + 0.012*\"septemb\" + 0.011*\"anim\" + 0.010*\"comic\" + 0.010*\"man\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.007*\"fusiform\" + 0.007*\"workplac\" + 0.006*\"vision\"\n", - "2019-01-31 01:25:41,763 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.032*\"incumb\" + 0.013*\"pakistan\" + 0.013*\"islam\" + 0.012*\"anglo\" + 0.012*\"televis\" + 0.011*\"khalsa\" + 0.011*\"muskoge\" + 0.010*\"sri\" + 0.010*\"affection\"\n", - "2019-01-31 01:25:41,764 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"produc\" + 0.011*\"market\" + 0.010*\"bank\" + 0.010*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"serv\"\n", - "2019-01-31 01:25:41,770 : INFO : topic diff=0.003412, rho=0.022250\n", - "2019-01-31 01:25:41,925 : INFO : PROGRESS: pass 0, at document #4042000/4922894\n", - "2019-01-31 01:25:43,281 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:25:43,547 : INFO : topic #20 (0.020): 0.144*\"scholar\" + 0.041*\"struggl\" + 0.034*\"high\" + 0.030*\"educ\" + 0.025*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.009*\"task\" + 0.009*\"district\" + 0.009*\"gothic\"\n", - "2019-01-31 01:25:43,548 : INFO : topic #39 (0.020): 0.059*\"canada\" + 0.047*\"canadian\" + 0.025*\"hoar\" + 0.023*\"toronto\" + 0.022*\"ontario\" + 0.016*\"new\" + 0.016*\"hydrogen\" + 0.015*\"quebec\" + 0.015*\"misericordia\" + 0.013*\"novotná\"\n", - "2019-01-31 01:25:43,549 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.026*\"offic\" + 0.024*\"nation\" + 0.023*\"minist\" + 0.023*\"govern\" + 0.021*\"member\" + 0.019*\"serv\" + 0.016*\"start\" + 0.016*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:25:43,550 : INFO : topic #21 (0.020): 0.034*\"samford\" + 0.022*\"spain\" + 0.017*\"del\" + 0.017*\"italian\" + 0.016*\"mexico\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"carlo\" + 0.010*\"francisco\"\n", - "2019-01-31 01:25:43,551 : INFO : topic #9 (0.020): 0.073*\"bone\" + 0.043*\"american\" + 0.029*\"valour\" + 0.019*\"dutch\" + 0.018*\"player\" + 0.018*\"folei\" + 0.017*\"polit\" + 0.016*\"english\" + 0.012*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 01:25:43,557 : INFO : topic diff=0.003158, rho=0.022244\n", - "2019-01-31 01:25:43,720 : INFO : PROGRESS: pass 0, at document #4044000/4922894\n", - "2019-01-31 01:25:45,141 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:25:45,408 : INFO : topic #4 (0.020): 0.019*\"enfranchis\" + 0.014*\"depress\" + 0.014*\"pour\" + 0.008*\"mode\" + 0.008*\"elabor\" + 0.008*\"uruguayan\" + 0.007*\"veget\" + 0.006*\"turn\" + 0.006*\"develop\" + 0.006*\"produc\"\n", - "2019-01-31 01:25:45,409 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.021*\"armi\" + 0.021*\"walter\" + 0.018*\"com\" + 0.014*\"unionist\" + 0.013*\"oper\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.011*\"refut\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:25:45,410 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.035*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.024*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:25:45,411 : INFO : topic #17 (0.020): 0.076*\"church\" + 0.023*\"cathol\" + 0.022*\"christian\" + 0.021*\"bishop\" + 0.016*\"sail\" + 0.015*\"retroflex\" + 0.010*\"poll\" + 0.010*\"parish\" + 0.009*\"relationship\" + 0.009*\"historiographi\"\n", - "2019-01-31 01:25:45,412 : INFO : topic #31 (0.020): 0.050*\"fusiform\" + 0.027*\"scientist\" + 0.026*\"taxpay\" + 0.022*\"player\" + 0.019*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:25:45,418 : INFO : topic diff=0.004157, rho=0.022239\n", - "2019-01-31 01:25:45,580 : INFO : PROGRESS: pass 0, at document #4046000/4922894\n", - "2019-01-31 01:25:46,947 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:25:47,214 : INFO : topic #4 (0.020): 0.019*\"enfranchis\" + 0.014*\"depress\" + 0.014*\"pour\" + 0.008*\"mode\" + 0.008*\"elabor\" + 0.008*\"uruguayan\" + 0.007*\"veget\" + 0.006*\"develop\" + 0.006*\"turn\" + 0.006*\"produc\"\n", - "2019-01-31 01:25:47,215 : INFO : topic #2 (0.020): 0.050*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.013*\"blur\" + 0.013*\"pope\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.009*\"class\" + 0.009*\"fleet\"\n", - "2019-01-31 01:25:47,216 : INFO : topic #16 (0.020): 0.055*\"king\" + 0.031*\"priest\" + 0.021*\"grammat\" + 0.019*\"duke\" + 0.017*\"idiosyncrat\" + 0.016*\"rotterdam\" + 0.015*\"quarterli\" + 0.014*\"brazil\" + 0.013*\"kingdom\" + 0.013*\"portugues\"\n", - "2019-01-31 01:25:47,216 : INFO : topic #13 (0.020): 0.026*\"australia\" + 0.026*\"sourc\" + 0.026*\"london\" + 0.024*\"new\" + 0.023*\"england\" + 0.023*\"australian\" + 0.019*\"british\" + 0.019*\"ireland\" + 0.014*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 01:25:47,218 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.023*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.016*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"direct\" + 0.012*\"proclaim\" + 0.010*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:25:47,223 : INFO : topic diff=0.003119, rho=0.022233\n", - "2019-01-31 01:25:47,379 : INFO : PROGRESS: pass 0, at document #4048000/4922894\n", - "2019-01-31 01:25:48,749 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:25:49,015 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.023*\"schuster\" + 0.022*\"collector\" + 0.021*\"institut\" + 0.021*\"requir\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"http\" + 0.012*\"degre\" + 0.012*\"word\"\n", - "2019-01-31 01:25:49,017 : INFO : topic #28 (0.020): 0.035*\"build\" + 0.029*\"hous\" + 0.018*\"buford\" + 0.015*\"histor\" + 0.012*\"linear\" + 0.011*\"constitut\" + 0.011*\"depress\" + 0.011*\"silicon\" + 0.010*\"pistol\" + 0.010*\"centuri\"\n", - "2019-01-31 01:25:49,018 : INFO : topic #32 (0.020): 0.049*\"district\" + 0.045*\"popolo\" + 0.044*\"vigour\" + 0.035*\"tortur\" + 0.032*\"cotton\" + 0.025*\"multitud\" + 0.022*\"area\" + 0.021*\"adulthood\" + 0.019*\"cede\" + 0.018*\"citi\"\n", - "2019-01-31 01:25:49,019 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.010*\"aza\" + 0.009*\"forc\" + 0.009*\"battalion\" + 0.007*\"empath\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.007*\"citi\" + 0.006*\"militari\" + 0.006*\"govern\"\n", - "2019-01-31 01:25:49,020 : INFO : topic #31 (0.020): 0.050*\"fusiform\" + 0.027*\"scientist\" + 0.026*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:25:49,026 : INFO : topic diff=0.003227, rho=0.022228\n", - "2019-01-31 01:25:49,183 : INFO : PROGRESS: pass 0, at document #4050000/4922894\n", - "2019-01-31 01:25:50,540 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:25:50,807 : INFO : topic #17 (0.020): 0.076*\"church\" + 0.023*\"cathol\" + 0.022*\"christian\" + 0.020*\"bishop\" + 0.016*\"sail\" + 0.015*\"retroflex\" + 0.010*\"parish\" + 0.010*\"relationship\" + 0.009*\"poll\" + 0.009*\"historiographi\"\n", - "2019-01-31 01:25:50,808 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.020*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.009*\"vocabulari\"\n", - "2019-01-31 01:25:50,809 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.009*\"media\" + 0.008*\"hormon\" + 0.008*\"have\" + 0.008*\"disco\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 01:25:50,810 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.023*\"palmer\" + 0.021*\"new\" + 0.016*\"strategist\" + 0.013*\"center\" + 0.013*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:25:50,811 : INFO : topic #27 (0.020): 0.074*\"questionnair\" + 0.020*\"candid\" + 0.017*\"taxpay\" + 0.013*\"driver\" + 0.013*\"tornado\" + 0.012*\"fool\" + 0.011*\"horac\" + 0.011*\"ret\" + 0.011*\"find\" + 0.010*\"théori\"\n", - "2019-01-31 01:25:50,817 : INFO : topic diff=0.003542, rho=0.022222\n", - "2019-01-31 01:25:50,974 : INFO : PROGRESS: pass 0, at document #4052000/4922894\n", - "2019-01-31 01:25:52,330 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:25:52,597 : INFO : topic #45 (0.020): 0.041*\"arsen\" + 0.030*\"jpg\" + 0.028*\"fifteenth\" + 0.025*\"museo\" + 0.021*\"pain\" + 0.021*\"illicit\" + 0.016*\"exhaust\" + 0.015*\"artist\" + 0.015*\"gai\" + 0.014*\"colder\"\n", - "2019-01-31 01:25:52,598 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.020*\"factor\" + 0.012*\"plaisir\" + 0.010*\"genu\" + 0.010*\"western\" + 0.009*\"biom\" + 0.008*\"median\" + 0.007*\"incom\" + 0.007*\"trap\" + 0.006*\"florida\"\n", - "2019-01-31 01:25:52,599 : INFO : topic #25 (0.020): 0.033*\"ring\" + 0.018*\"area\" + 0.017*\"lagrang\" + 0.016*\"mount\" + 0.016*\"warmth\" + 0.010*\"north\" + 0.009*\"land\" + 0.009*\"sourc\" + 0.009*\"palmer\" + 0.008*\"vacant\"\n", - "2019-01-31 01:25:52,601 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.020*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.009*\"vocabulari\"\n", - "2019-01-31 01:25:52,602 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.023*\"palmer\" + 0.021*\"new\" + 0.016*\"strategist\" + 0.013*\"center\" + 0.013*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.008*\"highli\"\n", - "2019-01-31 01:25:52,608 : INFO : topic diff=0.003277, rho=0.022217\n", - "2019-01-31 01:25:52,763 : INFO : PROGRESS: pass 0, at document #4054000/4922894\n", - "2019-01-31 01:25:54,130 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:25:54,396 : INFO : topic #25 (0.020): 0.033*\"ring\" + 0.018*\"area\" + 0.017*\"lagrang\" + 0.016*\"mount\" + 0.016*\"warmth\" + 0.010*\"north\" + 0.009*\"sourc\" + 0.009*\"land\" + 0.009*\"palmer\" + 0.008*\"foam\"\n", - "2019-01-31 01:25:54,398 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.016*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.007*\"ancestor\"\n", - "2019-01-31 01:25:54,399 : INFO : topic #39 (0.020): 0.059*\"canada\" + 0.047*\"canadian\" + 0.024*\"hoar\" + 0.023*\"toronto\" + 0.022*\"ontario\" + 0.016*\"new\" + 0.016*\"hydrogen\" + 0.015*\"quebec\" + 0.014*\"misericordia\" + 0.014*\"novotná\"\n", - "2019-01-31 01:25:54,400 : INFO : topic #23 (0.020): 0.137*\"audit\" + 0.071*\"best\" + 0.034*\"yawn\" + 0.027*\"jacksonvil\" + 0.023*\"japanes\" + 0.023*\"noll\" + 0.019*\"women\" + 0.019*\"festiv\" + 0.017*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 01:25:54,401 : INFO : topic #47 (0.020): 0.061*\"muscl\" + 0.032*\"perceptu\" + 0.020*\"theater\" + 0.018*\"place\" + 0.017*\"compos\" + 0.015*\"damn\" + 0.014*\"physician\" + 0.013*\"orchestr\" + 0.013*\"olympo\" + 0.011*\"word\"\n", - "2019-01-31 01:25:54,407 : INFO : topic diff=0.003286, rho=0.022211\n", - "2019-01-31 01:25:54,564 : INFO : PROGRESS: pass 0, at document #4056000/4922894\n", - "2019-01-31 01:25:55,921 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:25:56,187 : INFO : topic #27 (0.020): 0.074*\"questionnair\" + 0.020*\"candid\" + 0.017*\"taxpay\" + 0.013*\"tornado\" + 0.013*\"driver\" + 0.012*\"fool\" + 0.011*\"horac\" + 0.011*\"ret\" + 0.011*\"find\" + 0.010*\"théori\"\n", - "2019-01-31 01:25:56,188 : INFO : topic #16 (0.020): 0.054*\"king\" + 0.030*\"priest\" + 0.021*\"grammat\" + 0.019*\"duke\" + 0.017*\"idiosyncrat\" + 0.016*\"rotterdam\" + 0.015*\"quarterli\" + 0.014*\"brazil\" + 0.013*\"kingdom\" + 0.013*\"portugues\"\n", - "2019-01-31 01:25:56,189 : INFO : topic #39 (0.020): 0.059*\"canada\" + 0.046*\"canadian\" + 0.024*\"hoar\" + 0.023*\"toronto\" + 0.022*\"ontario\" + 0.016*\"new\" + 0.016*\"hydrogen\" + 0.015*\"quebec\" + 0.014*\"misericordia\" + 0.014*\"novotná\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:25:56,190 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.023*\"palmer\" + 0.021*\"new\" + 0.016*\"strategist\" + 0.013*\"center\" + 0.013*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.008*\"highli\"\n", - "2019-01-31 01:25:56,191 : INFO : topic #48 (0.020): 0.081*\"march\" + 0.079*\"sens\" + 0.079*\"octob\" + 0.072*\"juli\" + 0.071*\"august\" + 0.070*\"januari\" + 0.069*\"notion\" + 0.068*\"april\" + 0.067*\"judici\" + 0.065*\"decatur\"\n", - "2019-01-31 01:25:56,197 : INFO : topic diff=0.002664, rho=0.022206\n", - "2019-01-31 01:25:56,356 : INFO : PROGRESS: pass 0, at document #4058000/4922894\n", - "2019-01-31 01:25:57,775 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:25:58,041 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.006*\"gener\" + 0.006*\"exampl\" + 0.006*\"poet\" + 0.006*\"southern\" + 0.006*\"utopian\" + 0.006*\"théori\" + 0.006*\"measur\" + 0.006*\"servitud\"\n", - "2019-01-31 01:25:58,042 : INFO : topic #26 (0.020): 0.032*\"workplac\" + 0.029*\"champion\" + 0.026*\"woman\" + 0.024*\"olymp\" + 0.023*\"men\" + 0.022*\"medal\" + 0.020*\"event\" + 0.018*\"rainfal\" + 0.018*\"taxpay\" + 0.018*\"atheist\"\n", - "2019-01-31 01:25:58,044 : INFO : topic #14 (0.020): 0.025*\"forc\" + 0.022*\"aggress\" + 0.021*\"armi\" + 0.021*\"walter\" + 0.018*\"com\" + 0.014*\"unionist\" + 0.013*\"oper\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.011*\"refut\"\n", - "2019-01-31 01:25:58,045 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"deal\" + 0.012*\"daughter\"\n", - "2019-01-31 01:25:58,046 : INFO : topic #34 (0.020): 0.067*\"start\" + 0.035*\"new\" + 0.032*\"american\" + 0.029*\"unionist\" + 0.025*\"cotton\" + 0.023*\"year\" + 0.016*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.011*\"citi\"\n", - "2019-01-31 01:25:58,051 : INFO : topic diff=0.002453, rho=0.022200\n", - "2019-01-31 01:26:00,758 : INFO : -11.755 per-word bound, 3456.8 perplexity estimate based on a held-out corpus of 2000 documents with 580737 words\n", - "2019-01-31 01:26:00,758 : INFO : PROGRESS: pass 0, at document #4060000/4922894\n", - "2019-01-31 01:26:02,143 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:26:02,409 : INFO : topic #40 (0.020): 0.086*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.022*\"collector\" + 0.021*\"requir\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"http\" + 0.012*\"degre\" + 0.012*\"word\"\n", - "2019-01-31 01:26:02,410 : INFO : topic #9 (0.020): 0.073*\"bone\" + 0.042*\"american\" + 0.030*\"valour\" + 0.019*\"dutch\" + 0.018*\"player\" + 0.018*\"folei\" + 0.017*\"polit\" + 0.017*\"english\" + 0.012*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 01:26:02,411 : INFO : topic #34 (0.020): 0.067*\"start\" + 0.036*\"new\" + 0.032*\"american\" + 0.029*\"unionist\" + 0.025*\"cotton\" + 0.023*\"year\" + 0.016*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.011*\"citi\"\n", - "2019-01-31 01:26:02,412 : INFO : topic #21 (0.020): 0.035*\"samford\" + 0.021*\"spain\" + 0.018*\"del\" + 0.017*\"italian\" + 0.016*\"mexico\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.010*\"carlo\" + 0.010*\"lizard\"\n", - "2019-01-31 01:26:02,413 : INFO : topic #36 (0.020): 0.012*\"network\" + 0.011*\"prognosi\" + 0.010*\"pop\" + 0.009*\"cytokin\" + 0.008*\"softwar\" + 0.008*\"develop\" + 0.008*\"championship\" + 0.008*\"uruguayan\" + 0.008*\"user\" + 0.008*\"diggin\"\n", - "2019-01-31 01:26:02,419 : INFO : topic diff=0.003339, rho=0.022195\n", - "2019-01-31 01:26:02,629 : INFO : PROGRESS: pass 0, at document #4062000/4922894\n", - "2019-01-31 01:26:03,994 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:26:04,261 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.009*\"myspac\"\n", - "2019-01-31 01:26:04,262 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.047*\"chilton\" + 0.024*\"hong\" + 0.023*\"kong\" + 0.020*\"korea\" + 0.016*\"korean\" + 0.016*\"leah\" + 0.015*\"sourc\" + 0.015*\"kim\" + 0.014*\"shirin\"\n", - "2019-01-31 01:26:04,263 : INFO : topic #31 (0.020): 0.051*\"fusiform\" + 0.027*\"scientist\" + 0.026*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:26:04,264 : INFO : topic #49 (0.020): 0.045*\"india\" + 0.032*\"incumb\" + 0.014*\"pakistan\" + 0.012*\"islam\" + 0.011*\"khalsa\" + 0.011*\"televis\" + 0.011*\"anglo\" + 0.011*\"muskoge\" + 0.010*\"affection\" + 0.010*\"sri\"\n", - "2019-01-31 01:26:04,265 : INFO : topic #26 (0.020): 0.032*\"workplac\" + 0.029*\"champion\" + 0.026*\"woman\" + 0.024*\"olymp\" + 0.023*\"men\" + 0.022*\"medal\" + 0.019*\"event\" + 0.019*\"atheist\" + 0.018*\"taxpay\" + 0.018*\"rainfal\"\n", - "2019-01-31 01:26:04,271 : INFO : topic diff=0.003126, rho=0.022189\n", - "2019-01-31 01:26:04,425 : INFO : PROGRESS: pass 0, at document #4064000/4922894\n", - "2019-01-31 01:26:05,763 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:26:06,030 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.035*\"publicis\" + 0.027*\"word\" + 0.019*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.012*\"magazin\" + 0.011*\"worldwid\" + 0.011*\"storag\" + 0.011*\"author\"\n", - "2019-01-31 01:26:06,031 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"deal\" + 0.012*\"daughter\"\n", - "2019-01-31 01:26:06,032 : INFO : topic #33 (0.020): 0.058*\"french\" + 0.044*\"franc\" + 0.030*\"pari\" + 0.022*\"sail\" + 0.022*\"jean\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 01:26:06,033 : INFO : topic #45 (0.020): 0.041*\"arsen\" + 0.030*\"jpg\" + 0.028*\"fifteenth\" + 0.025*\"museo\" + 0.022*\"pain\" + 0.021*\"illicit\" + 0.016*\"exhaust\" + 0.015*\"artist\" + 0.015*\"gai\" + 0.014*\"colder\"\n", - "2019-01-31 01:26:06,034 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.023*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"direct\" + 0.011*\"proclaim\" + 0.011*\"acrimoni\" + 0.010*\"movi\"\n", - "2019-01-31 01:26:06,040 : INFO : topic diff=0.003055, rho=0.022184\n", - "2019-01-31 01:26:06,210 : INFO : PROGRESS: pass 0, at document #4066000/4922894\n", - "2019-01-31 01:26:07,574 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:26:07,841 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.021*\"walter\" + 0.021*\"armi\" + 0.018*\"com\" + 0.014*\"unionist\" + 0.013*\"oper\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:26:07,842 : INFO : topic #0 (0.020): 0.064*\"statewid\" + 0.039*\"line\" + 0.031*\"raid\" + 0.029*\"rivièr\" + 0.028*\"rosenwald\" + 0.021*\"airmen\" + 0.018*\"serv\" + 0.017*\"traceabl\" + 0.014*\"oper\" + 0.011*\"transient\"\n", - "2019-01-31 01:26:07,843 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.016*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.007*\"ancestor\"\n", - "2019-01-31 01:26:07,844 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.023*\"palmer\" + 0.021*\"new\" + 0.016*\"strategist\" + 0.013*\"center\" + 0.013*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.008*\"highli\"\n", - "2019-01-31 01:26:07,845 : INFO : topic #47 (0.020): 0.061*\"muscl\" + 0.033*\"perceptu\" + 0.019*\"theater\" + 0.018*\"place\" + 0.017*\"compos\" + 0.015*\"damn\" + 0.013*\"physician\" + 0.013*\"olympo\" + 0.013*\"orchestr\" + 0.012*\"word\"\n", - "2019-01-31 01:26:07,851 : INFO : topic diff=0.003010, rho=0.022178\n", - "2019-01-31 01:26:08,009 : INFO : PROGRESS: pass 0, at document #4068000/4922894\n", - "2019-01-31 01:26:09,393 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:26:09,660 : INFO : topic #33 (0.020): 0.058*\"french\" + 0.044*\"franc\" + 0.031*\"pari\" + 0.022*\"jean\" + 0.022*\"sail\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:26:09,661 : INFO : topic #0 (0.020): 0.064*\"statewid\" + 0.039*\"line\" + 0.031*\"raid\" + 0.029*\"rivièr\" + 0.029*\"rosenwald\" + 0.021*\"airmen\" + 0.019*\"serv\" + 0.017*\"traceabl\" + 0.014*\"oper\" + 0.011*\"transient\"\n", - "2019-01-31 01:26:09,662 : INFO : topic #37 (0.020): 0.013*\"charact\" + 0.012*\"septemb\" + 0.010*\"anim\" + 0.010*\"man\" + 0.010*\"comic\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.007*\"fusiform\" + 0.007*\"workplac\" + 0.006*\"vision\"\n", - "2019-01-31 01:26:09,663 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.010*\"aza\" + 0.009*\"forc\" + 0.009*\"battalion\" + 0.007*\"empath\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.007*\"citi\" + 0.006*\"militari\" + 0.006*\"govern\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:26:09,664 : INFO : topic #28 (0.020): 0.035*\"build\" + 0.028*\"hous\" + 0.018*\"buford\" + 0.015*\"histor\" + 0.012*\"linear\" + 0.011*\"constitut\" + 0.011*\"depress\" + 0.011*\"silicon\" + 0.010*\"pistol\" + 0.010*\"centuri\"\n", - "2019-01-31 01:26:09,670 : INFO : topic diff=0.003459, rho=0.022173\n", - "2019-01-31 01:26:09,831 : INFO : PROGRESS: pass 0, at document #4070000/4922894\n", - "2019-01-31 01:26:11,220 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:26:11,487 : INFO : topic #37 (0.020): 0.013*\"charact\" + 0.012*\"septemb\" + 0.010*\"anim\" + 0.010*\"man\" + 0.010*\"comic\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.007*\"fusiform\" + 0.007*\"workplac\" + 0.006*\"vision\"\n", - "2019-01-31 01:26:11,488 : INFO : topic #9 (0.020): 0.073*\"bone\" + 0.041*\"american\" + 0.031*\"valour\" + 0.018*\"dutch\" + 0.018*\"player\" + 0.017*\"folei\" + 0.016*\"polit\" + 0.016*\"english\" + 0.014*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:26:11,489 : INFO : topic #20 (0.020): 0.143*\"scholar\" + 0.041*\"struggl\" + 0.035*\"high\" + 0.030*\"educ\" + 0.024*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.009*\"task\" + 0.009*\"start\"\n", - "2019-01-31 01:26:11,490 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.027*\"final\" + 0.022*\"wife\" + 0.021*\"tourist\" + 0.019*\"champion\" + 0.015*\"chamber\" + 0.014*\"taxpay\" + 0.014*\"tiepolo\" + 0.014*\"martin\" + 0.013*\"open\"\n", - "2019-01-31 01:26:11,491 : INFO : topic #16 (0.020): 0.054*\"king\" + 0.031*\"priest\" + 0.020*\"grammat\" + 0.019*\"duke\" + 0.017*\"idiosyncrat\" + 0.016*\"rotterdam\" + 0.015*\"quarterli\" + 0.013*\"kingdom\" + 0.013*\"brazil\" + 0.012*\"portugues\"\n", - "2019-01-31 01:26:11,497 : INFO : topic diff=0.004236, rho=0.022168\n", - "2019-01-31 01:26:11,656 : INFO : PROGRESS: pass 0, at document #4072000/4922894\n", - "2019-01-31 01:26:13,017 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:26:13,283 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.009*\"media\" + 0.008*\"hormon\" + 0.008*\"disco\" + 0.008*\"have\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"effect\" + 0.006*\"proper\" + 0.006*\"treat\"\n", - "2019-01-31 01:26:13,284 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.006*\"utopian\" + 0.006*\"gener\" + 0.006*\"exampl\" + 0.006*\"poet\" + 0.006*\"southern\" + 0.006*\"théori\" + 0.006*\"measur\" + 0.006*\"servitud\"\n", - "2019-01-31 01:26:13,286 : INFO : topic #20 (0.020): 0.143*\"scholar\" + 0.041*\"struggl\" + 0.034*\"high\" + 0.030*\"educ\" + 0.025*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"task\" + 0.009*\"district\" + 0.009*\"start\"\n", - "2019-01-31 01:26:13,286 : INFO : topic #48 (0.020): 0.079*\"march\" + 0.079*\"sens\" + 0.077*\"octob\" + 0.071*\"juli\" + 0.070*\"august\" + 0.070*\"januari\" + 0.068*\"notion\" + 0.067*\"judici\" + 0.067*\"april\" + 0.064*\"decatur\"\n", - "2019-01-31 01:26:13,287 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.032*\"incumb\" + 0.014*\"pakistan\" + 0.012*\"islam\" + 0.011*\"televis\" + 0.011*\"khalsa\" + 0.011*\"anglo\" + 0.011*\"muskoge\" + 0.010*\"affection\" + 0.010*\"sri\"\n", - "2019-01-31 01:26:13,293 : INFO : topic diff=0.002984, rho=0.022162\n", - "2019-01-31 01:26:13,453 : INFO : PROGRESS: pass 0, at document #4074000/4922894\n", - "2019-01-31 01:26:14,881 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:26:15,149 : INFO : topic #28 (0.020): 0.035*\"build\" + 0.028*\"hous\" + 0.018*\"buford\" + 0.015*\"histor\" + 0.012*\"linear\" + 0.011*\"constitut\" + 0.011*\"depress\" + 0.010*\"silicon\" + 0.010*\"centuri\" + 0.010*\"pistol\"\n", - "2019-01-31 01:26:15,149 : INFO : topic #16 (0.020): 0.054*\"king\" + 0.031*\"priest\" + 0.020*\"grammat\" + 0.019*\"duke\" + 0.017*\"idiosyncrat\" + 0.016*\"rotterdam\" + 0.016*\"quarterli\" + 0.013*\"order\" + 0.013*\"kingdom\" + 0.013*\"brazil\"\n", - "2019-01-31 01:26:15,151 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.009*\"media\" + 0.008*\"hormon\" + 0.008*\"disco\" + 0.008*\"have\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"effect\" + 0.006*\"proper\" + 0.006*\"treat\"\n", - "2019-01-31 01:26:15,152 : INFO : topic #45 (0.020): 0.042*\"arsen\" + 0.029*\"jpg\" + 0.027*\"fifteenth\" + 0.026*\"museo\" + 0.022*\"pain\" + 0.021*\"illicit\" + 0.016*\"artist\" + 0.016*\"exhaust\" + 0.015*\"gai\" + 0.014*\"colder\"\n", - "2019-01-31 01:26:15,153 : INFO : topic #9 (0.020): 0.073*\"bone\" + 0.041*\"american\" + 0.031*\"valour\" + 0.018*\"dutch\" + 0.018*\"player\" + 0.017*\"folei\" + 0.016*\"polit\" + 0.016*\"english\" + 0.014*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:26:15,159 : INFO : topic diff=0.002967, rho=0.022157\n", - "2019-01-31 01:26:15,315 : INFO : PROGRESS: pass 0, at document #4076000/4922894\n", - "2019-01-31 01:26:16,675 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:26:16,942 : INFO : topic #35 (0.020): 0.054*\"russia\" + 0.034*\"sovereignti\" + 0.034*\"rural\" + 0.027*\"poison\" + 0.025*\"personifi\" + 0.023*\"reprint\" + 0.021*\"moscow\" + 0.019*\"poland\" + 0.015*\"malaysia\" + 0.014*\"czech\"\n", - "2019-01-31 01:26:16,943 : INFO : topic #48 (0.020): 0.078*\"octob\" + 0.077*\"march\" + 0.077*\"sens\" + 0.068*\"juli\" + 0.068*\"januari\" + 0.068*\"august\" + 0.066*\"notion\" + 0.065*\"april\" + 0.065*\"judici\" + 0.063*\"decatur\"\n", - "2019-01-31 01:26:16,944 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.033*\"perceptu\" + 0.019*\"theater\" + 0.017*\"place\" + 0.017*\"compos\" + 0.015*\"damn\" + 0.013*\"physician\" + 0.013*\"olympo\" + 0.013*\"orchestr\" + 0.011*\"word\"\n", - "2019-01-31 01:26:16,945 : INFO : topic #33 (0.020): 0.059*\"french\" + 0.045*\"franc\" + 0.031*\"pari\" + 0.022*\"jean\" + 0.021*\"sail\" + 0.018*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.012*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:26:16,946 : INFO : topic #39 (0.020): 0.059*\"canada\" + 0.046*\"canadian\" + 0.024*\"hoar\" + 0.023*\"toronto\" + 0.021*\"ontario\" + 0.016*\"new\" + 0.015*\"hydrogen\" + 0.015*\"misericordia\" + 0.015*\"quebec\" + 0.014*\"novotná\"\n", - "2019-01-31 01:26:16,952 : INFO : topic diff=0.004049, rho=0.022151\n", - "2019-01-31 01:26:17,106 : INFO : PROGRESS: pass 0, at document #4078000/4922894\n", - "2019-01-31 01:26:18,452 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:26:18,719 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.035*\"publicis\" + 0.026*\"word\" + 0.019*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.011*\"worldwid\" + 0.011*\"magazin\" + 0.011*\"nicola\" + 0.011*\"storag\"\n", - "2019-01-31 01:26:18,719 : INFO : topic #48 (0.020): 0.077*\"march\" + 0.077*\"octob\" + 0.077*\"sens\" + 0.068*\"juli\" + 0.068*\"august\" + 0.068*\"januari\" + 0.066*\"notion\" + 0.065*\"april\" + 0.064*\"judici\" + 0.062*\"decatur\"\n", - "2019-01-31 01:26:18,721 : INFO : topic #2 (0.020): 0.050*\"isl\" + 0.039*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.013*\"blur\" + 0.012*\"pope\" + 0.012*\"nativist\" + 0.010*\"coalit\" + 0.009*\"class\" + 0.009*\"fleet\"\n", - "2019-01-31 01:26:18,722 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.023*\"palmer\" + 0.021*\"new\" + 0.016*\"strategist\" + 0.013*\"center\" + 0.013*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:26:18,723 : INFO : topic #49 (0.020): 0.045*\"india\" + 0.033*\"incumb\" + 0.014*\"pakistan\" + 0.012*\"islam\" + 0.011*\"televis\" + 0.011*\"khalsa\" + 0.011*\"muskoge\" + 0.011*\"anglo\" + 0.010*\"affection\" + 0.010*\"sri\"\n", - "2019-01-31 01:26:18,729 : INFO : topic diff=0.003817, rho=0.022146\n", - "2019-01-31 01:26:21,367 : INFO : -11.815 per-word bound, 3603.7 perplexity estimate based on a held-out corpus of 2000 documents with 532709 words\n", - "2019-01-31 01:26:21,368 : INFO : PROGRESS: pass 0, at document #4080000/4922894\n", - "2019-01-31 01:26:22,830 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:26:23,097 : INFO : topic #27 (0.020): 0.074*\"questionnair\" + 0.021*\"candid\" + 0.017*\"taxpay\" + 0.013*\"tornado\" + 0.012*\"driver\" + 0.012*\"fool\" + 0.011*\"horac\" + 0.011*\"find\" + 0.010*\"ret\" + 0.010*\"théori\"\n", - "2019-01-31 01:26:23,098 : INFO : topic #22 (0.020): 0.035*\"spars\" + 0.019*\"factor\" + 0.012*\"plaisir\" + 0.011*\"genu\" + 0.010*\"western\" + 0.008*\"biom\" + 0.008*\"median\" + 0.007*\"incom\" + 0.006*\"florida\" + 0.006*\"trap\"\n", - "2019-01-31 01:26:23,099 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.023*\"palmer\" + 0.021*\"new\" + 0.017*\"strategist\" + 0.013*\"center\" + 0.013*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:26:23,101 : INFO : topic #34 (0.020): 0.067*\"start\" + 0.036*\"new\" + 0.032*\"american\" + 0.029*\"unionist\" + 0.025*\"cotton\" + 0.023*\"year\" + 0.016*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.011*\"citi\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:26:23,102 : INFO : topic #35 (0.020): 0.055*\"russia\" + 0.034*\"rural\" + 0.034*\"sovereignti\" + 0.027*\"poison\" + 0.026*\"personifi\" + 0.023*\"reprint\" + 0.021*\"moscow\" + 0.019*\"poland\" + 0.015*\"malaysia\" + 0.014*\"czech\"\n", - "2019-01-31 01:26:23,108 : INFO : topic diff=0.003375, rho=0.022140\n", - "2019-01-31 01:26:23,265 : INFO : PROGRESS: pass 0, at document #4082000/4922894\n", - "2019-01-31 01:26:24,630 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:26:24,896 : INFO : topic #16 (0.020): 0.055*\"king\" + 0.031*\"priest\" + 0.020*\"grammat\" + 0.019*\"duke\" + 0.017*\"idiosyncrat\" + 0.016*\"rotterdam\" + 0.016*\"quarterli\" + 0.013*\"kingdom\" + 0.013*\"order\" + 0.013*\"brazil\"\n", - "2019-01-31 01:26:24,897 : INFO : topic #23 (0.020): 0.138*\"audit\" + 0.073*\"best\" + 0.033*\"yawn\" + 0.026*\"jacksonvil\" + 0.022*\"noll\" + 0.022*\"japanes\" + 0.019*\"women\" + 0.019*\"festiv\" + 0.016*\"intern\" + 0.015*\"prison\"\n", - "2019-01-31 01:26:24,899 : INFO : topic #33 (0.020): 0.058*\"french\" + 0.045*\"franc\" + 0.031*\"pari\" + 0.022*\"jean\" + 0.022*\"sail\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.013*\"loui\" + 0.011*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:26:24,900 : INFO : topic #3 (0.020): 0.032*\"present\" + 0.026*\"offic\" + 0.024*\"nation\" + 0.023*\"minist\" + 0.022*\"govern\" + 0.020*\"member\" + 0.018*\"serv\" + 0.016*\"start\" + 0.015*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:26:24,901 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"margin\" + 0.016*\"yawn\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.012*\"life\" + 0.012*\"daughter\" + 0.012*\"deal\"\n", - "2019-01-31 01:26:24,907 : INFO : topic diff=0.003500, rho=0.022135\n", - "2019-01-31 01:26:25,069 : INFO : PROGRESS: pass 0, at document #4084000/4922894\n", - "2019-01-31 01:26:26,492 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:26:26,759 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.022*\"cortic\" + 0.022*\"act\" + 0.019*\"start\" + 0.012*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.008*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 01:26:26,760 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"word\" + 0.008*\"group\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.007*\"woman\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:26:26,761 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.036*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.024*\"crete\" + 0.022*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:26:26,762 : INFO : topic #34 (0.020): 0.066*\"start\" + 0.035*\"new\" + 0.032*\"american\" + 0.028*\"unionist\" + 0.025*\"cotton\" + 0.023*\"year\" + 0.016*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.011*\"citi\"\n", - "2019-01-31 01:26:26,764 : INFO : topic #21 (0.020): 0.034*\"samford\" + 0.021*\"spain\" + 0.018*\"del\" + 0.016*\"mexico\" + 0.016*\"italian\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.010*\"carlo\" + 0.010*\"lizard\"\n", - "2019-01-31 01:26:26,769 : INFO : topic diff=0.004004, rho=0.022130\n", - "2019-01-31 01:26:26,927 : INFO : PROGRESS: pass 0, at document #4086000/4922894\n", - "2019-01-31 01:26:28,299 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:26:28,566 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.054*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.014*\"bypass\" + 0.014*\"seaport\" + 0.013*\"liber\"\n", - "2019-01-31 01:26:28,567 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.035*\"publicis\" + 0.027*\"word\" + 0.019*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.011*\"magazin\" + 0.011*\"worldwid\" + 0.011*\"nicola\" + 0.011*\"author\"\n", - "2019-01-31 01:26:28,568 : INFO : topic #21 (0.020): 0.034*\"samford\" + 0.021*\"spain\" + 0.018*\"del\" + 0.016*\"italian\" + 0.016*\"mexico\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.010*\"carlo\" + 0.010*\"lizard\"\n", - "2019-01-31 01:26:28,569 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.046*\"chilton\" + 0.024*\"hong\" + 0.023*\"kong\" + 0.020*\"korea\" + 0.017*\"leah\" + 0.016*\"korean\" + 0.015*\"sourc\" + 0.014*\"kim\" + 0.014*\"shirin\"\n", - "2019-01-31 01:26:28,570 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.032*\"germani\" + 0.016*\"vol\" + 0.015*\"jewish\" + 0.014*\"berlin\" + 0.013*\"der\" + 0.013*\"israel\" + 0.010*\"european\" + 0.009*\"austria\" + 0.008*\"europ\"\n", - "2019-01-31 01:26:28,576 : INFO : topic diff=0.003410, rho=0.022124\n", - "2019-01-31 01:26:28,727 : INFO : PROGRESS: pass 0, at document #4088000/4922894\n", - "2019-01-31 01:26:30,080 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:26:30,347 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"produc\" + 0.011*\"market\" + 0.011*\"bank\" + 0.010*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"serv\"\n", - "2019-01-31 01:26:30,348 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 01:26:30,349 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.006*\"utopian\" + 0.006*\"gener\" + 0.006*\"exampl\" + 0.006*\"measur\" + 0.006*\"southern\" + 0.006*\"poet\" + 0.006*\"théori\" + 0.005*\"servitud\"\n", - "2019-01-31 01:26:30,350 : INFO : topic #32 (0.020): 0.049*\"district\" + 0.045*\"popolo\" + 0.043*\"vigour\" + 0.035*\"tortur\" + 0.034*\"cotton\" + 0.024*\"multitud\" + 0.022*\"adulthood\" + 0.021*\"area\" + 0.019*\"cede\" + 0.018*\"citi\"\n", - "2019-01-31 01:26:30,351 : INFO : topic #23 (0.020): 0.139*\"audit\" + 0.073*\"best\" + 0.033*\"yawn\" + 0.026*\"jacksonvil\" + 0.022*\"noll\" + 0.022*\"japanes\" + 0.019*\"women\" + 0.019*\"festiv\" + 0.016*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 01:26:30,357 : INFO : topic diff=0.003410, rho=0.022119\n", - "2019-01-31 01:26:30,513 : INFO : PROGRESS: pass 0, at document #4090000/4922894\n", - "2019-01-31 01:26:31,876 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:26:32,143 : INFO : topic #28 (0.020): 0.035*\"build\" + 0.029*\"hous\" + 0.018*\"buford\" + 0.014*\"histor\" + 0.012*\"linear\" + 0.011*\"constitut\" + 0.011*\"depress\" + 0.010*\"silicon\" + 0.010*\"centuri\" + 0.010*\"pistol\"\n", - "2019-01-31 01:26:32,144 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.009*\"media\" + 0.008*\"hormon\" + 0.008*\"disco\" + 0.008*\"have\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"effect\" + 0.006*\"proper\" + 0.006*\"treat\"\n", - "2019-01-31 01:26:32,145 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.027*\"final\" + 0.023*\"wife\" + 0.022*\"tourist\" + 0.019*\"champion\" + 0.015*\"chamber\" + 0.015*\"taxpay\" + 0.014*\"tiepolo\" + 0.013*\"open\" + 0.013*\"martin\"\n", - "2019-01-31 01:26:32,146 : INFO : topic #9 (0.020): 0.071*\"bone\" + 0.042*\"american\" + 0.033*\"valour\" + 0.019*\"dutch\" + 0.018*\"player\" + 0.017*\"polit\" + 0.017*\"english\" + 0.017*\"folei\" + 0.013*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:26:32,148 : INFO : topic #46 (0.020): 0.017*\"stop\" + 0.016*\"wind\" + 0.016*\"sweden\" + 0.015*\"swedish\" + 0.015*\"norwai\" + 0.014*\"norwegian\" + 0.013*\"damag\" + 0.013*\"treeless\" + 0.011*\"huntsvil\" + 0.010*\"denmark\"\n", - "2019-01-31 01:26:32,154 : INFO : topic diff=0.003523, rho=0.022113\n", - "2019-01-31 01:26:32,316 : INFO : PROGRESS: pass 0, at document #4092000/4922894\n", - "2019-01-31 01:26:33,704 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:26:33,971 : INFO : topic #46 (0.020): 0.017*\"stop\" + 0.016*\"wind\" + 0.016*\"sweden\" + 0.015*\"swedish\" + 0.014*\"norwai\" + 0.014*\"norwegian\" + 0.013*\"treeless\" + 0.013*\"damag\" + 0.011*\"huntsvil\" + 0.010*\"denmark\"\n", - "2019-01-31 01:26:33,972 : INFO : topic #36 (0.020): 0.012*\"network\" + 0.011*\"prognosi\" + 0.010*\"pop\" + 0.009*\"cytokin\" + 0.008*\"develop\" + 0.008*\"softwar\" + 0.008*\"championship\" + 0.008*\"diggin\" + 0.008*\"uruguayan\" + 0.007*\"user\"\n", - "2019-01-31 01:26:33,973 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.009*\"media\" + 0.009*\"hormon\" + 0.008*\"disco\" + 0.008*\"have\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"effect\" + 0.006*\"proper\" + 0.006*\"treat\"\n", - "2019-01-31 01:26:33,975 : INFO : topic #47 (0.020): 0.061*\"muscl\" + 0.033*\"perceptu\" + 0.020*\"theater\" + 0.017*\"place\" + 0.017*\"compos\" + 0.015*\"damn\" + 0.014*\"physician\" + 0.013*\"olympo\" + 0.012*\"orchestr\" + 0.011*\"word\"\n", - "2019-01-31 01:26:33,976 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.036*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.022*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:26:33,982 : INFO : topic diff=0.002838, rho=0.022108\n", - "2019-01-31 01:26:34,139 : INFO : PROGRESS: pass 0, at document #4094000/4922894\n", - "2019-01-31 01:26:35,513 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:26:35,780 : INFO : topic #2 (0.020): 0.050*\"isl\" + 0.039*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.013*\"blur\" + 0.012*\"pope\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.009*\"fleet\" + 0.009*\"bahá\"\n", - "2019-01-31 01:26:35,781 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.023*\"schuster\" + 0.022*\"collector\" + 0.022*\"institut\" + 0.021*\"requir\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"http\" + 0.012*\"degre\" + 0.012*\"word\"\n", - "2019-01-31 01:26:35,782 : INFO : topic #31 (0.020): 0.050*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.022*\"player\" + 0.019*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:26:35,784 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.035*\"publicis\" + 0.027*\"word\" + 0.019*\"new\" + 0.014*\"edit\" + 0.014*\"presid\" + 0.011*\"magazin\" + 0.011*\"worldwid\" + 0.011*\"author\" + 0.011*\"nicola\"\n", - "2019-01-31 01:26:35,785 : INFO : topic #13 (0.020): 0.026*\"london\" + 0.025*\"sourc\" + 0.025*\"australia\" + 0.024*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.020*\"british\" + 0.018*\"ireland\" + 0.014*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 01:26:35,790 : INFO : topic diff=0.003079, rho=0.022102\n", - "2019-01-31 01:26:36,004 : INFO : PROGRESS: pass 0, at document #4096000/4922894\n", - "2019-01-31 01:26:37,356 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:26:37,622 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 01:26:37,624 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.009*\"media\" + 0.009*\"hormon\" + 0.008*\"disco\" + 0.008*\"have\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 01:26:37,625 : INFO : topic #4 (0.020): 0.019*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.008*\"elabor\" + 0.008*\"mode\" + 0.008*\"uruguayan\" + 0.007*\"veget\" + 0.006*\"develop\" + 0.006*\"spectacl\" + 0.006*\"turn\"\n", - "2019-01-31 01:26:37,626 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.011*\"jame\" + 0.011*\"will\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.007*\"paul\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:26:37,627 : INFO : topic #16 (0.020): 0.055*\"king\" + 0.031*\"priest\" + 0.020*\"grammat\" + 0.018*\"duke\" + 0.018*\"idiosyncrat\" + 0.016*\"rotterdam\" + 0.016*\"quarterli\" + 0.013*\"brazil\" + 0.013*\"kingdom\" + 0.013*\"order\"\n", - "2019-01-31 01:26:37,633 : INFO : topic diff=0.003419, rho=0.022097\n", - "2019-01-31 01:26:37,786 : INFO : PROGRESS: pass 0, at document #4098000/4922894\n", - "2019-01-31 01:26:39,124 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:26:39,390 : INFO : topic #37 (0.020): 0.013*\"charact\" + 0.012*\"septemb\" + 0.011*\"anim\" + 0.010*\"man\" + 0.009*\"comic\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.007*\"fusiform\" + 0.007*\"workplac\" + 0.006*\"vision\"\n", - "2019-01-31 01:26:39,391 : INFO : topic #28 (0.020): 0.035*\"build\" + 0.029*\"hous\" + 0.018*\"buford\" + 0.015*\"histor\" + 0.012*\"linear\" + 0.011*\"constitut\" + 0.011*\"depress\" + 0.010*\"silicon\" + 0.010*\"pistol\" + 0.010*\"centuri\"\n", - "2019-01-31 01:26:39,393 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.045*\"chilton\" + 0.024*\"hong\" + 0.022*\"kong\" + 0.020*\"korea\" + 0.016*\"leah\" + 0.016*\"korean\" + 0.015*\"sourc\" + 0.015*\"kim\" + 0.014*\"shirin\"\n", - "2019-01-31 01:26:39,394 : INFO : topic #26 (0.020): 0.031*\"workplac\" + 0.029*\"champion\" + 0.026*\"woman\" + 0.025*\"olymp\" + 0.023*\"medal\" + 0.022*\"men\" + 0.019*\"event\" + 0.018*\"taxpay\" + 0.018*\"nation\" + 0.017*\"atheist\"\n", - "2019-01-31 01:26:39,395 : INFO : topic #31 (0.020): 0.050*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.022*\"player\" + 0.019*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:26:39,401 : INFO : topic diff=0.003625, rho=0.022092\n", - "2019-01-31 01:26:42,073 : INFO : -11.457 per-word bound, 2810.3 perplexity estimate based on a held-out corpus of 2000 documents with 559757 words\n", - "2019-01-31 01:26:42,074 : INFO : PROGRESS: pass 0, at document #4100000/4922894\n", - "2019-01-31 01:26:43,444 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:26:43,711 : INFO : topic #34 (0.020): 0.067*\"start\" + 0.035*\"new\" + 0.032*\"american\" + 0.028*\"unionist\" + 0.026*\"cotton\" + 0.022*\"year\" + 0.016*\"california\" + 0.013*\"terri\" + 0.013*\"warrior\" + 0.011*\"citi\"\n", - "2019-01-31 01:26:43,712 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.023*\"cortic\" + 0.021*\"act\" + 0.019*\"start\" + 0.012*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.008*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 01:26:43,713 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.006*\"gener\" + 0.006*\"exampl\" + 0.006*\"southern\" + 0.006*\"utopian\" + 0.006*\"poet\" + 0.006*\"measur\" + 0.006*\"théori\" + 0.005*\"method\"\n", - "2019-01-31 01:26:43,714 : INFO : topic #3 (0.020): 0.032*\"present\" + 0.025*\"offic\" + 0.025*\"nation\" + 0.023*\"minist\" + 0.023*\"govern\" + 0.020*\"member\" + 0.017*\"serv\" + 0.016*\"start\" + 0.015*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:26:43,715 : INFO : topic #24 (0.020): 0.040*\"book\" + 0.035*\"publicis\" + 0.027*\"word\" + 0.019*\"new\" + 0.014*\"edit\" + 0.014*\"presid\" + 0.011*\"magazin\" + 0.011*\"worldwid\" + 0.011*\"author\" + 0.011*\"nicola\"\n", - "2019-01-31 01:26:43,721 : INFO : topic diff=0.003450, rho=0.022086\n", - "2019-01-31 01:26:43,877 : INFO : PROGRESS: pass 0, at document #4102000/4922894\n", - "2019-01-31 01:26:45,235 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:26:45,505 : INFO : topic #17 (0.020): 0.078*\"church\" + 0.023*\"cathol\" + 0.022*\"christian\" + 0.021*\"bishop\" + 0.016*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.010*\"parish\" + 0.009*\"poll\" + 0.009*\"cathedr\"\n", - "2019-01-31 01:26:45,506 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.036*\"leagu\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.024*\"crete\" + 0.022*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:26:45,508 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.006*\"uruguayan\"\n", - "2019-01-31 01:26:45,509 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.023*\"palmer\" + 0.020*\"new\" + 0.016*\"strategist\" + 0.013*\"open\" + 0.013*\"center\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:26:45,510 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.008*\"elabor\" + 0.008*\"mode\" + 0.008*\"uruguayan\" + 0.008*\"veget\" + 0.006*\"develop\" + 0.006*\"spectacl\" + 0.006*\"turn\"\n", - "2019-01-31 01:26:45,516 : INFO : topic diff=0.003131, rho=0.022081\n", - "2019-01-31 01:26:45,671 : INFO : PROGRESS: pass 0, at document #4104000/4922894\n", - "2019-01-31 01:26:47,035 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:26:47,301 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"prognosi\" + 0.010*\"pop\" + 0.009*\"cytokin\" + 0.008*\"softwar\" + 0.008*\"develop\" + 0.008*\"diggin\" + 0.008*\"uruguayan\" + 0.008*\"championship\" + 0.007*\"user\"\n", - "2019-01-31 01:26:47,303 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.045*\"chilton\" + 0.024*\"hong\" + 0.023*\"kong\" + 0.020*\"korea\" + 0.016*\"korean\" + 0.016*\"leah\" + 0.015*\"sourc\" + 0.014*\"shirin\" + 0.014*\"kim\"\n", - "2019-01-31 01:26:47,304 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.009*\"media\" + 0.008*\"hormon\" + 0.008*\"disco\" + 0.007*\"have\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 01:26:47,305 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.045*\"popolo\" + 0.043*\"vigour\" + 0.035*\"tortur\" + 0.034*\"cotton\" + 0.024*\"multitud\" + 0.022*\"adulthood\" + 0.021*\"area\" + 0.019*\"cede\" + 0.018*\"citi\"\n", - "2019-01-31 01:26:47,306 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.055*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.015*\"bypass\" + 0.014*\"seaport\" + 0.013*\"report\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:26:47,312 : INFO : topic diff=0.003904, rho=0.022076\n", - "2019-01-31 01:26:47,472 : INFO : PROGRESS: pass 0, at document #4106000/4922894\n", - "2019-01-31 01:26:48,860 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:26:49,127 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.010*\"aza\" + 0.009*\"forc\" + 0.008*\"battalion\" + 0.007*\"armi\" + 0.007*\"teufel\" + 0.007*\"empath\" + 0.006*\"citi\" + 0.006*\"militari\" + 0.006*\"govern\"\n", - "2019-01-31 01:26:49,128 : INFO : topic #0 (0.020): 0.064*\"statewid\" + 0.040*\"line\" + 0.032*\"raid\" + 0.027*\"rosenwald\" + 0.027*\"rivièr\" + 0.019*\"airmen\" + 0.019*\"serv\" + 0.018*\"traceabl\" + 0.014*\"oper\" + 0.010*\"transient\"\n", - "2019-01-31 01:26:49,129 : INFO : topic #9 (0.020): 0.069*\"bone\" + 0.042*\"american\" + 0.032*\"valour\" + 0.019*\"dutch\" + 0.018*\"player\" + 0.017*\"polit\" + 0.017*\"folei\" + 0.017*\"english\" + 0.014*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:26:49,130 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"end\" + 0.005*\"retrospect\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:26:49,131 : INFO : topic #33 (0.020): 0.059*\"french\" + 0.045*\"franc\" + 0.031*\"pari\" + 0.023*\"jean\" + 0.021*\"sail\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.012*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 01:26:49,137 : INFO : topic diff=0.003090, rho=0.022070\n", - "2019-01-31 01:26:49,300 : INFO : PROGRESS: pass 0, at document #4108000/4922894\n", - "2019-01-31 01:26:50,693 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:26:50,959 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.006*\"gener\" + 0.006*\"exampl\" + 0.006*\"utopian\" + 0.006*\"southern\" + 0.006*\"poet\" + 0.006*\"measur\" + 0.006*\"théori\" + 0.005*\"servitud\"\n", - "2019-01-31 01:26:50,961 : INFO : topic #20 (0.020): 0.141*\"scholar\" + 0.040*\"struggl\" + 0.033*\"high\" + 0.030*\"educ\" + 0.023*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.009*\"start\" + 0.009*\"gothic\"\n", - "2019-01-31 01:26:50,962 : INFO : topic #46 (0.020): 0.016*\"stop\" + 0.016*\"wind\" + 0.016*\"sweden\" + 0.015*\"swedish\" + 0.015*\"damag\" + 0.014*\"norwai\" + 0.013*\"norwegian\" + 0.012*\"treeless\" + 0.011*\"huntsvil\" + 0.010*\"denmark\"\n", - "2019-01-31 01:26:50,963 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.009*\"class\" + 0.009*\"fleet\"\n", - "2019-01-31 01:26:50,964 : INFO : topic #29 (0.020): 0.030*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"produc\" + 0.011*\"market\" + 0.011*\"bank\" + 0.010*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"serv\"\n", - "2019-01-31 01:26:50,970 : INFO : topic diff=0.003497, rho=0.022065\n", - "2019-01-31 01:26:51,123 : INFO : PROGRESS: pass 0, at document #4110000/4922894\n", - "2019-01-31 01:26:52,462 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:26:52,728 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.047*\"chilton\" + 0.024*\"hong\" + 0.023*\"kong\" + 0.020*\"korea\" + 0.017*\"korean\" + 0.016*\"leah\" + 0.015*\"sourc\" + 0.014*\"shirin\" + 0.014*\"kim\"\n", - "2019-01-31 01:26:52,729 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.009*\"develop\" + 0.009*\"commun\" + 0.009*\"word\" + 0.008*\"group\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.007*\"woman\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:26:52,731 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.027*\"final\" + 0.024*\"wife\" + 0.021*\"tourist\" + 0.019*\"champion\" + 0.015*\"chamber\" + 0.014*\"taxpay\" + 0.014*\"martin\" + 0.014*\"tiepolo\" + 0.013*\"open\"\n", - "2019-01-31 01:26:52,732 : INFO : topic #33 (0.020): 0.059*\"french\" + 0.045*\"franc\" + 0.031*\"pari\" + 0.022*\"jean\" + 0.021*\"sail\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.012*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 01:26:52,733 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"margin\" + 0.016*\"yawn\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"daughter\" + 0.011*\"deal\"\n", - "2019-01-31 01:26:52,738 : INFO : topic diff=0.003606, rho=0.022059\n", - "2019-01-31 01:26:52,893 : INFO : PROGRESS: pass 0, at document #4112000/4922894\n", - "2019-01-31 01:26:54,255 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:26:54,521 : INFO : topic #37 (0.020): 0.013*\"charact\" + 0.012*\"septemb\" + 0.011*\"anim\" + 0.010*\"man\" + 0.009*\"comic\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.007*\"workplac\" + 0.007*\"fusiform\" + 0.006*\"vision\"\n", - "2019-01-31 01:26:54,523 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.006*\"uruguayan\"\n", - "2019-01-31 01:26:54,524 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.024*\"cathol\" + 0.022*\"christian\" + 0.021*\"bishop\" + 0.017*\"sail\" + 0.016*\"retroflex\" + 0.010*\"parish\" + 0.010*\"relationship\" + 0.009*\"poll\" + 0.009*\"cathedr\"\n", - "2019-01-31 01:26:54,525 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.027*\"final\" + 0.024*\"wife\" + 0.021*\"tourist\" + 0.019*\"champion\" + 0.015*\"chamber\" + 0.014*\"taxpay\" + 0.014*\"martin\" + 0.014*\"tiepolo\" + 0.013*\"open\"\n", - "2019-01-31 01:26:54,526 : INFO : topic #16 (0.020): 0.056*\"king\" + 0.031*\"priest\" + 0.020*\"grammat\" + 0.019*\"duke\" + 0.017*\"idiosyncrat\" + 0.017*\"quarterli\" + 0.016*\"rotterdam\" + 0.014*\"kingdom\" + 0.013*\"order\" + 0.013*\"brazil\"\n", - "2019-01-31 01:26:54,532 : INFO : topic diff=0.002802, rho=0.022054\n", - "2019-01-31 01:26:54,691 : INFO : PROGRESS: pass 0, at document #4114000/4922894\n", - "2019-01-31 01:26:56,077 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:26:56,344 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.055*\"parti\" + 0.025*\"voluntari\" + 0.022*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.014*\"republ\" + 0.014*\"bypass\" + 0.013*\"seaport\" + 0.013*\"report\"\n", - "2019-01-31 01:26:56,345 : INFO : topic #25 (0.020): 0.033*\"ring\" + 0.019*\"area\" + 0.018*\"lagrang\" + 0.017*\"warmth\" + 0.016*\"mount\" + 0.010*\"north\" + 0.009*\"land\" + 0.009*\"sourc\" + 0.009*\"foam\" + 0.008*\"lobe\"\n", - "2019-01-31 01:26:56,346 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.006*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"end\" + 0.005*\"retrospect\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:26:56,347 : INFO : topic #35 (0.020): 0.054*\"russia\" + 0.037*\"sovereignti\" + 0.034*\"rural\" + 0.027*\"poison\" + 0.026*\"personifi\" + 0.024*\"reprint\" + 0.020*\"moscow\" + 0.019*\"poland\" + 0.015*\"malaysia\" + 0.014*\"unfortun\"\n", - "2019-01-31 01:26:56,348 : INFO : topic #16 (0.020): 0.056*\"king\" + 0.031*\"priest\" + 0.020*\"grammat\" + 0.019*\"duke\" + 0.018*\"idiosyncrat\" + 0.017*\"quarterli\" + 0.016*\"rotterdam\" + 0.014*\"kingdom\" + 0.013*\"order\" + 0.012*\"brazil\"\n", - "2019-01-31 01:26:56,354 : INFO : topic diff=0.003099, rho=0.022049\n", - "2019-01-31 01:26:56,510 : INFO : PROGRESS: pass 0, at document #4116000/4922894\n", - "2019-01-31 01:26:57,882 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:26:58,149 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.035*\"publicis\" + 0.027*\"word\" + 0.019*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.011*\"magazin\" + 0.011*\"worldwid\" + 0.011*\"author\" + 0.011*\"nicola\"\n", - "2019-01-31 01:26:58,150 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.028*\"final\" + 0.023*\"wife\" + 0.021*\"tourist\" + 0.019*\"champion\" + 0.015*\"chamber\" + 0.014*\"martin\" + 0.014*\"taxpay\" + 0.014*\"tiepolo\" + 0.013*\"open\"\n", - "2019-01-31 01:26:58,151 : INFO : topic #27 (0.020): 0.074*\"questionnair\" + 0.020*\"candid\" + 0.018*\"taxpay\" + 0.013*\"tornado\" + 0.013*\"fool\" + 0.013*\"ret\" + 0.012*\"driver\" + 0.011*\"horac\" + 0.010*\"find\" + 0.010*\"théori\"\n", - "2019-01-31 01:26:58,152 : INFO : topic #9 (0.020): 0.069*\"bone\" + 0.042*\"american\" + 0.031*\"valour\" + 0.019*\"dutch\" + 0.018*\"player\" + 0.017*\"polit\" + 0.017*\"folei\" + 0.017*\"english\" + 0.014*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:26:58,153 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.045*\"popolo\" + 0.043*\"vigour\" + 0.035*\"tortur\" + 0.034*\"cotton\" + 0.023*\"multitud\" + 0.022*\"adulthood\" + 0.021*\"area\" + 0.019*\"cede\" + 0.018*\"citi\"\n", - "2019-01-31 01:26:58,159 : INFO : topic diff=0.003225, rho=0.022043\n", - "2019-01-31 01:26:58,314 : INFO : PROGRESS: pass 0, at document #4118000/4922894\n", - "2019-01-31 01:26:59,661 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:26:59,928 : INFO : topic #48 (0.020): 0.079*\"sens\" + 0.078*\"march\" + 0.077*\"octob\" + 0.070*\"august\" + 0.070*\"juli\" + 0.068*\"januari\" + 0.066*\"april\" + 0.066*\"notion\" + 0.065*\"judici\" + 0.063*\"decatur\"\n", - "2019-01-31 01:26:59,929 : INFO : topic #13 (0.020): 0.026*\"london\" + 0.026*\"sourc\" + 0.025*\"australia\" + 0.024*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.020*\"british\" + 0.019*\"ireland\" + 0.015*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 01:26:59,930 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.035*\"publicis\" + 0.027*\"word\" + 0.019*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.011*\"magazin\" + 0.011*\"worldwid\" + 0.011*\"author\" + 0.011*\"nicola\"\n", - "2019-01-31 01:26:59,931 : INFO : topic #45 (0.020): 0.042*\"arsen\" + 0.029*\"jpg\" + 0.027*\"fifteenth\" + 0.027*\"museo\" + 0.022*\"pain\" + 0.021*\"illicit\" + 0.015*\"artist\" + 0.015*\"exhaust\" + 0.015*\"gai\" + 0.014*\"colder\"\n", - "2019-01-31 01:26:59,932 : INFO : topic #16 (0.020): 0.057*\"king\" + 0.031*\"priest\" + 0.020*\"grammat\" + 0.018*\"duke\" + 0.017*\"idiosyncrat\" + 0.017*\"quarterli\" + 0.016*\"rotterdam\" + 0.014*\"order\" + 0.014*\"kingdom\" + 0.012*\"brazil\"\n", - "2019-01-31 01:26:59,938 : INFO : topic diff=0.003159, rho=0.022038\n", - "2019-01-31 01:27:02,676 : INFO : -11.624 per-word bound, 3155.6 perplexity estimate based on a held-out corpus of 2000 documents with 580547 words\n", - "2019-01-31 01:27:02,677 : INFO : PROGRESS: pass 0, at document #4120000/4922894\n", - "2019-01-31 01:27:04,067 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:27:04,334 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.019*\"factor\" + 0.012*\"plaisir\" + 0.010*\"genu\" + 0.010*\"western\" + 0.008*\"biom\" + 0.008*\"median\" + 0.007*\"florida\" + 0.007*\"incom\" + 0.007*\"trap\"\n", - "2019-01-31 01:27:04,335 : INFO : topic #20 (0.020): 0.141*\"scholar\" + 0.040*\"struggl\" + 0.033*\"high\" + 0.030*\"educ\" + 0.024*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.009*\"start\" + 0.009*\"class\"\n", - "2019-01-31 01:27:04,336 : INFO : topic #39 (0.020): 0.061*\"canada\" + 0.045*\"canadian\" + 0.024*\"toronto\" + 0.023*\"hoar\" + 0.021*\"ontario\" + 0.015*\"new\" + 0.015*\"hydrogen\" + 0.015*\"misericordia\" + 0.015*\"quebec\" + 0.014*\"novotná\"\n", - "2019-01-31 01:27:04,337 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.047*\"chilton\" + 0.023*\"hong\" + 0.023*\"kong\" + 0.020*\"korea\" + 0.018*\"korean\" + 0.016*\"leah\" + 0.015*\"sourc\" + 0.014*\"shirin\" + 0.013*\"kim\"\n", - "2019-01-31 01:27:04,338 : INFO : topic #33 (0.020): 0.058*\"french\" + 0.045*\"franc\" + 0.031*\"pari\" + 0.023*\"jean\" + 0.021*\"sail\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.012*\"piec\" + 0.011*\"wine\"\n", - "2019-01-31 01:27:04,344 : INFO : topic diff=0.003187, rho=0.022033\n", - "2019-01-31 01:27:04,510 : INFO : PROGRESS: pass 0, at document #4122000/4922894\n", - "2019-01-31 01:27:05,887 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:27:06,153 : INFO : topic #33 (0.020): 0.058*\"french\" + 0.045*\"franc\" + 0.031*\"pari\" + 0.023*\"jean\" + 0.022*\"sail\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.012*\"piec\" + 0.011*\"wine\"\n", - "2019-01-31 01:27:06,154 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.022*\"cortic\" + 0.020*\"act\" + 0.019*\"start\" + 0.012*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.008*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 01:27:06,155 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"pour\" + 0.014*\"depress\" + 0.008*\"elabor\" + 0.008*\"uruguayan\" + 0.008*\"veget\" + 0.008*\"mode\" + 0.006*\"spectacl\" + 0.006*\"develop\" + 0.006*\"turn\"\n", - "2019-01-31 01:27:06,157 : INFO : topic #47 (0.020): 0.061*\"muscl\" + 0.033*\"perceptu\" + 0.020*\"theater\" + 0.017*\"place\" + 0.017*\"compos\" + 0.015*\"damn\" + 0.014*\"physician\" + 0.013*\"olympo\" + 0.013*\"orchestr\" + 0.011*\"word\"\n", - "2019-01-31 01:27:06,157 : INFO : topic #46 (0.020): 0.017*\"stop\" + 0.016*\"damag\" + 0.016*\"wind\" + 0.015*\"sweden\" + 0.014*\"swedish\" + 0.014*\"norwai\" + 0.013*\"norwegian\" + 0.011*\"treeless\" + 0.011*\"huntsvil\" + 0.010*\"denmark\"\n", - "2019-01-31 01:27:06,163 : INFO : topic diff=0.003280, rho=0.022027\n", - "2019-01-31 01:27:06,321 : INFO : PROGRESS: pass 0, at document #4124000/4922894\n", - "2019-01-31 01:27:07,722 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:27:07,989 : INFO : topic #21 (0.020): 0.034*\"samford\" + 0.022*\"spain\" + 0.017*\"del\" + 0.017*\"italian\" + 0.016*\"mexico\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.010*\"carlo\" + 0.010*\"lizard\"\n", - "2019-01-31 01:27:07,990 : INFO : topic #23 (0.020): 0.138*\"audit\" + 0.072*\"best\" + 0.035*\"yawn\" + 0.026*\"jacksonvil\" + 0.022*\"noll\" + 0.021*\"japanes\" + 0.019*\"women\" + 0.018*\"festiv\" + 0.016*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 01:27:07,991 : INFO : topic #24 (0.020): 0.040*\"book\" + 0.035*\"publicis\" + 0.027*\"word\" + 0.019*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.011*\"worldwid\" + 0.011*\"magazin\" + 0.011*\"author\" + 0.011*\"nicola\"\n", - "2019-01-31 01:27:07,992 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.006*\"gener\" + 0.006*\"poet\" + 0.006*\"southern\" + 0.006*\"exampl\" + 0.006*\"utopian\" + 0.006*\"measur\" + 0.006*\"théori\" + 0.006*\"servitud\"\n", - "2019-01-31 01:27:07,993 : INFO : topic #20 (0.020): 0.141*\"scholar\" + 0.040*\"struggl\" + 0.033*\"high\" + 0.030*\"educ\" + 0.024*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.009*\"class\" + 0.009*\"start\"\n", - "2019-01-31 01:27:07,999 : INFO : topic diff=0.003621, rho=0.022022\n", - "2019-01-31 01:27:08,212 : INFO : PROGRESS: pass 0, at document #4126000/4922894\n", - "2019-01-31 01:27:09,571 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:27:09,838 : INFO : topic #46 (0.020): 0.017*\"stop\" + 0.016*\"wind\" + 0.016*\"damag\" + 0.015*\"sweden\" + 0.014*\"swedish\" + 0.014*\"norwai\" + 0.013*\"norwegian\" + 0.012*\"treeless\" + 0.012*\"huntsvil\" + 0.010*\"denmark\"\n", - "2019-01-31 01:27:09,839 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.028*\"final\" + 0.023*\"wife\" + 0.022*\"tourist\" + 0.019*\"champion\" + 0.015*\"chamber\" + 0.014*\"martin\" + 0.014*\"taxpay\" + 0.014*\"tiepolo\" + 0.013*\"open\"\n", - "2019-01-31 01:27:09,840 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.014*\"depress\" + 0.014*\"pour\" + 0.008*\"elabor\" + 0.008*\"uruguayan\" + 0.008*\"veget\" + 0.008*\"mode\" + 0.006*\"develop\" + 0.006*\"spectacl\" + 0.006*\"turn\"\n", - "2019-01-31 01:27:09,841 : INFO : topic #28 (0.020): 0.035*\"build\" + 0.030*\"hous\" + 0.018*\"buford\" + 0.015*\"histor\" + 0.012*\"linear\" + 0.011*\"depress\" + 0.011*\"constitut\" + 0.010*\"silicon\" + 0.010*\"pistol\" + 0.010*\"centuri\"\n", - "2019-01-31 01:27:09,842 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.010*\"aza\" + 0.009*\"forc\" + 0.008*\"battalion\" + 0.007*\"armi\" + 0.007*\"teufel\" + 0.007*\"empath\" + 0.006*\"citi\" + 0.006*\"militari\" + 0.006*\"govern\"\n", - "2019-01-31 01:27:09,849 : INFO : topic diff=0.003488, rho=0.022017\n", - "2019-01-31 01:27:10,003 : INFO : PROGRESS: pass 0, at document #4128000/4922894\n", - "2019-01-31 01:27:11,364 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:27:11,631 : INFO : topic #47 (0.020): 0.061*\"muscl\" + 0.033*\"perceptu\" + 0.020*\"theater\" + 0.017*\"place\" + 0.017*\"compos\" + 0.015*\"damn\" + 0.014*\"physician\" + 0.013*\"orchestr\" + 0.013*\"olympo\" + 0.011*\"word\"\n", - "2019-01-31 01:27:11,632 : INFO : topic #35 (0.020): 0.054*\"russia\" + 0.037*\"sovereignti\" + 0.033*\"rural\" + 0.026*\"poison\" + 0.025*\"personifi\" + 0.023*\"reprint\" + 0.021*\"moscow\" + 0.019*\"poland\" + 0.015*\"unfortun\" + 0.015*\"malaysia\"\n", - "2019-01-31 01:27:11,633 : INFO : topic #29 (0.020): 0.030*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"produc\" + 0.011*\"market\" + 0.010*\"bank\" + 0.010*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"serv\"\n", - "2019-01-31 01:27:11,634 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.021*\"walter\" + 0.021*\"aggress\" + 0.021*\"armi\" + 0.018*\"com\" + 0.014*\"unionist\" + 0.013*\"oper\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:27:11,635 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.011*\"david\" + 0.011*\"will\" + 0.011*\"jame\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.007*\"georg\" + 0.007*\"paul\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:27:11,642 : INFO : topic diff=0.002884, rho=0.022011\n", - "2019-01-31 01:27:11,797 : INFO : PROGRESS: pass 0, at document #4130000/4922894\n", - "2019-01-31 01:27:13,163 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:27:13,429 : INFO : topic #17 (0.020): 0.078*\"church\" + 0.023*\"cathol\" + 0.022*\"christian\" + 0.021*\"bishop\" + 0.017*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.009*\"cathedr\" + 0.009*\"parish\" + 0.009*\"historiographi\"\n", - "2019-01-31 01:27:13,430 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.023*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.012*\"rodríguez\" + 0.011*\"direct\" + 0.011*\"proclaim\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:27:13,431 : INFO : topic #21 (0.020): 0.034*\"samford\" + 0.022*\"spain\" + 0.017*\"del\" + 0.017*\"italian\" + 0.016*\"mexico\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.010*\"carlo\" + 0.010*\"lizard\"\n", - "2019-01-31 01:27:13,432 : INFO : topic #13 (0.020): 0.026*\"london\" + 0.026*\"sourc\" + 0.025*\"australia\" + 0.024*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.019*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:27:13,433 : INFO : topic #46 (0.020): 0.017*\"stop\" + 0.016*\"wind\" + 0.015*\"damag\" + 0.015*\"sweden\" + 0.014*\"swedish\" + 0.014*\"norwai\" + 0.013*\"norwegian\" + 0.012*\"huntsvil\" + 0.012*\"treeless\" + 0.010*\"denmark\"\n", - "2019-01-31 01:27:13,439 : INFO : topic diff=0.002967, rho=0.022006\n", - "2019-01-31 01:27:13,593 : INFO : PROGRESS: pass 0, at document #4132000/4922894\n", - "2019-01-31 01:27:14,973 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:27:15,239 : INFO : topic #32 (0.020): 0.049*\"district\" + 0.045*\"popolo\" + 0.043*\"vigour\" + 0.036*\"tortur\" + 0.033*\"cotton\" + 0.023*\"multitud\" + 0.022*\"adulthood\" + 0.021*\"area\" + 0.019*\"cede\" + 0.018*\"citi\"\n", - "2019-01-31 01:27:15,240 : INFO : topic #24 (0.020): 0.040*\"book\" + 0.035*\"publicis\" + 0.027*\"word\" + 0.019*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.011*\"worldwid\" + 0.011*\"magazin\" + 0.011*\"author\" + 0.011*\"storag\"\n", - "2019-01-31 01:27:15,242 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"margin\" + 0.016*\"yawn\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"daughter\" + 0.012*\"deal\"\n", - "2019-01-31 01:27:15,242 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.046*\"chilton\" + 0.025*\"kong\" + 0.024*\"hong\" + 0.020*\"korea\" + 0.018*\"korean\" + 0.016*\"leah\" + 0.015*\"sourc\" + 0.014*\"shirin\" + 0.013*\"kim\"\n", - "2019-01-31 01:27:15,243 : INFO : topic #31 (0.020): 0.050*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.022*\"player\" + 0.019*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:27:15,249 : INFO : topic diff=0.003301, rho=0.022001\n", - "2019-01-31 01:27:15,405 : INFO : PROGRESS: pass 0, at document #4134000/4922894\n", - "2019-01-31 01:27:16,800 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:27:17,066 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"margin\" + 0.016*\"yawn\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"daughter\" + 0.011*\"deal\"\n", - "2019-01-31 01:27:17,067 : INFO : topic #0 (0.020): 0.064*\"statewid\" + 0.039*\"line\" + 0.031*\"raid\" + 0.028*\"rivièr\" + 0.027*\"rosenwald\" + 0.019*\"serv\" + 0.018*\"airmen\" + 0.018*\"traceabl\" + 0.013*\"oper\" + 0.010*\"transient\"\n", - "2019-01-31 01:27:17,069 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.024*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.012*\"rodríguez\" + 0.011*\"proclaim\" + 0.011*\"direct\" + 0.010*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:27:17,070 : INFO : topic #33 (0.020): 0.060*\"french\" + 0.044*\"franc\" + 0.031*\"pari\" + 0.023*\"jean\" + 0.021*\"sail\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.012*\"piec\" + 0.011*\"wine\"\n", - "2019-01-31 01:27:17,070 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.046*\"chilton\" + 0.025*\"kong\" + 0.024*\"hong\" + 0.020*\"korea\" + 0.018*\"korean\" + 0.016*\"leah\" + 0.015*\"sourc\" + 0.015*\"shirin\" + 0.013*\"kim\"\n", - "2019-01-31 01:27:17,076 : INFO : topic diff=0.002866, rho=0.021995\n", - "2019-01-31 01:27:17,241 : INFO : PROGRESS: pass 0, at document #4136000/4922894\n", - "2019-01-31 01:27:18,643 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:27:18,912 : INFO : topic #24 (0.020): 0.040*\"book\" + 0.035*\"publicis\" + 0.027*\"word\" + 0.019*\"new\" + 0.014*\"edit\" + 0.013*\"presid\" + 0.011*\"worldwid\" + 0.011*\"magazin\" + 0.011*\"author\" + 0.011*\"storag\"\n", - "2019-01-31 01:27:18,913 : INFO : topic #16 (0.020): 0.056*\"king\" + 0.032*\"priest\" + 0.020*\"grammat\" + 0.019*\"duke\" + 0.018*\"idiosyncrat\" + 0.016*\"rotterdam\" + 0.016*\"quarterli\" + 0.014*\"kingdom\" + 0.013*\"order\" + 0.013*\"maria\"\n", - "2019-01-31 01:27:18,914 : INFO : topic #39 (0.020): 0.061*\"canada\" + 0.045*\"canadian\" + 0.024*\"toronto\" + 0.023*\"hoar\" + 0.020*\"ontario\" + 0.015*\"new\" + 0.015*\"misericordia\" + 0.015*\"hydrogen\" + 0.014*\"quebec\" + 0.014*\"novotná\"\n", - "2019-01-31 01:27:18,915 : INFO : topic #32 (0.020): 0.049*\"district\" + 0.045*\"popolo\" + 0.043*\"vigour\" + 0.036*\"tortur\" + 0.034*\"cotton\" + 0.023*\"multitud\" + 0.022*\"adulthood\" + 0.021*\"area\" + 0.020*\"cede\" + 0.018*\"citi\"\n", - "2019-01-31 01:27:18,916 : INFO : topic #45 (0.020): 0.043*\"arsen\" + 0.028*\"jpg\" + 0.027*\"museo\" + 0.027*\"fifteenth\" + 0.022*\"pain\" + 0.020*\"illicit\" + 0.016*\"artist\" + 0.016*\"exhaust\" + 0.016*\"gai\" + 0.015*\"colder\"\n", - "2019-01-31 01:27:18,922 : INFO : topic diff=0.003440, rho=0.021990\n", - "2019-01-31 01:27:19,085 : INFO : PROGRESS: pass 0, at document #4138000/4922894\n", - "2019-01-31 01:27:20,452 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:27:20,722 : INFO : topic #45 (0.020): 0.043*\"arsen\" + 0.029*\"jpg\" + 0.027*\"museo\" + 0.027*\"fifteenth\" + 0.022*\"pain\" + 0.020*\"illicit\" + 0.016*\"artist\" + 0.016*\"exhaust\" + 0.016*\"gai\" + 0.014*\"colder\"\n", - "2019-01-31 01:27:20,723 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.035*\"leagu\" + 0.029*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.022*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:27:20,724 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.023*\"schuster\" + 0.022*\"collector\" + 0.022*\"institut\" + 0.021*\"requir\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"http\" + 0.012*\"word\" + 0.012*\"degre\"\n", - "2019-01-31 01:27:20,725 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.019*\"di\" + 0.019*\"factor\" + 0.016*\"margin\" + 0.016*\"yawn\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"daughter\" + 0.011*\"deal\"\n", - "2019-01-31 01:27:20,726 : INFO : topic #33 (0.020): 0.060*\"french\" + 0.044*\"franc\" + 0.031*\"pari\" + 0.023*\"jean\" + 0.021*\"sail\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.012*\"piec\" + 0.011*\"wine\"\n", - "2019-01-31 01:27:20,732 : INFO : topic diff=0.003346, rho=0.021985\n", - "2019-01-31 01:27:23,382 : INFO : -11.737 per-word bound, 3412.4 perplexity estimate based on a held-out corpus of 2000 documents with 518973 words\n", - "2019-01-31 01:27:23,382 : INFO : PROGRESS: pass 0, at document #4140000/4922894\n", - "2019-01-31 01:27:24,751 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:27:25,020 : INFO : topic #26 (0.020): 0.030*\"workplac\" + 0.029*\"champion\" + 0.026*\"woman\" + 0.024*\"olymp\" + 0.023*\"men\" + 0.022*\"medal\" + 0.020*\"event\" + 0.019*\"taxpay\" + 0.018*\"nation\" + 0.017*\"atheist\"\n", - "2019-01-31 01:27:25,021 : INFO : topic #9 (0.020): 0.068*\"bone\" + 0.042*\"american\" + 0.030*\"valour\" + 0.019*\"dutch\" + 0.018*\"player\" + 0.017*\"polit\" + 0.017*\"folei\" + 0.016*\"english\" + 0.013*\"acrimoni\" + 0.013*\"simpler\"\n", - "2019-01-31 01:27:25,022 : INFO : topic #0 (0.020): 0.065*\"statewid\" + 0.039*\"line\" + 0.031*\"raid\" + 0.028*\"rivièr\" + 0.027*\"rosenwald\" + 0.019*\"serv\" + 0.019*\"traceabl\" + 0.018*\"airmen\" + 0.013*\"oper\" + 0.010*\"transient\"\n", - "2019-01-31 01:27:25,023 : INFO : topic #43 (0.020): 0.065*\"elect\" + 0.054*\"parti\" + 0.025*\"voluntari\" + 0.022*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.014*\"republ\" + 0.014*\"bypass\" + 0.013*\"selma\" + 0.013*\"seaport\"\n", - "2019-01-31 01:27:25,024 : INFO : topic #16 (0.020): 0.056*\"king\" + 0.032*\"priest\" + 0.020*\"grammat\" + 0.019*\"duke\" + 0.018*\"idiosyncrat\" + 0.016*\"quarterli\" + 0.016*\"rotterdam\" + 0.014*\"kingdom\" + 0.013*\"order\" + 0.013*\"maria\"\n", - "2019-01-31 01:27:25,030 : INFO : topic diff=0.002973, rho=0.021979\n", - "2019-01-31 01:27:25,189 : INFO : PROGRESS: pass 0, at document #4142000/4922894\n", - "2019-01-31 01:27:26,554 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:27:26,820 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.022*\"walter\" + 0.021*\"armi\" + 0.019*\"com\" + 0.014*\"unionist\" + 0.013*\"militari\" + 0.013*\"oper\" + 0.012*\"airbu\" + 0.011*\"refut\"\n", - "2019-01-31 01:27:26,822 : INFO : topic #37 (0.020): 0.013*\"charact\" + 0.012*\"septemb\" + 0.011*\"man\" + 0.011*\"anim\" + 0.009*\"comic\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.007*\"workplac\" + 0.007*\"fusiform\" + 0.006*\"vision\"\n", - "2019-01-31 01:27:26,823 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.023*\"cortic\" + 0.020*\"act\" + 0.019*\"start\" + 0.012*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.010*\"polaris\" + 0.008*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 01:27:26,824 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.019*\"factor\" + 0.012*\"plaisir\" + 0.010*\"genu\" + 0.010*\"western\" + 0.008*\"biom\" + 0.008*\"median\" + 0.007*\"florida\" + 0.007*\"incom\" + 0.007*\"trap\"\n", - "2019-01-31 01:27:26,824 : INFO : topic #39 (0.020): 0.060*\"canada\" + 0.045*\"canadian\" + 0.024*\"toronto\" + 0.022*\"hoar\" + 0.021*\"ontario\" + 0.015*\"new\" + 0.015*\"misericordia\" + 0.014*\"hydrogen\" + 0.014*\"quebec\" + 0.013*\"novotná\"\n", - "2019-01-31 01:27:26,830 : INFO : topic diff=0.003530, rho=0.021974\n", - "2019-01-31 01:27:26,986 : INFO : PROGRESS: pass 0, at document #4144000/4922894\n", - "2019-01-31 01:27:28,370 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:27:28,636 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.036*\"leagu\" + 0.029*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.024*\"crete\" + 0.022*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:27:28,637 : INFO : topic #46 (0.020): 0.016*\"stop\" + 0.016*\"wind\" + 0.015*\"damag\" + 0.015*\"sweden\" + 0.014*\"norwai\" + 0.014*\"swedish\" + 0.013*\"norwegian\" + 0.011*\"huntsvil\" + 0.011*\"treeless\" + 0.010*\"denmark\"\n", - "2019-01-31 01:27:28,639 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"margin\" + 0.016*\"yawn\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"deal\" + 0.012*\"daughter\"\n", - "2019-01-31 01:27:28,640 : INFO : topic #37 (0.020): 0.013*\"charact\" + 0.012*\"septemb\" + 0.011*\"man\" + 0.011*\"anim\" + 0.009*\"comic\" + 0.007*\"appear\" + 0.007*\"workplac\" + 0.007*\"storag\" + 0.007*\"fusiform\" + 0.006*\"vision\"\n", - "2019-01-31 01:27:28,641 : INFO : topic #42 (0.020): 0.048*\"german\" + 0.031*\"germani\" + 0.016*\"vol\" + 0.015*\"jewish\" + 0.015*\"berlin\" + 0.014*\"der\" + 0.013*\"israel\" + 0.010*\"european\" + 0.009*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:27:28,647 : INFO : topic diff=0.003527, rho=0.021969\n", - "2019-01-31 01:27:28,804 : INFO : PROGRESS: pass 0, at document #4146000/4922894\n", - "2019-01-31 01:27:30,173 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:27:30,439 : INFO : topic #27 (0.020): 0.073*\"questionnair\" + 0.021*\"candid\" + 0.019*\"taxpay\" + 0.014*\"tornado\" + 0.012*\"driver\" + 0.012*\"fool\" + 0.012*\"ret\" + 0.011*\"horac\" + 0.010*\"find\" + 0.010*\"squatter\"\n", - "2019-01-31 01:27:30,440 : INFO : topic #29 (0.020): 0.030*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.012*\"produc\" + 0.011*\"market\" + 0.010*\"bank\" + 0.010*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"serv\"\n", - "2019-01-31 01:27:30,441 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.031*\"incumb\" + 0.013*\"pakistan\" + 0.013*\"islam\" + 0.012*\"televis\" + 0.011*\"khalsa\" + 0.011*\"muskoge\" + 0.011*\"anglo\" + 0.011*\"affection\" + 0.010*\"alam\"\n", - "2019-01-31 01:27:30,442 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.023*\"palmer\" + 0.020*\"new\" + 0.017*\"strategist\" + 0.013*\"open\" + 0.013*\"center\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"area\"\n", - "2019-01-31 01:27:30,443 : INFO : topic #25 (0.020): 0.033*\"ring\" + 0.019*\"area\" + 0.018*\"lagrang\" + 0.017*\"warmth\" + 0.016*\"mount\" + 0.009*\"north\" + 0.009*\"land\" + 0.009*\"sourc\" + 0.009*\"foam\" + 0.008*\"palmer\"\n", - "2019-01-31 01:27:30,449 : INFO : topic diff=0.003766, rho=0.021963\n", - "2019-01-31 01:27:30,609 : INFO : PROGRESS: pass 0, at document #4148000/4922894\n", - "2019-01-31 01:27:32,006 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:27:32,272 : INFO : topic #24 (0.020): 0.040*\"book\" + 0.035*\"publicis\" + 0.027*\"word\" + 0.019*\"new\" + 0.014*\"edit\" + 0.014*\"presid\" + 0.011*\"worldwid\" + 0.011*\"magazin\" + 0.011*\"author\" + 0.011*\"nicola\"\n", - "2019-01-31 01:27:32,273 : INFO : topic #37 (0.020): 0.013*\"charact\" + 0.012*\"septemb\" + 0.011*\"man\" + 0.011*\"anim\" + 0.009*\"comic\" + 0.007*\"appear\" + 0.007*\"workplac\" + 0.007*\"storag\" + 0.007*\"fusiform\" + 0.006*\"vision\"\n", - "2019-01-31 01:27:32,274 : INFO : topic #40 (0.020): 0.086*\"unit\" + 0.023*\"schuster\" + 0.022*\"collector\" + 0.021*\"institut\" + 0.021*\"requir\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"http\" + 0.012*\"word\" + 0.012*\"degre\"\n", - "2019-01-31 01:27:32,275 : INFO : topic #25 (0.020): 0.033*\"ring\" + 0.019*\"area\" + 0.018*\"lagrang\" + 0.017*\"warmth\" + 0.016*\"mount\" + 0.009*\"north\" + 0.009*\"land\" + 0.009*\"sourc\" + 0.008*\"foam\" + 0.008*\"lobe\"\n", - "2019-01-31 01:27:32,276 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.012*\"david\" + 0.011*\"will\" + 0.011*\"jame\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.007*\"rhyme\" + 0.007*\"georg\" + 0.007*\"paul\"\n", - "2019-01-31 01:27:32,282 : INFO : topic diff=0.003889, rho=0.021958\n", - "2019-01-31 01:27:32,447 : INFO : PROGRESS: pass 0, at document #4150000/4922894\n", - "2019-01-31 01:27:33,828 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:27:34,098 : INFO : topic #28 (0.020): 0.035*\"build\" + 0.030*\"hous\" + 0.018*\"buford\" + 0.015*\"histor\" + 0.012*\"linear\" + 0.011*\"depress\" + 0.011*\"constitut\" + 0.011*\"silicon\" + 0.010*\"centuri\" + 0.010*\"pistol\"\n", - "2019-01-31 01:27:34,099 : INFO : topic #39 (0.020): 0.060*\"canada\" + 0.045*\"canadian\" + 0.023*\"toronto\" + 0.023*\"hoar\" + 0.021*\"ontario\" + 0.015*\"new\" + 0.015*\"hydrogen\" + 0.014*\"misericordia\" + 0.014*\"quebec\" + 0.013*\"novotná\"\n", - "2019-01-31 01:27:34,101 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"margin\" + 0.016*\"yawn\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"daughter\" + 0.012*\"deal\"\n", - "2019-01-31 01:27:34,102 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.023*\"palmer\" + 0.020*\"new\" + 0.017*\"strategist\" + 0.013*\"open\" + 0.013*\"center\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"area\"\n", - "2019-01-31 01:27:34,102 : INFO : topic #32 (0.020): 0.049*\"district\" + 0.046*\"popolo\" + 0.043*\"vigour\" + 0.036*\"tortur\" + 0.033*\"cotton\" + 0.024*\"multitud\" + 0.021*\"area\" + 0.021*\"adulthood\" + 0.019*\"cede\" + 0.018*\"citi\"\n", - "2019-01-31 01:27:34,108 : INFO : topic diff=0.003091, rho=0.021953\n", - "2019-01-31 01:27:34,266 : INFO : PROGRESS: pass 0, at document #4152000/4922894\n", - "2019-01-31 01:27:35,657 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:27:35,924 : INFO : topic #25 (0.020): 0.033*\"ring\" + 0.018*\"area\" + 0.018*\"lagrang\" + 0.017*\"warmth\" + 0.016*\"mount\" + 0.009*\"north\" + 0.009*\"land\" + 0.009*\"sourc\" + 0.009*\"foam\" + 0.008*\"lobe\"\n", - "2019-01-31 01:27:35,925 : INFO : topic #0 (0.020): 0.064*\"statewid\" + 0.039*\"line\" + 0.031*\"raid\" + 0.027*\"rivièr\" + 0.026*\"rosenwald\" + 0.023*\"airmen\" + 0.019*\"serv\" + 0.019*\"traceabl\" + 0.013*\"oper\" + 0.010*\"transient\"\n", - "2019-01-31 01:27:35,926 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.071*\"best\" + 0.034*\"yawn\" + 0.027*\"jacksonvil\" + 0.023*\"noll\" + 0.022*\"japanes\" + 0.019*\"women\" + 0.018*\"festiv\" + 0.016*\"intern\" + 0.013*\"prison\"\n", - "2019-01-31 01:27:35,927 : INFO : topic #48 (0.020): 0.079*\"sens\" + 0.079*\"march\" + 0.078*\"octob\" + 0.071*\"juli\" + 0.071*\"august\" + 0.071*\"januari\" + 0.068*\"notion\" + 0.067*\"april\" + 0.066*\"judici\" + 0.064*\"decatur\"\n", - "2019-01-31 01:27:35,928 : INFO : topic #24 (0.020): 0.039*\"book\" + 0.035*\"publicis\" + 0.027*\"word\" + 0.019*\"new\" + 0.014*\"edit\" + 0.014*\"presid\" + 0.011*\"worldwid\" + 0.011*\"magazin\" + 0.011*\"author\" + 0.011*\"nicola\"\n", - "2019-01-31 01:27:35,934 : INFO : topic diff=0.003224, rho=0.021948\n", - "2019-01-31 01:27:36,095 : INFO : PROGRESS: pass 0, at document #4154000/4922894\n", - "2019-01-31 01:27:37,492 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:27:37,759 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.023*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.012*\"rodríguez\" + 0.011*\"direct\" + 0.011*\"proclaim\" + 0.010*\"movi\" + 0.010*\"acrimoni\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:27:37,760 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.031*\"incumb\" + 0.013*\"islam\" + 0.013*\"televis\" + 0.012*\"pakistan\" + 0.011*\"khalsa\" + 0.011*\"muskoge\" + 0.011*\"affection\" + 0.011*\"anglo\" + 0.010*\"sri\"\n", - "2019-01-31 01:27:37,761 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.028*\"final\" + 0.024*\"wife\" + 0.022*\"tourist\" + 0.019*\"champion\" + 0.015*\"chamber\" + 0.014*\"tiepolo\" + 0.014*\"taxpay\" + 0.014*\"martin\" + 0.013*\"open\"\n", - "2019-01-31 01:27:37,762 : INFO : topic #25 (0.020): 0.033*\"ring\" + 0.018*\"area\" + 0.018*\"lagrang\" + 0.017*\"warmth\" + 0.016*\"mount\" + 0.009*\"north\" + 0.009*\"land\" + 0.009*\"sourc\" + 0.009*\"foam\" + 0.009*\"palmer\"\n", - "2019-01-31 01:27:37,763 : INFO : topic #26 (0.020): 0.030*\"workplac\" + 0.029*\"champion\" + 0.026*\"woman\" + 0.024*\"olymp\" + 0.023*\"men\" + 0.022*\"medal\" + 0.019*\"event\" + 0.019*\"taxpay\" + 0.018*\"nation\" + 0.017*\"atheist\"\n", - "2019-01-31 01:27:37,769 : INFO : topic diff=0.003359, rho=0.021942\n", - "2019-01-31 01:27:37,926 : INFO : PROGRESS: pass 0, at document #4156000/4922894\n", - "2019-01-31 01:27:39,312 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:27:39,578 : INFO : topic #9 (0.020): 0.071*\"bone\" + 0.042*\"american\" + 0.029*\"valour\" + 0.020*\"dutch\" + 0.018*\"player\" + 0.017*\"folei\" + 0.017*\"polit\" + 0.016*\"english\" + 0.013*\"acrimoni\" + 0.013*\"simpler\"\n", - "2019-01-31 01:27:39,579 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"word\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.007*\"woman\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:27:39,580 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"produc\" + 0.011*\"market\" + 0.011*\"bank\" + 0.010*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"serv\"\n", - "2019-01-31 01:27:39,582 : INFO : topic #0 (0.020): 0.064*\"statewid\" + 0.040*\"line\" + 0.031*\"raid\" + 0.027*\"rivièr\" + 0.026*\"rosenwald\" + 0.023*\"airmen\" + 0.019*\"serv\" + 0.019*\"traceabl\" + 0.014*\"oper\" + 0.010*\"transient\"\n", - "2019-01-31 01:27:39,583 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"prognosi\" + 0.011*\"pop\" + 0.009*\"cytokin\" + 0.008*\"softwar\" + 0.008*\"develop\" + 0.008*\"diggin\" + 0.008*\"uruguayan\" + 0.008*\"championship\" + 0.007*\"user\"\n", - "2019-01-31 01:27:39,588 : INFO : topic diff=0.002757, rho=0.021937\n", - "2019-01-31 01:27:39,800 : INFO : PROGRESS: pass 0, at document #4158000/4922894\n", - "2019-01-31 01:27:41,147 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:27:41,414 : INFO : topic #17 (0.020): 0.079*\"church\" + 0.023*\"cathol\" + 0.022*\"christian\" + 0.021*\"bishop\" + 0.016*\"sail\" + 0.015*\"retroflex\" + 0.009*\"relationship\" + 0.009*\"parish\" + 0.009*\"cathedr\" + 0.009*\"poll\"\n", - "2019-01-31 01:27:41,415 : INFO : topic #45 (0.020): 0.043*\"arsen\" + 0.029*\"jpg\" + 0.027*\"museo\" + 0.027*\"fifteenth\" + 0.022*\"pain\" + 0.021*\"illicit\" + 0.016*\"artist\" + 0.016*\"exhaust\" + 0.016*\"gai\" + 0.015*\"colder\"\n", - "2019-01-31 01:27:41,417 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.023*\"palmer\" + 0.020*\"new\" + 0.017*\"strategist\" + 0.013*\"open\" + 0.013*\"center\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.011*\"dai\" + 0.009*\"local\"\n", - "2019-01-31 01:27:41,418 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.046*\"chilton\" + 0.026*\"kong\" + 0.025*\"hong\" + 0.020*\"korea\" + 0.018*\"korean\" + 0.016*\"shirin\" + 0.015*\"leah\" + 0.015*\"sourc\" + 0.014*\"kim\"\n", - "2019-01-31 01:27:41,419 : INFO : topic #27 (0.020): 0.074*\"questionnair\" + 0.021*\"candid\" + 0.019*\"taxpay\" + 0.014*\"tornado\" + 0.012*\"driver\" + 0.012*\"fool\" + 0.011*\"ret\" + 0.011*\"find\" + 0.011*\"horac\" + 0.010*\"squatter\"\n", - "2019-01-31 01:27:41,426 : INFO : topic diff=0.003258, rho=0.021932\n", - "2019-01-31 01:27:44,081 : INFO : -11.643 per-word bound, 3198.3 perplexity estimate based on a held-out corpus of 2000 documents with 541281 words\n", - "2019-01-31 01:27:44,082 : INFO : PROGRESS: pass 0, at document #4160000/4922894\n", - "2019-01-31 01:27:45,451 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:27:45,718 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.025*\"offic\" + 0.024*\"nation\" + 0.023*\"minist\" + 0.023*\"govern\" + 0.021*\"member\" + 0.017*\"start\" + 0.017*\"serv\" + 0.015*\"gener\" + 0.014*\"seri\"\n", - "2019-01-31 01:27:45,719 : INFO : topic #25 (0.020): 0.033*\"ring\" + 0.018*\"area\" + 0.018*\"lagrang\" + 0.017*\"warmth\" + 0.016*\"mount\" + 0.009*\"north\" + 0.009*\"land\" + 0.009*\"sourc\" + 0.009*\"foam\" + 0.009*\"lobe\"\n", - "2019-01-31 01:27:45,720 : INFO : topic #40 (0.020): 0.086*\"unit\" + 0.023*\"schuster\" + 0.022*\"collector\" + 0.022*\"institut\" + 0.021*\"requir\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"http\" + 0.011*\"degre\"\n", - "2019-01-31 01:27:45,721 : INFO : topic #45 (0.020): 0.043*\"arsen\" + 0.029*\"jpg\" + 0.027*\"museo\" + 0.027*\"fifteenth\" + 0.022*\"pain\" + 0.021*\"illicit\" + 0.016*\"exhaust\" + 0.016*\"artist\" + 0.016*\"gai\" + 0.015*\"colder\"\n", - "2019-01-31 01:27:45,722 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.006*\"gener\" + 0.006*\"exampl\" + 0.006*\"utopian\" + 0.006*\"poet\" + 0.006*\"southern\" + 0.006*\"théori\" + 0.006*\"measur\" + 0.006*\"field\"\n", - "2019-01-31 01:27:45,728 : INFO : topic diff=0.003244, rho=0.021926\n", - "2019-01-31 01:27:45,884 : INFO : PROGRESS: pass 0, at document #4162000/4922894\n", - "2019-01-31 01:27:47,264 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:27:47,534 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.036*\"leagu\" + 0.029*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.024*\"crete\" + 0.022*\"folei\" + 0.016*\"goal\" + 0.016*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:27:47,535 : INFO : topic #47 (0.020): 0.062*\"muscl\" + 0.033*\"perceptu\" + 0.020*\"theater\" + 0.018*\"place\" + 0.017*\"compos\" + 0.016*\"damn\" + 0.013*\"orchestr\" + 0.013*\"olympo\" + 0.013*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 01:27:47,536 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.015*\"simultan\" + 0.013*\"toyota\" + 0.013*\"charcoal\" + 0.010*\"myspac\"\n", - "2019-01-31 01:27:47,537 : INFO : topic #17 (0.020): 0.079*\"church\" + 0.023*\"cathol\" + 0.022*\"christian\" + 0.021*\"bishop\" + 0.017*\"sail\" + 0.015*\"retroflex\" + 0.009*\"relationship\" + 0.009*\"parish\" + 0.009*\"historiographi\" + 0.009*\"cathedr\"\n", - "2019-01-31 01:27:47,538 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.025*\"offic\" + 0.024*\"nation\" + 0.023*\"minist\" + 0.023*\"govern\" + 0.021*\"member\" + 0.017*\"start\" + 0.017*\"serv\" + 0.015*\"gener\" + 0.014*\"seri\"\n", - "2019-01-31 01:27:47,544 : INFO : topic diff=0.003101, rho=0.021921\n", - "2019-01-31 01:27:47,700 : INFO : PROGRESS: pass 0, at document #4164000/4922894\n", - "2019-01-31 01:27:49,057 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:27:49,324 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.047*\"chilton\" + 0.026*\"kong\" + 0.025*\"hong\" + 0.020*\"korea\" + 0.017*\"korean\" + 0.016*\"leah\" + 0.015*\"shirin\" + 0.015*\"sourc\" + 0.014*\"kim\"\n", - "2019-01-31 01:27:49,325 : INFO : topic #28 (0.020): 0.036*\"build\" + 0.030*\"hous\" + 0.018*\"buford\" + 0.015*\"histor\" + 0.012*\"linear\" + 0.011*\"depress\" + 0.011*\"constitut\" + 0.011*\"silicon\" + 0.010*\"centuri\" + 0.010*\"pistol\"\n", - "2019-01-31 01:27:49,326 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.018*\"factor\" + 0.013*\"plaisir\" + 0.010*\"western\" + 0.010*\"genu\" + 0.009*\"biom\" + 0.008*\"median\" + 0.007*\"florida\" + 0.006*\"trap\" + 0.006*\"incom\"\n", - "2019-01-31 01:27:49,327 : INFO : topic #20 (0.020): 0.140*\"scholar\" + 0.041*\"struggl\" + 0.033*\"high\" + 0.030*\"educ\" + 0.024*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.009*\"class\" + 0.009*\"gothic\" + 0.009*\"district\"\n", - "2019-01-31 01:27:49,328 : INFO : topic #2 (0.020): 0.050*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.010*\"class\" + 0.009*\"bahá\"\n", - "2019-01-31 01:27:49,334 : INFO : topic diff=0.003037, rho=0.021916\n", - "2019-01-31 01:27:49,492 : INFO : PROGRESS: pass 0, at document #4166000/4922894\n", - "2019-01-31 01:27:50,877 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:27:51,143 : INFO : topic #46 (0.020): 0.017*\"stop\" + 0.015*\"norwai\" + 0.015*\"sweden\" + 0.014*\"wind\" + 0.014*\"damag\" + 0.014*\"swedish\" + 0.013*\"norwegian\" + 0.012*\"treeless\" + 0.012*\"huntsvil\" + 0.010*\"denmark\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:27:51,144 : INFO : topic #33 (0.020): 0.060*\"french\" + 0.045*\"franc\" + 0.030*\"pari\" + 0.022*\"jean\" + 0.021*\"sail\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 01:27:51,145 : INFO : topic #27 (0.020): 0.073*\"questionnair\" + 0.021*\"candid\" + 0.018*\"taxpay\" + 0.014*\"tornado\" + 0.014*\"ret\" + 0.012*\"driver\" + 0.012*\"horac\" + 0.011*\"fool\" + 0.011*\"find\" + 0.010*\"squatter\"\n", - "2019-01-31 01:27:51,147 : INFO : topic #28 (0.020): 0.036*\"build\" + 0.030*\"hous\" + 0.018*\"buford\" + 0.015*\"histor\" + 0.012*\"linear\" + 0.011*\"constitut\" + 0.011*\"depress\" + 0.010*\"silicon\" + 0.010*\"centuri\" + 0.010*\"pistol\"\n", - "2019-01-31 01:27:51,147 : INFO : topic #13 (0.020): 0.027*\"london\" + 0.026*\"sourc\" + 0.025*\"australia\" + 0.024*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 01:27:51,153 : INFO : topic diff=0.003395, rho=0.021911\n", - "2019-01-31 01:27:51,308 : INFO : PROGRESS: pass 0, at document #4168000/4922894\n", - "2019-01-31 01:27:52,676 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:27:52,942 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.036*\"leagu\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.024*\"crete\" + 0.022*\"folei\" + 0.017*\"goal\" + 0.016*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:27:52,943 : INFO : topic #2 (0.020): 0.050*\"isl\" + 0.038*\"shield\" + 0.017*\"narrat\" + 0.016*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.010*\"class\" + 0.009*\"bahá\"\n", - "2019-01-31 01:27:52,944 : INFO : topic #9 (0.020): 0.072*\"bone\" + 0.042*\"american\" + 0.028*\"valour\" + 0.020*\"dutch\" + 0.018*\"player\" + 0.017*\"folei\" + 0.017*\"polit\" + 0.017*\"english\" + 0.014*\"acrimoni\" + 0.013*\"simpler\"\n", - "2019-01-31 01:27:52,946 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.010*\"prognosi\" + 0.010*\"pop\" + 0.009*\"cytokin\" + 0.008*\"softwar\" + 0.008*\"develop\" + 0.008*\"diggin\" + 0.008*\"uruguayan\" + 0.007*\"user\" + 0.007*\"championship\"\n", - "2019-01-31 01:27:52,947 : INFO : topic #26 (0.020): 0.030*\"workplac\" + 0.029*\"champion\" + 0.026*\"woman\" + 0.024*\"olymp\" + 0.023*\"men\" + 0.022*\"medal\" + 0.019*\"event\" + 0.018*\"taxpay\" + 0.018*\"nation\" + 0.017*\"rainfal\"\n", - "2019-01-31 01:27:52,953 : INFO : topic diff=0.003222, rho=0.021905\n", - "2019-01-31 01:27:53,110 : INFO : PROGRESS: pass 0, at document #4170000/4922894\n", - "2019-01-31 01:27:54,521 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:27:54,788 : INFO : topic #17 (0.020): 0.078*\"church\" + 0.023*\"cathol\" + 0.022*\"christian\" + 0.021*\"bishop\" + 0.017*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.009*\"parish\" + 0.009*\"cathedr\" + 0.009*\"historiographi\"\n", - "2019-01-31 01:27:54,789 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.033*\"perceptu\" + 0.020*\"theater\" + 0.017*\"place\" + 0.017*\"compos\" + 0.016*\"damn\" + 0.013*\"orchestr\" + 0.013*\"olympo\" + 0.012*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 01:27:54,790 : INFO : topic #27 (0.020): 0.073*\"questionnair\" + 0.021*\"candid\" + 0.018*\"taxpay\" + 0.014*\"tornado\" + 0.014*\"ret\" + 0.012*\"driver\" + 0.012*\"horac\" + 0.011*\"fool\" + 0.011*\"find\" + 0.010*\"squatter\"\n", - "2019-01-31 01:27:54,791 : INFO : topic #28 (0.020): 0.036*\"build\" + 0.030*\"hous\" + 0.018*\"buford\" + 0.015*\"histor\" + 0.012*\"linear\" + 0.011*\"constitut\" + 0.011*\"depress\" + 0.010*\"silicon\" + 0.010*\"centuri\" + 0.010*\"pistol\"\n", - "2019-01-31 01:27:54,793 : INFO : topic #25 (0.020): 0.033*\"ring\" + 0.018*\"area\" + 0.018*\"lagrang\" + 0.017*\"warmth\" + 0.016*\"mount\" + 0.009*\"north\" + 0.009*\"land\" + 0.009*\"sourc\" + 0.009*\"foam\" + 0.009*\"vacant\"\n", - "2019-01-31 01:27:54,798 : INFO : topic diff=0.003274, rho=0.021900\n", - "2019-01-31 01:27:54,952 : INFO : PROGRESS: pass 0, at document #4172000/4922894\n", - "2019-01-31 01:27:56,313 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:27:56,580 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"prognosi\" + 0.010*\"pop\" + 0.009*\"cytokin\" + 0.008*\"softwar\" + 0.008*\"develop\" + 0.008*\"diggin\" + 0.008*\"uruguayan\" + 0.007*\"championship\" + 0.007*\"includ\"\n", - "2019-01-31 01:27:56,581 : INFO : topic #2 (0.020): 0.050*\"isl\" + 0.038*\"shield\" + 0.017*\"narrat\" + 0.016*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.010*\"class\" + 0.009*\"bahá\"\n", - "2019-01-31 01:27:56,582 : INFO : topic #16 (0.020): 0.054*\"king\" + 0.032*\"priest\" + 0.019*\"grammat\" + 0.018*\"duke\" + 0.018*\"idiosyncrat\" + 0.018*\"rotterdam\" + 0.016*\"quarterli\" + 0.014*\"kingdom\" + 0.013*\"order\" + 0.013*\"portugues\"\n", - "2019-01-31 01:27:56,583 : INFO : topic #34 (0.020): 0.067*\"start\" + 0.034*\"new\" + 0.032*\"american\" + 0.029*\"unionist\" + 0.025*\"cotton\" + 0.022*\"year\" + 0.015*\"california\" + 0.013*\"terri\" + 0.013*\"warrior\" + 0.011*\"citi\"\n", - "2019-01-31 01:27:56,584 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.006*\"exampl\" + 0.006*\"gener\" + 0.006*\"southern\" + 0.006*\"poet\" + 0.006*\"utopian\" + 0.006*\"théori\" + 0.006*\"measur\" + 0.006*\"field\"\n", - "2019-01-31 01:27:56,590 : INFO : topic diff=0.002931, rho=0.021895\n", - "2019-01-31 01:27:56,750 : INFO : PROGRESS: pass 0, at document #4174000/4922894\n", - "2019-01-31 01:27:58,138 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:27:58,408 : INFO : topic #21 (0.020): 0.033*\"samford\" + 0.023*\"spain\" + 0.018*\"del\" + 0.018*\"italian\" + 0.017*\"mexico\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.010*\"lizard\" + 0.010*\"carlo\"\n", - "2019-01-31 01:27:58,409 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.023*\"palmer\" + 0.020*\"new\" + 0.017*\"strategist\" + 0.013*\"open\" + 0.013*\"center\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"hot\"\n", - "2019-01-31 01:27:58,410 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"margin\" + 0.016*\"yawn\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"daughter\" + 0.012*\"deal\"\n", - "2019-01-31 01:27:58,411 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.018*\"factor\" + 0.013*\"plaisir\" + 0.010*\"western\" + 0.010*\"genu\" + 0.009*\"biom\" + 0.008*\"median\" + 0.007*\"trap\" + 0.007*\"florida\" + 0.007*\"incom\"\n", - "2019-01-31 01:27:58,412 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.036*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.024*\"crete\" + 0.022*\"folei\" + 0.017*\"goal\" + 0.016*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:27:58,418 : INFO : topic diff=0.002811, rho=0.021890\n", - "2019-01-31 01:27:58,574 : INFO : PROGRESS: pass 0, at document #4176000/4922894\n", - "2019-01-31 01:27:59,946 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:28:00,213 : INFO : topic #32 (0.020): 0.049*\"district\" + 0.045*\"popolo\" + 0.043*\"vigour\" + 0.036*\"tortur\" + 0.033*\"cotton\" + 0.023*\"multitud\" + 0.022*\"adulthood\" + 0.021*\"area\" + 0.019*\"cede\" + 0.018*\"citi\"\n", - "2019-01-31 01:28:00,214 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.023*\"palmer\" + 0.020*\"new\" + 0.017*\"strategist\" + 0.013*\"open\" + 0.013*\"center\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"hot\"\n", - "2019-01-31 01:28:00,215 : INFO : topic #24 (0.020): 0.040*\"book\" + 0.035*\"publicis\" + 0.027*\"word\" + 0.020*\"new\" + 0.014*\"edit\" + 0.014*\"presid\" + 0.011*\"magazin\" + 0.011*\"worldwid\" + 0.011*\"author\" + 0.011*\"nicola\"\n", - "2019-01-31 01:28:00,216 : INFO : topic #48 (0.020): 0.079*\"sens\" + 0.078*\"octob\" + 0.078*\"march\" + 0.071*\"juli\" + 0.071*\"august\" + 0.070*\"januari\" + 0.067*\"notion\" + 0.066*\"judici\" + 0.066*\"april\" + 0.065*\"decatur\"\n", - "2019-01-31 01:28:00,217 : INFO : topic #0 (0.020): 0.063*\"statewid\" + 0.041*\"line\" + 0.031*\"raid\" + 0.028*\"rivièr\" + 0.026*\"rosenwald\" + 0.022*\"airmen\" + 0.019*\"serv\" + 0.019*\"traceabl\" + 0.014*\"oper\" + 0.010*\"transient\"\n", - "2019-01-31 01:28:00,223 : INFO : topic diff=0.003335, rho=0.021884\n", - "2019-01-31 01:28:00,385 : INFO : PROGRESS: pass 0, at document #4178000/4922894\n", - "2019-01-31 01:28:01,813 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:28:02,079 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"end\" + 0.005*\"retrospect\" + 0.004*\"call\" + 0.004*\"wander\"\n", - "2019-01-31 01:28:02,081 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"word\" + 0.008*\"group\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.007*\"woman\" + 0.006*\"workplac\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:28:02,082 : INFO : topic #27 (0.020): 0.073*\"questionnair\" + 0.021*\"candid\" + 0.018*\"taxpay\" + 0.014*\"tornado\" + 0.013*\"ret\" + 0.012*\"horac\" + 0.012*\"driver\" + 0.011*\"fool\" + 0.011*\"find\" + 0.010*\"théori\"\n", - "2019-01-31 01:28:02,083 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.028*\"final\" + 0.024*\"wife\" + 0.022*\"tourist\" + 0.020*\"champion\" + 0.015*\"martin\" + 0.015*\"chamber\" + 0.014*\"tiepolo\" + 0.014*\"taxpay\" + 0.013*\"open\"\n", - "2019-01-31 01:28:02,084 : INFO : topic #33 (0.020): 0.059*\"french\" + 0.046*\"franc\" + 0.030*\"pari\" + 0.022*\"jean\" + 0.021*\"sail\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 01:28:02,090 : INFO : topic diff=0.002943, rho=0.021879\n", - "2019-01-31 01:28:04,807 : INFO : -11.514 per-word bound, 2925.5 perplexity estimate based on a held-out corpus of 2000 documents with 561329 words\n", - "2019-01-31 01:28:04,808 : INFO : PROGRESS: pass 0, at document #4180000/4922894\n", - "2019-01-31 01:28:06,186 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:28:06,453 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.018*\"factor\" + 0.013*\"plaisir\" + 0.010*\"western\" + 0.010*\"genu\" + 0.009*\"biom\" + 0.008*\"median\" + 0.007*\"trap\" + 0.007*\"incom\" + 0.006*\"florida\"\n", - "2019-01-31 01:28:06,454 : INFO : topic #43 (0.020): 0.068*\"elect\" + 0.053*\"parti\" + 0.024*\"voluntari\" + 0.024*\"democrat\" + 0.019*\"member\" + 0.016*\"polici\" + 0.016*\"republ\" + 0.015*\"conserv\" + 0.014*\"bypass\" + 0.013*\"selma\"\n", - "2019-01-31 01:28:06,455 : INFO : topic #21 (0.020): 0.034*\"samford\" + 0.023*\"spain\" + 0.018*\"del\" + 0.017*\"italian\" + 0.017*\"mexico\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.010*\"lizard\" + 0.010*\"carlo\"\n", - "2019-01-31 01:28:06,456 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"produc\" + 0.011*\"market\" + 0.011*\"bank\" + 0.010*\"industri\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"serv\"\n", - "2019-01-31 01:28:06,457 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"word\" + 0.008*\"group\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.007*\"woman\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:28:06,462 : INFO : topic diff=0.002960, rho=0.021874\n", - "2019-01-31 01:28:06,617 : INFO : PROGRESS: pass 0, at document #4182000/4922894\n", - "2019-01-31 01:28:07,956 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:28:08,223 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.024*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.012*\"rodríguez\" + 0.011*\"proclaim\" + 0.011*\"direct\" + 0.010*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:28:08,224 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.023*\"palmer\" + 0.020*\"new\" + 0.016*\"strategist\" + 0.013*\"open\" + 0.013*\"center\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"hot\"\n", - "2019-01-31 01:28:08,225 : INFO : topic #23 (0.020): 0.137*\"audit\" + 0.070*\"best\" + 0.034*\"yawn\" + 0.029*\"jacksonvil\" + 0.023*\"japanes\" + 0.022*\"noll\" + 0.019*\"women\" + 0.018*\"festiv\" + 0.016*\"intern\" + 0.014*\"winner\"\n", - "2019-01-31 01:28:08,226 : INFO : topic #39 (0.020): 0.062*\"canada\" + 0.046*\"canadian\" + 0.024*\"hoar\" + 0.024*\"toronto\" + 0.020*\"ontario\" + 0.015*\"quebec\" + 0.015*\"new\" + 0.015*\"misericordia\" + 0.014*\"hydrogen\" + 0.013*\"novotná\"\n", - "2019-01-31 01:28:08,227 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.006*\"southern\" + 0.006*\"exampl\" + 0.006*\"poet\" + 0.006*\"gener\" + 0.006*\"utopian\" + 0.006*\"théori\" + 0.006*\"field\" + 0.006*\"servitud\"\n", - "2019-01-31 01:28:08,233 : INFO : topic diff=0.003073, rho=0.021869\n", - "2019-01-31 01:28:08,391 : INFO : PROGRESS: pass 0, at document #4184000/4922894\n", - "2019-01-31 01:28:09,769 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:28:10,036 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.028*\"final\" + 0.023*\"wife\" + 0.022*\"tourist\" + 0.019*\"champion\" + 0.015*\"martin\" + 0.015*\"chamber\" + 0.014*\"tiepolo\" + 0.014*\"taxpay\" + 0.013*\"open\"\n", - "2019-01-31 01:28:10,037 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.031*\"incumb\" + 0.013*\"islam\" + 0.013*\"pakistan\" + 0.012*\"televis\" + 0.011*\"muskoge\" + 0.011*\"anglo\" + 0.010*\"affection\" + 0.010*\"khalsa\" + 0.010*\"sri\"\n", - "2019-01-31 01:28:10,038 : INFO : topic #35 (0.020): 0.055*\"russia\" + 0.036*\"sovereignti\" + 0.032*\"rural\" + 0.026*\"personifi\" + 0.024*\"reprint\" + 0.024*\"poison\" + 0.020*\"moscow\" + 0.019*\"poland\" + 0.016*\"malaysia\" + 0.015*\"unfortun\"\n", - "2019-01-31 01:28:10,039 : INFO : topic #32 (0.020): 0.049*\"district\" + 0.045*\"popolo\" + 0.043*\"vigour\" + 0.036*\"tortur\" + 0.033*\"cotton\" + 0.023*\"multitud\" + 0.022*\"adulthood\" + 0.021*\"area\" + 0.019*\"cede\" + 0.018*\"citi\"\n", - "2019-01-31 01:28:10,040 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.010*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.007*\"uruguayan\"\n", - "2019-01-31 01:28:10,046 : INFO : topic diff=0.003508, rho=0.021863\n", - "2019-01-31 01:28:10,205 : INFO : PROGRESS: pass 0, at document #4186000/4922894\n", - "2019-01-31 01:28:11,590 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:28:11,857 : INFO : topic #40 (0.020): 0.086*\"unit\" + 0.023*\"schuster\" + 0.022*\"collector\" + 0.021*\"institut\" + 0.020*\"requir\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"degre\" + 0.011*\"http\"\n", - "2019-01-31 01:28:11,858 : INFO : topic #33 (0.020): 0.059*\"french\" + 0.046*\"franc\" + 0.030*\"pari\" + 0.022*\"jean\" + 0.021*\"sail\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 01:28:11,860 : INFO : topic #34 (0.020): 0.067*\"start\" + 0.034*\"new\" + 0.032*\"american\" + 0.029*\"unionist\" + 0.026*\"cotton\" + 0.022*\"year\" + 0.015*\"california\" + 0.013*\"terri\" + 0.013*\"warrior\" + 0.011*\"citi\"\n", - "2019-01-31 01:28:11,861 : INFO : topic #20 (0.020): 0.140*\"scholar\" + 0.041*\"struggl\" + 0.033*\"high\" + 0.030*\"educ\" + 0.024*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.009*\"gothic\" + 0.009*\"district\" + 0.009*\"task\"\n", - "2019-01-31 01:28:11,862 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.018*\"factor\" + 0.012*\"plaisir\" + 0.010*\"western\" + 0.010*\"genu\" + 0.009*\"biom\" + 0.008*\"median\" + 0.007*\"incom\" + 0.006*\"trap\" + 0.006*\"florida\"\n", - "2019-01-31 01:28:11,868 : INFO : topic diff=0.003025, rho=0.021858\n", - "2019-01-31 01:28:12,029 : INFO : PROGRESS: pass 0, at document #4188000/4922894\n", - "2019-01-31 01:28:13,914 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:28:14,180 : INFO : topic #27 (0.020): 0.075*\"questionnair\" + 0.021*\"candid\" + 0.018*\"taxpay\" + 0.014*\"tornado\" + 0.013*\"ret\" + 0.012*\"horac\" + 0.012*\"driver\" + 0.011*\"fool\" + 0.011*\"find\" + 0.010*\"théori\"\n", - "2019-01-31 01:28:14,181 : INFO : topic #1 (0.020): 0.056*\"china\" + 0.046*\"chilton\" + 0.026*\"kong\" + 0.025*\"hong\" + 0.021*\"korea\" + 0.018*\"korean\" + 0.017*\"leah\" + 0.015*\"shirin\" + 0.015*\"sourc\" + 0.014*\"kim\"\n", - "2019-01-31 01:28:14,182 : INFO : topic #26 (0.020): 0.030*\"workplac\" + 0.028*\"champion\" + 0.026*\"woman\" + 0.024*\"olymp\" + 0.023*\"men\" + 0.022*\"medal\" + 0.019*\"event\" + 0.018*\"taxpay\" + 0.018*\"nation\" + 0.017*\"rainfal\"\n", - "2019-01-31 01:28:14,183 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.032*\"germani\" + 0.016*\"vol\" + 0.014*\"jewish\" + 0.014*\"israel\" + 0.014*\"berlin\" + 0.013*\"der\" + 0.010*\"european\" + 0.010*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:28:14,184 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.031*\"incumb\" + 0.014*\"islam\" + 0.013*\"pakistan\" + 0.012*\"televis\" + 0.011*\"muskoge\" + 0.011*\"anglo\" + 0.011*\"affection\" + 0.010*\"khalsa\" + 0.010*\"sri\"\n", - "2019-01-31 01:28:14,190 : INFO : topic diff=0.003308, rho=0.021853\n", - "2019-01-31 01:28:14,346 : INFO : PROGRESS: pass 0, at document #4190000/4922894\n", - "2019-01-31 01:28:15,753 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:28:16,021 : INFO : topic #0 (0.020): 0.063*\"statewid\" + 0.040*\"line\" + 0.031*\"raid\" + 0.029*\"rivièr\" + 0.027*\"rosenwald\" + 0.022*\"airmen\" + 0.019*\"serv\" + 0.018*\"traceabl\" + 0.013*\"oper\" + 0.010*\"transient\"\n", - "2019-01-31 01:28:16,022 : INFO : topic #35 (0.020): 0.055*\"russia\" + 0.038*\"sovereignti\" + 0.032*\"rural\" + 0.026*\"personifi\" + 0.024*\"reprint\" + 0.024*\"poison\" + 0.020*\"moscow\" + 0.019*\"poland\" + 0.016*\"malaysia\" + 0.015*\"unfortun\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:28:16,023 : INFO : topic #43 (0.020): 0.069*\"elect\" + 0.053*\"parti\" + 0.024*\"democrat\" + 0.024*\"voluntari\" + 0.019*\"member\" + 0.016*\"polici\" + 0.016*\"republ\" + 0.014*\"conserv\" + 0.014*\"selma\" + 0.014*\"bypass\"\n", - "2019-01-31 01:28:16,024 : INFO : topic #32 (0.020): 0.049*\"district\" + 0.045*\"popolo\" + 0.043*\"vigour\" + 0.036*\"tortur\" + 0.033*\"cotton\" + 0.023*\"multitud\" + 0.022*\"adulthood\" + 0.021*\"area\" + 0.019*\"cede\" + 0.018*\"citi\"\n", - "2019-01-31 01:28:16,025 : INFO : topic #4 (0.020): 0.019*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.008*\"elabor\" + 0.008*\"uruguayan\" + 0.008*\"veget\" + 0.007*\"mode\" + 0.006*\"develop\" + 0.006*\"spectacl\" + 0.006*\"turn\"\n", - "2019-01-31 01:28:16,031 : INFO : topic diff=0.002794, rho=0.021848\n", - "2019-01-31 01:28:16,242 : INFO : PROGRESS: pass 0, at document #4192000/4922894\n", - "2019-01-31 01:28:17,599 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:28:17,865 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.033*\"perceptu\" + 0.021*\"theater\" + 0.018*\"compos\" + 0.018*\"place\" + 0.015*\"damn\" + 0.013*\"olympo\" + 0.013*\"orchestr\" + 0.012*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 01:28:17,867 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.024*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.012*\"rodríguez\" + 0.011*\"direct\" + 0.011*\"proclaim\" + 0.010*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:28:17,868 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"margin\" + 0.016*\"yawn\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"deal\" + 0.011*\"daughter\"\n", - "2019-01-31 01:28:17,869 : INFO : topic #48 (0.020): 0.080*\"sens\" + 0.080*\"march\" + 0.078*\"octob\" + 0.072*\"juli\" + 0.072*\"januari\" + 0.071*\"august\" + 0.068*\"notion\" + 0.068*\"judici\" + 0.067*\"april\" + 0.065*\"decatur\"\n", - "2019-01-31 01:28:17,870 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.010*\"aza\" + 0.009*\"forc\" + 0.008*\"battalion\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.007*\"teufel\" + 0.006*\"govern\" + 0.006*\"militari\" + 0.006*\"citi\"\n", - "2019-01-31 01:28:17,876 : INFO : topic diff=0.003122, rho=0.021843\n", - "2019-01-31 01:28:18,039 : INFO : PROGRESS: pass 0, at document #4194000/4922894\n", - "2019-01-31 01:28:19,446 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:28:19,713 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.010*\"aza\" + 0.009*\"forc\" + 0.008*\"battalion\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.007*\"teufel\" + 0.006*\"govern\" + 0.006*\"militari\" + 0.006*\"citi\"\n", - "2019-01-31 01:28:19,714 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"margin\" + 0.016*\"yawn\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"deal\" + 0.011*\"daughter\"\n", - "2019-01-31 01:28:19,715 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.015*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:28:19,716 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.023*\"palmer\" + 0.020*\"new\" + 0.016*\"strategist\" + 0.013*\"center\" + 0.013*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"hot\"\n", - "2019-01-31 01:28:19,717 : INFO : topic #13 (0.020): 0.027*\"london\" + 0.026*\"sourc\" + 0.025*\"australia\" + 0.024*\"new\" + 0.023*\"australian\" + 0.022*\"england\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.014*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 01:28:19,723 : INFO : topic diff=0.003516, rho=0.021837\n", - "2019-01-31 01:28:19,875 : INFO : PROGRESS: pass 0, at document #4196000/4922894\n", - "2019-01-31 01:28:21,220 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:28:21,487 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.033*\"perceptu\" + 0.021*\"theater\" + 0.018*\"compos\" + 0.018*\"place\" + 0.016*\"damn\" + 0.013*\"olympo\" + 0.013*\"orchestr\" + 0.012*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 01:28:21,488 : INFO : topic #35 (0.020): 0.054*\"russia\" + 0.037*\"sovereignti\" + 0.033*\"rural\" + 0.026*\"personifi\" + 0.024*\"reprint\" + 0.024*\"poison\" + 0.020*\"moscow\" + 0.019*\"poland\" + 0.016*\"malaysia\" + 0.015*\"unfortun\"\n", - "2019-01-31 01:28:21,489 : INFO : topic #43 (0.020): 0.068*\"elect\" + 0.055*\"parti\" + 0.025*\"democrat\" + 0.024*\"voluntari\" + 0.019*\"member\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.013*\"conserv\" + 0.013*\"bypass\" + 0.013*\"selma\"\n", - "2019-01-31 01:28:21,490 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"pop\" + 0.010*\"prognosi\" + 0.009*\"cytokin\" + 0.008*\"diggin\" + 0.008*\"develop\" + 0.008*\"uruguayan\" + 0.008*\"softwar\" + 0.008*\"championship\" + 0.007*\"includ\"\n", - "2019-01-31 01:28:21,490 : INFO : topic #13 (0.020): 0.028*\"london\" + 0.026*\"sourc\" + 0.025*\"australia\" + 0.024*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.014*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 01:28:21,496 : INFO : topic diff=0.003670, rho=0.021832\n", - "2019-01-31 01:28:21,656 : INFO : PROGRESS: pass 0, at document #4198000/4922894\n", - "2019-01-31 01:28:23,044 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:28:23,310 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.009*\"develop\" + 0.009*\"commun\" + 0.009*\"word\" + 0.008*\"group\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"human\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:28:23,312 : INFO : topic #37 (0.020): 0.013*\"charact\" + 0.012*\"septemb\" + 0.011*\"anim\" + 0.011*\"man\" + 0.009*\"comic\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.007*\"workplac\" + 0.007*\"fusiform\" + 0.006*\"black\"\n", - "2019-01-31 01:28:23,313 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"end\" + 0.005*\"retrospect\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:28:23,314 : INFO : topic #17 (0.020): 0.078*\"church\" + 0.025*\"cathol\" + 0.022*\"christian\" + 0.021*\"bishop\" + 0.017*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.010*\"parish\" + 0.009*\"historiographi\" + 0.009*\"cathedr\"\n", - "2019-01-31 01:28:23,315 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.025*\"offic\" + 0.024*\"nation\" + 0.023*\"minist\" + 0.023*\"govern\" + 0.022*\"member\" + 0.017*\"start\" + 0.016*\"serv\" + 0.015*\"gener\" + 0.014*\"seri\"\n", - "2019-01-31 01:28:23,321 : INFO : topic diff=0.004351, rho=0.021827\n", - "2019-01-31 01:28:25,977 : INFO : -11.615 per-word bound, 3137.4 perplexity estimate based on a held-out corpus of 2000 documents with 531616 words\n", - "2019-01-31 01:28:25,978 : INFO : PROGRESS: pass 0, at document #4200000/4922894\n", - "2019-01-31 01:28:27,354 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:28:27,621 : INFO : topic #9 (0.020): 0.073*\"bone\" + 0.042*\"american\" + 0.028*\"valour\" + 0.019*\"dutch\" + 0.018*\"player\" + 0.017*\"folei\" + 0.017*\"polit\" + 0.016*\"english\" + 0.014*\"acrimoni\" + 0.013*\"simpler\"\n", - "2019-01-31 01:28:27,622 : INFO : topic #39 (0.020): 0.061*\"canada\" + 0.046*\"canadian\" + 0.024*\"hoar\" + 0.024*\"toronto\" + 0.020*\"ontario\" + 0.015*\"misericordia\" + 0.015*\"new\" + 0.015*\"hydrogen\" + 0.014*\"quebec\" + 0.014*\"novotná\"\n", - "2019-01-31 01:28:27,623 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.034*\"perceptu\" + 0.021*\"theater\" + 0.018*\"compos\" + 0.018*\"place\" + 0.016*\"damn\" + 0.013*\"olympo\" + 0.013*\"orchestr\" + 0.012*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 01:28:27,624 : INFO : topic #20 (0.020): 0.140*\"scholar\" + 0.040*\"struggl\" + 0.033*\"high\" + 0.030*\"educ\" + 0.023*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.009*\"gothic\" + 0.009*\"task\"\n", - "2019-01-31 01:28:27,625 : INFO : topic #17 (0.020): 0.078*\"church\" + 0.025*\"cathol\" + 0.022*\"christian\" + 0.021*\"bishop\" + 0.016*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.010*\"parish\" + 0.009*\"historiographi\" + 0.009*\"cathedr\"\n", - "2019-01-31 01:28:27,631 : INFO : topic diff=0.002872, rho=0.021822\n", - "2019-01-31 01:28:27,788 : INFO : PROGRESS: pass 0, at document #4202000/4922894\n", - "2019-01-31 01:28:29,166 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:28:29,432 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.010*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"uruguayan\"\n", - "2019-01-31 01:28:29,433 : INFO : topic #9 (0.020): 0.073*\"bone\" + 0.042*\"american\" + 0.028*\"valour\" + 0.019*\"dutch\" + 0.018*\"player\" + 0.017*\"folei\" + 0.017*\"polit\" + 0.016*\"english\" + 0.014*\"acrimoni\" + 0.013*\"simpler\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:28:29,434 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.045*\"chilton\" + 0.025*\"kong\" + 0.025*\"hong\" + 0.021*\"korea\" + 0.018*\"korean\" + 0.017*\"leah\" + 0.015*\"shirin\" + 0.015*\"sourc\" + 0.014*\"kim\"\n", - "2019-01-31 01:28:29,435 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.008*\"elabor\" + 0.008*\"uruguayan\" + 0.008*\"mode\" + 0.007*\"veget\" + 0.006*\"develop\" + 0.006*\"spectacl\" + 0.006*\"produc\"\n", - "2019-01-31 01:28:29,436 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"like\" + 0.005*\"end\" + 0.005*\"retrospect\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:28:29,442 : INFO : topic diff=0.003367, rho=0.021817\n", - "2019-01-31 01:28:29,602 : INFO : PROGRESS: pass 0, at document #4204000/4922894\n", - "2019-01-31 01:28:30,999 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:28:31,265 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.009*\"develop\" + 0.009*\"commun\" + 0.009*\"word\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.007*\"woman\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:28:31,266 : INFO : topic #31 (0.020): 0.050*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.022*\"player\" + 0.019*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:28:31,267 : INFO : topic #25 (0.020): 0.033*\"ring\" + 0.018*\"area\" + 0.018*\"lagrang\" + 0.017*\"warmth\" + 0.016*\"mount\" + 0.009*\"north\" + 0.009*\"land\" + 0.009*\"sourc\" + 0.009*\"foam\" + 0.009*\"lobe\"\n", - "2019-01-31 01:28:31,268 : INFO : topic #17 (0.020): 0.079*\"church\" + 0.025*\"cathol\" + 0.022*\"christian\" + 0.021*\"bishop\" + 0.016*\"sail\" + 0.015*\"retroflex\" + 0.010*\"parish\" + 0.010*\"historiographi\" + 0.010*\"relationship\" + 0.009*\"cathedr\"\n", - "2019-01-31 01:28:31,269 : INFO : topic #21 (0.020): 0.034*\"samford\" + 0.023*\"spain\" + 0.018*\"del\" + 0.017*\"italian\" + 0.017*\"mexico\" + 0.014*\"soviet\" + 0.011*\"santa\" + 0.011*\"juan\" + 0.010*\"francisco\" + 0.010*\"carlo\"\n", - "2019-01-31 01:28:31,275 : INFO : topic diff=0.003307, rho=0.021811\n", - "2019-01-31 01:28:31,434 : INFO : PROGRESS: pass 0, at document #4206000/4922894\n", - "2019-01-31 01:28:32,795 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:28:33,063 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.031*\"incumb\" + 0.013*\"islam\" + 0.013*\"pakistan\" + 0.012*\"televis\" + 0.011*\"anglo\" + 0.011*\"affection\" + 0.011*\"muskoge\" + 0.010*\"khalsa\" + 0.010*\"sri\"\n", - "2019-01-31 01:28:33,064 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.035*\"publicis\" + 0.026*\"word\" + 0.020*\"new\" + 0.014*\"presid\" + 0.014*\"edit\" + 0.011*\"magazin\" + 0.011*\"worldwid\" + 0.011*\"author\" + 0.011*\"storag\"\n", - "2019-01-31 01:28:33,065 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.011*\"jame\" + 0.011*\"david\" + 0.011*\"will\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"slur\" + 0.008*\"georg\" + 0.007*\"rhyme\" + 0.007*\"paul\"\n", - "2019-01-31 01:28:33,066 : INFO : topic #48 (0.020): 0.080*\"sens\" + 0.080*\"march\" + 0.080*\"octob\" + 0.073*\"juli\" + 0.072*\"januari\" + 0.071*\"august\" + 0.069*\"notion\" + 0.069*\"judici\" + 0.068*\"april\" + 0.066*\"decatur\"\n", - "2019-01-31 01:28:33,067 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.023*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.012*\"rodríguez\" + 0.011*\"direct\" + 0.011*\"proclaim\" + 0.010*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:28:33,073 : INFO : topic diff=0.003209, rho=0.021806\n", - "2019-01-31 01:28:33,236 : INFO : PROGRESS: pass 0, at document #4208000/4922894\n", - "2019-01-31 01:28:34,661 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:28:34,928 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.023*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.012*\"rodríguez\" + 0.011*\"direct\" + 0.011*\"proclaim\" + 0.010*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:28:34,929 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.019*\"factor\" + 0.012*\"plaisir\" + 0.010*\"western\" + 0.010*\"genu\" + 0.009*\"biom\" + 0.008*\"median\" + 0.007*\"florida\" + 0.006*\"trap\" + 0.006*\"incom\"\n", - "2019-01-31 01:28:34,929 : INFO : topic #20 (0.020): 0.141*\"scholar\" + 0.040*\"struggl\" + 0.033*\"high\" + 0.030*\"educ\" + 0.023*\"collector\" + 0.017*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.009*\"gothic\" + 0.009*\"task\"\n", - "2019-01-31 01:28:34,930 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"pop\" + 0.011*\"prognosi\" + 0.008*\"cytokin\" + 0.008*\"diggin\" + 0.008*\"championship\" + 0.008*\"develop\" + 0.008*\"uruguayan\" + 0.008*\"softwar\" + 0.007*\"includ\"\n", - "2019-01-31 01:28:34,931 : INFO : topic #28 (0.020): 0.035*\"build\" + 0.030*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.012*\"linear\" + 0.011*\"constitut\" + 0.011*\"depress\" + 0.011*\"pistol\" + 0.011*\"silicon\" + 0.010*\"centuri\"\n", - "2019-01-31 01:28:34,937 : INFO : topic diff=0.004575, rho=0.021801\n", - "2019-01-31 01:28:35,097 : INFO : PROGRESS: pass 0, at document #4210000/4922894\n", - "2019-01-31 01:28:36,481 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:28:36,748 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.024*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.012*\"rodríguez\" + 0.011*\"direct\" + 0.011*\"proclaim\" + 0.010*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:28:36,749 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"deal\" + 0.011*\"will\"\n", - "2019-01-31 01:28:36,750 : INFO : topic #21 (0.020): 0.035*\"samford\" + 0.023*\"spain\" + 0.018*\"del\" + 0.017*\"italian\" + 0.017*\"mexico\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.010*\"francisco\" + 0.010*\"carlo\"\n", - "2019-01-31 01:28:36,751 : INFO : topic #26 (0.020): 0.030*\"workplac\" + 0.027*\"champion\" + 0.026*\"woman\" + 0.025*\"olymp\" + 0.023*\"men\" + 0.022*\"medal\" + 0.020*\"event\" + 0.018*\"taxpay\" + 0.018*\"nation\" + 0.017*\"rainfal\"\n", - "2019-01-31 01:28:36,752 : INFO : topic #40 (0.020): 0.086*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.022*\"collector\" + 0.021*\"requir\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.012*\"http\" + 0.011*\"degre\"\n", - "2019-01-31 01:28:36,758 : INFO : topic diff=0.002869, rho=0.021796\n", - "2019-01-31 01:28:36,917 : INFO : PROGRESS: pass 0, at document #4212000/4922894\n", - "2019-01-31 01:28:38,296 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:28:38,563 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.010*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"uruguayan\"\n", - "2019-01-31 01:28:38,564 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.006*\"poet\" + 0.006*\"exampl\" + 0.006*\"gener\" + 0.006*\"southern\" + 0.006*\"utopian\" + 0.006*\"servitud\" + 0.006*\"théori\" + 0.006*\"field\"\n", - "2019-01-31 01:28:38,565 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"word\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.007*\"woman\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:28:38,566 : INFO : topic #9 (0.020): 0.071*\"bone\" + 0.042*\"american\" + 0.027*\"valour\" + 0.018*\"dutch\" + 0.018*\"player\" + 0.017*\"folei\" + 0.016*\"polit\" + 0.016*\"english\" + 0.013*\"acrimoni\" + 0.013*\"simpler\"\n", - "2019-01-31 01:28:38,567 : INFO : topic #39 (0.020): 0.060*\"canada\" + 0.045*\"canadian\" + 0.024*\"hoar\" + 0.023*\"toronto\" + 0.021*\"ontario\" + 0.015*\"misericordia\" + 0.015*\"new\" + 0.015*\"hydrogen\" + 0.014*\"quebec\" + 0.014*\"novotná\"\n", - "2019-01-31 01:28:38,573 : INFO : topic diff=0.003219, rho=0.021791\n", - "2019-01-31 01:28:38,729 : INFO : PROGRESS: pass 0, at document #4214000/4922894\n", - "2019-01-31 01:28:40,105 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:28:40,371 : INFO : topic #34 (0.020): 0.066*\"start\" + 0.034*\"new\" + 0.032*\"american\" + 0.029*\"unionist\" + 0.026*\"cotton\" + 0.022*\"year\" + 0.016*\"california\" + 0.013*\"warrior\" + 0.013*\"terri\" + 0.011*\"citi\"\n", - "2019-01-31 01:28:40,372 : INFO : topic #43 (0.020): 0.068*\"elect\" + 0.056*\"parti\" + 0.025*\"democrat\" + 0.023*\"voluntari\" + 0.019*\"member\" + 0.016*\"polici\" + 0.016*\"republ\" + 0.013*\"bypass\" + 0.013*\"seaport\" + 0.013*\"report\"\n", - "2019-01-31 01:28:40,373 : INFO : topic #37 (0.020): 0.013*\"charact\" + 0.012*\"septemb\" + 0.011*\"man\" + 0.011*\"anim\" + 0.009*\"comic\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.007*\"workplac\" + 0.007*\"fusiform\" + 0.006*\"black\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:28:40,374 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.010*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"uruguayan\"\n", - "2019-01-31 01:28:40,375 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.023*\"palmer\" + 0.020*\"new\" + 0.017*\"strategist\" + 0.013*\"center\" + 0.013*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"hot\"\n", - "2019-01-31 01:28:40,381 : INFO : topic diff=0.003139, rho=0.021786\n", - "2019-01-31 01:28:40,538 : INFO : PROGRESS: pass 0, at document #4216000/4922894\n", - "2019-01-31 01:28:41,918 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:28:42,185 : INFO : topic #13 (0.020): 0.028*\"london\" + 0.026*\"sourc\" + 0.025*\"australia\" + 0.024*\"new\" + 0.023*\"australian\" + 0.023*\"england\" + 0.020*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 01:28:42,186 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"depress\" + 0.013*\"pour\" + 0.008*\"elabor\" + 0.008*\"uruguayan\" + 0.008*\"mode\" + 0.007*\"veget\" + 0.006*\"develop\" + 0.006*\"produc\" + 0.006*\"spectacl\"\n", - "2019-01-31 01:28:42,187 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.046*\"chilton\" + 0.026*\"kong\" + 0.026*\"hong\" + 0.021*\"korea\" + 0.019*\"korean\" + 0.017*\"leah\" + 0.015*\"sourc\" + 0.015*\"shirin\" + 0.014*\"kim\"\n", - "2019-01-31 01:28:42,188 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.008*\"frontal\" + 0.006*\"exampl\" + 0.006*\"poet\" + 0.006*\"gener\" + 0.006*\"utopian\" + 0.006*\"southern\" + 0.006*\"servitud\" + 0.006*\"théori\" + 0.006*\"field\"\n", - "2019-01-31 01:28:42,190 : INFO : topic #44 (0.020): 0.029*\"rooftop\" + 0.027*\"final\" + 0.022*\"wife\" + 0.021*\"tourist\" + 0.021*\"champion\" + 0.015*\"martin\" + 0.015*\"open\" + 0.014*\"taxpay\" + 0.014*\"chamber\" + 0.014*\"tiepolo\"\n", - "2019-01-31 01:28:42,195 : INFO : topic diff=0.003594, rho=0.021780\n", - "2019-01-31 01:28:42,358 : INFO : PROGRESS: pass 0, at document #4218000/4922894\n", - "2019-01-31 01:28:43,770 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:28:44,036 : INFO : topic #13 (0.020): 0.028*\"london\" + 0.026*\"sourc\" + 0.025*\"australia\" + 0.024*\"new\" + 0.023*\"australian\" + 0.022*\"england\" + 0.020*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 01:28:44,038 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"depress\" + 0.013*\"pour\" + 0.008*\"elabor\" + 0.008*\"uruguayan\" + 0.008*\"mode\" + 0.007*\"veget\" + 0.006*\"develop\" + 0.006*\"produc\" + 0.006*\"spectacl\"\n", - "2019-01-31 01:28:44,039 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.006*\"exampl\" + 0.006*\"poet\" + 0.006*\"gener\" + 0.006*\"southern\" + 0.006*\"utopian\" + 0.006*\"servitud\" + 0.006*\"théori\" + 0.006*\"field\"\n", - "2019-01-31 01:28:44,040 : INFO : topic #0 (0.020): 0.063*\"statewid\" + 0.041*\"line\" + 0.032*\"raid\" + 0.028*\"rivièr\" + 0.026*\"rosenwald\" + 0.021*\"airmen\" + 0.019*\"serv\" + 0.018*\"traceabl\" + 0.013*\"oper\" + 0.010*\"transient\"\n", - "2019-01-31 01:28:44,041 : INFO : topic #28 (0.020): 0.035*\"build\" + 0.030*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.012*\"linear\" + 0.011*\"depress\" + 0.011*\"constitut\" + 0.011*\"pistol\" + 0.011*\"silicon\" + 0.010*\"centuri\"\n", - "2019-01-31 01:28:44,047 : INFO : topic diff=0.003487, rho=0.021775\n", - "2019-01-31 01:28:46,784 : INFO : -11.678 per-word bound, 3277.5 perplexity estimate based on a held-out corpus of 2000 documents with 580486 words\n", - "2019-01-31 01:28:46,784 : INFO : PROGRESS: pass 0, at document #4220000/4922894\n", - "2019-01-31 01:28:48,190 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:28:48,457 : INFO : topic #8 (0.020): 0.025*\"law\" + 0.022*\"cortic\" + 0.019*\"start\" + 0.018*\"act\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.008*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 01:28:48,458 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.025*\"offic\" + 0.024*\"nation\" + 0.023*\"minist\" + 0.023*\"govern\" + 0.021*\"member\" + 0.017*\"start\" + 0.017*\"serv\" + 0.015*\"gener\" + 0.014*\"seri\"\n", - "2019-01-31 01:28:48,459 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.031*\"incumb\" + 0.014*\"islam\" + 0.013*\"pakistan\" + 0.012*\"televis\" + 0.012*\"anglo\" + 0.011*\"affection\" + 0.011*\"muskoge\" + 0.011*\"khalsa\" + 0.010*\"sri\"\n", - "2019-01-31 01:28:48,460 : INFO : topic #25 (0.020): 0.035*\"ring\" + 0.018*\"lagrang\" + 0.018*\"area\" + 0.017*\"warmth\" + 0.015*\"mount\" + 0.009*\"north\" + 0.009*\"land\" + 0.009*\"sourc\" + 0.009*\"foam\" + 0.009*\"lobe\"\n", - "2019-01-31 01:28:48,461 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.018*\"factor\" + 0.012*\"plaisir\" + 0.010*\"western\" + 0.009*\"genu\" + 0.009*\"biom\" + 0.008*\"median\" + 0.007*\"florida\" + 0.007*\"incom\" + 0.006*\"trap\"\n", - "2019-01-31 01:28:48,467 : INFO : topic diff=0.003706, rho=0.021770\n", - "2019-01-31 01:28:48,685 : INFO : PROGRESS: pass 0, at document #4222000/4922894\n", - "2019-01-31 01:28:50,076 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:28:50,342 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.024*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.014*\"stake\" + 0.012*\"rodríguez\" + 0.011*\"proclaim\" + 0.011*\"direct\" + 0.010*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:28:50,343 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.026*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:28:50,344 : INFO : topic #39 (0.020): 0.061*\"canada\" + 0.045*\"canadian\" + 0.024*\"hoar\" + 0.023*\"toronto\" + 0.020*\"ontario\" + 0.015*\"new\" + 0.015*\"misericordia\" + 0.015*\"hydrogen\" + 0.014*\"quebec\" + 0.014*\"novotná\"\n", - "2019-01-31 01:28:50,345 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.027*\"final\" + 0.022*\"wife\" + 0.021*\"tourist\" + 0.020*\"champion\" + 0.015*\"open\" + 0.015*\"martin\" + 0.014*\"taxpay\" + 0.014*\"chamber\" + 0.014*\"tiepolo\"\n", - "2019-01-31 01:28:50,346 : INFO : topic #21 (0.020): 0.035*\"samford\" + 0.023*\"spain\" + 0.018*\"del\" + 0.017*\"mexico\" + 0.017*\"italian\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.010*\"francisco\" + 0.010*\"carlo\"\n", - "2019-01-31 01:28:50,352 : INFO : topic diff=0.003464, rho=0.021765\n", - "2019-01-31 01:28:50,508 : INFO : PROGRESS: pass 0, at document #4224000/4922894\n", - "2019-01-31 01:28:51,889 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:28:52,155 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.010*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.007*\"uruguayan\"\n", - "2019-01-31 01:28:52,156 : INFO : topic #29 (0.020): 0.030*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.012*\"market\" + 0.011*\"produc\" + 0.010*\"industri\" + 0.010*\"bank\" + 0.008*\"yawn\" + 0.008*\"manag\" + 0.007*\"serv\"\n", - "2019-01-31 01:28:52,157 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.021*\"walter\" + 0.020*\"armi\" + 0.018*\"com\" + 0.014*\"unionist\" + 0.013*\"militari\" + 0.013*\"oper\" + 0.013*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:28:52,158 : INFO : topic #31 (0.020): 0.051*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.022*\"player\" + 0.019*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:28:52,159 : INFO : topic #48 (0.020): 0.081*\"march\" + 0.079*\"sens\" + 0.079*\"octob\" + 0.073*\"juli\" + 0.072*\"januari\" + 0.071*\"august\" + 0.070*\"judici\" + 0.070*\"notion\" + 0.068*\"april\" + 0.066*\"decatur\"\n", - "2019-01-31 01:28:52,165 : INFO : topic diff=0.002320, rho=0.021760\n", - "2019-01-31 01:28:52,325 : INFO : PROGRESS: pass 0, at document #4226000/4922894\n", - "2019-01-31 01:28:53,716 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:28:53,986 : INFO : topic #45 (0.020): 0.044*\"arsen\" + 0.030*\"jpg\" + 0.028*\"fifteenth\" + 0.027*\"museo\" + 0.022*\"pain\" + 0.020*\"illicit\" + 0.016*\"artist\" + 0.016*\"exhaust\" + 0.015*\"gai\" + 0.015*\"colder\"\n", - "2019-01-31 01:28:53,987 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.037*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.011*\"coalit\" + 0.009*\"class\" + 0.009*\"bahá\"\n", - "2019-01-31 01:28:53,989 : INFO : topic #41 (0.020): 0.040*\"citi\" + 0.023*\"palmer\" + 0.020*\"new\" + 0.016*\"strategist\" + 0.013*\"open\" + 0.013*\"center\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.011*\"dai\" + 0.009*\"hot\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:28:53,990 : INFO : topic #31 (0.020): 0.051*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.021*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:28:53,991 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.018*\"factor\" + 0.012*\"plaisir\" + 0.010*\"western\" + 0.010*\"genu\" + 0.009*\"biom\" + 0.008*\"median\" + 0.007*\"florida\" + 0.006*\"incom\" + 0.006*\"trap\"\n", - "2019-01-31 01:28:53,997 : INFO : topic diff=0.003006, rho=0.021755\n", - "2019-01-31 01:28:54,153 : INFO : PROGRESS: pass 0, at document #4228000/4922894\n", - "2019-01-31 01:28:55,528 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:28:55,795 : INFO : topic #8 (0.020): 0.025*\"law\" + 0.022*\"cortic\" + 0.019*\"start\" + 0.017*\"act\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.008*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 01:28:55,796 : INFO : topic #23 (0.020): 0.137*\"audit\" + 0.070*\"best\" + 0.034*\"yawn\" + 0.030*\"jacksonvil\" + 0.023*\"japanes\" + 0.022*\"noll\" + 0.019*\"women\" + 0.018*\"festiv\" + 0.016*\"intern\" + 0.013*\"prison\"\n", - "2019-01-31 01:28:55,797 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.010*\"aza\" + 0.009*\"forc\" + 0.008*\"battalion\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.006*\"teufel\" + 0.006*\"govern\" + 0.006*\"militari\" + 0.006*\"citi\"\n", - "2019-01-31 01:28:55,798 : INFO : topic #43 (0.020): 0.067*\"elect\" + 0.055*\"parti\" + 0.026*\"democrat\" + 0.024*\"voluntari\" + 0.018*\"member\" + 0.017*\"republ\" + 0.016*\"polici\" + 0.014*\"bypass\" + 0.013*\"selma\" + 0.013*\"report\"\n", - "2019-01-31 01:28:55,799 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"depress\" + 0.013*\"pour\" + 0.008*\"elabor\" + 0.008*\"uruguayan\" + 0.008*\"mode\" + 0.007*\"veget\" + 0.006*\"develop\" + 0.006*\"produc\" + 0.006*\"turn\"\n", - "2019-01-31 01:28:55,805 : INFO : topic diff=0.002645, rho=0.021749\n", - "2019-01-31 01:28:55,965 : INFO : PROGRESS: pass 0, at document #4230000/4922894\n", - "2019-01-31 01:28:57,360 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:28:57,626 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.012*\"will\" + 0.011*\"david\" + 0.011*\"jame\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"slur\" + 0.008*\"georg\" + 0.007*\"rhyme\" + 0.007*\"paul\"\n", - "2019-01-31 01:28:57,628 : INFO : topic #46 (0.020): 0.017*\"stop\" + 0.015*\"sweden\" + 0.014*\"wind\" + 0.014*\"norwai\" + 0.014*\"damag\" + 0.014*\"swedish\" + 0.012*\"norwegian\" + 0.012*\"treeless\" + 0.011*\"huntsvil\" + 0.010*\"denmark\"\n", - "2019-01-31 01:28:57,629 : INFO : topic #45 (0.020): 0.044*\"arsen\" + 0.030*\"jpg\" + 0.028*\"museo\" + 0.027*\"fifteenth\" + 0.022*\"pain\" + 0.020*\"illicit\" + 0.016*\"artist\" + 0.016*\"exhaust\" + 0.016*\"gai\" + 0.015*\"colder\"\n", - "2019-01-31 01:28:57,630 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.009*\"media\" + 0.008*\"disco\" + 0.007*\"hormon\" + 0.007*\"caus\" + 0.007*\"have\" + 0.007*\"pathwai\" + 0.007*\"effect\" + 0.006*\"treat\" + 0.006*\"proper\"\n", - "2019-01-31 01:28:57,631 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"prognosi\" + 0.010*\"pop\" + 0.009*\"cytokin\" + 0.008*\"diggin\" + 0.008*\"develop\" + 0.008*\"uruguayan\" + 0.008*\"championship\" + 0.008*\"softwar\" + 0.008*\"user\"\n", - "2019-01-31 01:28:57,636 : INFO : topic diff=0.003075, rho=0.021744\n", - "2019-01-31 01:28:57,792 : INFO : PROGRESS: pass 0, at document #4232000/4922894\n", - "2019-01-31 01:28:59,168 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:28:59,434 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.024*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.014*\"stake\" + 0.012*\"rodríguez\" + 0.011*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:28:59,435 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.031*\"incumb\" + 0.014*\"islam\" + 0.013*\"pakistan\" + 0.012*\"televis\" + 0.011*\"anglo\" + 0.011*\"affection\" + 0.011*\"muskoge\" + 0.010*\"khalsa\" + 0.010*\"sri\"\n", - "2019-01-31 01:28:59,436 : INFO : topic #37 (0.020): 0.013*\"charact\" + 0.012*\"septemb\" + 0.011*\"man\" + 0.011*\"anim\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.007*\"workplac\" + 0.007*\"fusiform\" + 0.006*\"black\"\n", - "2019-01-31 01:28:59,437 : INFO : topic #46 (0.020): 0.017*\"stop\" + 0.015*\"sweden\" + 0.015*\"damag\" + 0.015*\"norwai\" + 0.014*\"wind\" + 0.013*\"swedish\" + 0.013*\"norwegian\" + 0.012*\"treeless\" + 0.011*\"huntsvil\" + 0.010*\"denmark\"\n", - "2019-01-31 01:28:59,438 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.025*\"offic\" + 0.024*\"nation\" + 0.023*\"minist\" + 0.023*\"govern\" + 0.021*\"member\" + 0.017*\"start\" + 0.016*\"serv\" + 0.015*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:28:59,444 : INFO : topic diff=0.003145, rho=0.021739\n", - "2019-01-31 01:28:59,607 : INFO : PROGRESS: pass 0, at document #4234000/4922894\n", - "2019-01-31 01:29:01,024 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:29:01,290 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.022*\"spain\" + 0.018*\"del\" + 0.017*\"italian\" + 0.017*\"mexico\" + 0.014*\"soviet\" + 0.013*\"santa\" + 0.011*\"juan\" + 0.010*\"carlo\" + 0.010*\"francisco\"\n", - "2019-01-31 01:29:01,291 : INFO : topic #40 (0.020): 0.086*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.021*\"collector\" + 0.021*\"requir\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"http\" + 0.011*\"degre\"\n", - "2019-01-31 01:29:01,292 : INFO : topic #0 (0.020): 0.063*\"statewid\" + 0.042*\"line\" + 0.032*\"raid\" + 0.028*\"rivièr\" + 0.026*\"rosenwald\" + 0.021*\"airmen\" + 0.018*\"serv\" + 0.018*\"traceabl\" + 0.013*\"oper\" + 0.010*\"transient\"\n", - "2019-01-31 01:29:01,293 : INFO : topic #17 (0.020): 0.078*\"church\" + 0.025*\"cathol\" + 0.021*\"christian\" + 0.021*\"bishop\" + 0.017*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.010*\"parish\" + 0.010*\"historiographi\" + 0.009*\"cathedr\"\n", - "2019-01-31 01:29:01,294 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.018*\"factor\" + 0.012*\"plaisir\" + 0.010*\"western\" + 0.010*\"genu\" + 0.009*\"biom\" + 0.008*\"median\" + 0.007*\"florida\" + 0.007*\"trap\" + 0.006*\"incom\"\n", - "2019-01-31 01:29:01,300 : INFO : topic diff=0.004785, rho=0.021734\n", - "2019-01-31 01:29:01,463 : INFO : PROGRESS: pass 0, at document #4236000/4922894\n", - "2019-01-31 01:29:02,861 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:29:03,131 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.021*\"walter\" + 0.020*\"armi\" + 0.018*\"com\" + 0.014*\"unionist\" + 0.013*\"militari\" + 0.013*\"oper\" + 0.012*\"airbu\" + 0.012*\"diversifi\"\n", - "2019-01-31 01:29:03,132 : INFO : topic #27 (0.020): 0.076*\"questionnair\" + 0.021*\"candid\" + 0.018*\"taxpay\" + 0.014*\"ret\" + 0.013*\"tornado\" + 0.012*\"driver\" + 0.011*\"fool\" + 0.011*\"find\" + 0.010*\"horac\" + 0.010*\"théori\"\n", - "2019-01-31 01:29:03,133 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.031*\"incumb\" + 0.014*\"islam\" + 0.013*\"pakistan\" + 0.012*\"televis\" + 0.011*\"anglo\" + 0.011*\"affection\" + 0.011*\"muskoge\" + 0.011*\"khalsa\" + 0.010*\"sri\"\n", - "2019-01-31 01:29:03,134 : INFO : topic #16 (0.020): 0.055*\"king\" + 0.031*\"priest\" + 0.019*\"grammat\" + 0.018*\"duke\" + 0.018*\"idiosyncrat\" + 0.017*\"rotterdam\" + 0.016*\"quarterli\" + 0.014*\"kingdom\" + 0.013*\"portugues\" + 0.012*\"order\"\n", - "2019-01-31 01:29:03,135 : INFO : topic #40 (0.020): 0.085*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.021*\"collector\" + 0.021*\"requir\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"http\" + 0.011*\"degre\"\n", - "2019-01-31 01:29:03,141 : INFO : topic diff=0.003840, rho=0.021729\n", - "2019-01-31 01:29:03,298 : INFO : PROGRESS: pass 0, at document #4238000/4922894\n", - "2019-01-31 01:29:04,686 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:29:04,953 : INFO : topic #2 (0.020): 0.050*\"isl\" + 0.037*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.012*\"nativist\" + 0.011*\"coalit\" + 0.009*\"bahá\" + 0.009*\"class\"\n", - "2019-01-31 01:29:04,954 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"word\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"human\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:29:04,955 : INFO : topic #26 (0.020): 0.030*\"workplac\" + 0.027*\"champion\" + 0.025*\"olymp\" + 0.025*\"woman\" + 0.023*\"men\" + 0.022*\"medal\" + 0.019*\"event\" + 0.018*\"taxpay\" + 0.018*\"nation\" + 0.017*\"atheist\"\n", - "2019-01-31 01:29:04,956 : INFO : topic #0 (0.020): 0.063*\"statewid\" + 0.042*\"line\" + 0.032*\"raid\" + 0.028*\"rivièr\" + 0.026*\"rosenwald\" + 0.020*\"airmen\" + 0.018*\"serv\" + 0.018*\"traceabl\" + 0.013*\"oper\" + 0.010*\"transient\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:29:04,957 : INFO : topic #25 (0.020): 0.034*\"ring\" + 0.019*\"lagrang\" + 0.018*\"area\" + 0.016*\"warmth\" + 0.015*\"mount\" + 0.009*\"north\" + 0.009*\"foam\" + 0.009*\"land\" + 0.009*\"sourc\" + 0.009*\"vacant\"\n", - "2019-01-31 01:29:04,963 : INFO : topic diff=0.002986, rho=0.021724\n", - "2019-01-31 01:29:07,674 : INFO : -11.666 per-word bound, 3249.1 perplexity estimate based on a held-out corpus of 2000 documents with 541190 words\n", - "2019-01-31 01:29:07,674 : INFO : PROGRESS: pass 0, at document #4240000/4922894\n", - "2019-01-31 01:29:09,057 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:29:09,326 : INFO : topic #9 (0.020): 0.070*\"bone\" + 0.043*\"american\" + 0.028*\"valour\" + 0.018*\"dutch\" + 0.018*\"player\" + 0.017*\"folei\" + 0.016*\"polit\" + 0.016*\"english\" + 0.013*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:29:09,327 : INFO : topic #8 (0.020): 0.025*\"law\" + 0.022*\"cortic\" + 0.019*\"start\" + 0.017*\"act\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.008*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 01:29:09,328 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"depress\" + 0.013*\"pour\" + 0.008*\"elabor\" + 0.008*\"uruguayan\" + 0.008*\"mode\" + 0.007*\"veget\" + 0.006*\"develop\" + 0.006*\"produc\" + 0.006*\"turn\"\n", - "2019-01-31 01:29:09,329 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.010*\"aza\" + 0.009*\"forc\" + 0.008*\"battalion\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.007*\"till\" + 0.006*\"empath\" + 0.006*\"govern\" + 0.006*\"militari\"\n", - "2019-01-31 01:29:09,330 : INFO : topic #34 (0.020): 0.065*\"start\" + 0.034*\"new\" + 0.031*\"american\" + 0.028*\"unionist\" + 0.026*\"cotton\" + 0.021*\"year\" + 0.016*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"citi\"\n", - "2019-01-31 01:29:09,336 : INFO : topic diff=0.002820, rho=0.021719\n", - "2019-01-31 01:29:09,494 : INFO : PROGRESS: pass 0, at document #4242000/4922894\n", - "2019-01-31 01:29:10,882 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:29:11,149 : INFO : topic #40 (0.020): 0.085*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.021*\"collector\" + 0.021*\"requir\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"degre\" + 0.011*\"http\"\n", - "2019-01-31 01:29:11,150 : INFO : topic #9 (0.020): 0.071*\"bone\" + 0.043*\"american\" + 0.028*\"valour\" + 0.018*\"dutch\" + 0.018*\"player\" + 0.017*\"folei\" + 0.016*\"polit\" + 0.016*\"english\" + 0.013*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:29:11,151 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"depress\" + 0.013*\"pour\" + 0.008*\"elabor\" + 0.008*\"uruguayan\" + 0.008*\"mode\" + 0.007*\"veget\" + 0.006*\"develop\" + 0.006*\"produc\" + 0.006*\"turn\"\n", - "2019-01-31 01:29:11,152 : INFO : topic #0 (0.020): 0.063*\"statewid\" + 0.042*\"line\" + 0.032*\"raid\" + 0.028*\"rivièr\" + 0.026*\"rosenwald\" + 0.021*\"airmen\" + 0.018*\"serv\" + 0.018*\"traceabl\" + 0.013*\"oper\" + 0.010*\"transient\"\n", - "2019-01-31 01:29:11,153 : INFO : topic #16 (0.020): 0.055*\"king\" + 0.031*\"priest\" + 0.019*\"grammat\" + 0.018*\"idiosyncrat\" + 0.018*\"duke\" + 0.017*\"rotterdam\" + 0.016*\"quarterli\" + 0.014*\"kingdom\" + 0.013*\"portugues\" + 0.012*\"maria\"\n", - "2019-01-31 01:29:11,159 : INFO : topic diff=0.003042, rho=0.021713\n", - "2019-01-31 01:29:11,311 : INFO : PROGRESS: pass 0, at document #4244000/4922894\n", - "2019-01-31 01:29:12,653 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:29:12,920 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.031*\"incumb\" + 0.014*\"islam\" + 0.013*\"pakistan\" + 0.012*\"televis\" + 0.011*\"affection\" + 0.011*\"anglo\" + 0.011*\"muskoge\" + 0.010*\"sri\" + 0.010*\"khalsa\"\n", - "2019-01-31 01:29:12,921 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.031*\"germani\" + 0.016*\"vol\" + 0.014*\"jewish\" + 0.014*\"israel\" + 0.014*\"berlin\" + 0.014*\"der\" + 0.010*\"european\" + 0.009*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:29:12,922 : INFO : topic #9 (0.020): 0.071*\"bone\" + 0.042*\"american\" + 0.028*\"valour\" + 0.018*\"dutch\" + 0.018*\"player\" + 0.017*\"folei\" + 0.016*\"polit\" + 0.016*\"english\" + 0.013*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:29:12,923 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.048*\"chilton\" + 0.024*\"kong\" + 0.024*\"hong\" + 0.022*\"korea\" + 0.019*\"korean\" + 0.017*\"leah\" + 0.016*\"sourc\" + 0.014*\"shirin\" + 0.013*\"kim\"\n", - "2019-01-31 01:29:12,924 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.025*\"offic\" + 0.024*\"nation\" + 0.024*\"minist\" + 0.023*\"govern\" + 0.021*\"member\" + 0.017*\"start\" + 0.016*\"serv\" + 0.015*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:29:12,931 : INFO : topic diff=0.003416, rho=0.021708\n", - "2019-01-31 01:29:13,084 : INFO : PROGRESS: pass 0, at document #4246000/4922894\n", - "2019-01-31 01:29:14,443 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:29:14,709 : INFO : topic #13 (0.020): 0.027*\"london\" + 0.026*\"sourc\" + 0.026*\"australia\" + 0.025*\"new\" + 0.023*\"australian\" + 0.022*\"england\" + 0.020*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 01:29:14,710 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"uruguayan\"\n", - "2019-01-31 01:29:14,711 : INFO : topic #24 (0.020): 0.040*\"book\" + 0.035*\"publicis\" + 0.026*\"word\" + 0.020*\"new\" + 0.014*\"edit\" + 0.014*\"presid\" + 0.011*\"worldwid\" + 0.011*\"magazin\" + 0.011*\"author\" + 0.011*\"nicola\"\n", - "2019-01-31 01:29:14,712 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.031*\"incumb\" + 0.014*\"islam\" + 0.013*\"pakistan\" + 0.012*\"televis\" + 0.011*\"affection\" + 0.011*\"anglo\" + 0.010*\"sri\" + 0.010*\"muskoge\" + 0.010*\"khalsa\"\n", - "2019-01-31 01:29:14,713 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.055*\"parti\" + 0.025*\"democrat\" + 0.025*\"voluntari\" + 0.018*\"member\" + 0.016*\"republ\" + 0.016*\"polici\" + 0.014*\"bypass\" + 0.013*\"selma\" + 0.013*\"report\"\n", - "2019-01-31 01:29:14,719 : INFO : topic diff=0.003352, rho=0.021703\n", - "2019-01-31 01:29:14,877 : INFO : PROGRESS: pass 0, at document #4248000/4922894\n", - "2019-01-31 01:29:16,277 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:29:16,543 : INFO : topic #16 (0.020): 0.056*\"king\" + 0.031*\"priest\" + 0.019*\"duke\" + 0.018*\"grammat\" + 0.018*\"idiosyncrat\" + 0.017*\"rotterdam\" + 0.016*\"quarterli\" + 0.014*\"kingdom\" + 0.013*\"portugues\" + 0.012*\"maria\"\n", - "2019-01-31 01:29:16,544 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.025*\"offic\" + 0.024*\"nation\" + 0.024*\"minist\" + 0.023*\"govern\" + 0.021*\"member\" + 0.017*\"start\" + 0.016*\"serv\" + 0.015*\"gener\" + 0.014*\"seri\"\n", - "2019-01-31 01:29:16,545 : INFO : topic #37 (0.020): 0.013*\"anim\" + 0.013*\"charact\" + 0.012*\"septemb\" + 0.011*\"man\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.007*\"fusiform\" + 0.007*\"workplac\" + 0.007*\"storag\" + 0.006*\"black\"\n", - "2019-01-31 01:29:16,546 : INFO : topic #45 (0.020): 0.045*\"arsen\" + 0.030*\"jpg\" + 0.028*\"museo\" + 0.028*\"fifteenth\" + 0.022*\"pain\" + 0.020*\"illicit\" + 0.016*\"artist\" + 0.016*\"exhaust\" + 0.016*\"gai\" + 0.016*\"colder\"\n", - "2019-01-31 01:29:16,548 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.011*\"david\" + 0.011*\"jame\" + 0.011*\"will\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"slur\" + 0.008*\"georg\" + 0.007*\"rhyme\" + 0.007*\"paul\"\n", - "2019-01-31 01:29:16,553 : INFO : topic diff=0.003377, rho=0.021698\n", - "2019-01-31 01:29:16,712 : INFO : PROGRESS: pass 0, at document #4250000/4922894\n", - "2019-01-31 01:29:18,098 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:29:18,365 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"uruguayan\"\n", - "2019-01-31 01:29:18,366 : INFO : topic #33 (0.020): 0.059*\"french\" + 0.044*\"franc\" + 0.029*\"pari\" + 0.023*\"sail\" + 0.023*\"jean\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.011*\"piec\" + 0.011*\"loui\" + 0.010*\"wine\"\n", - "2019-01-31 01:29:18,367 : INFO : topic #34 (0.020): 0.065*\"start\" + 0.033*\"new\" + 0.031*\"american\" + 0.028*\"unionist\" + 0.026*\"cotton\" + 0.021*\"year\" + 0.016*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"citi\"\n", - "2019-01-31 01:29:18,368 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.008*\"frontal\" + 0.007*\"poet\" + 0.006*\"exampl\" + 0.006*\"gener\" + 0.006*\"utopian\" + 0.006*\"southern\" + 0.006*\"servitud\" + 0.006*\"théori\" + 0.005*\"measur\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:29:18,369 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.029*\"son\" + 0.026*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 01:29:18,375 : INFO : topic diff=0.003000, rho=0.021693\n", - "2019-01-31 01:29:18,528 : INFO : PROGRESS: pass 0, at document #4252000/4922894\n", - "2019-01-31 01:29:19,874 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:29:20,140 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"like\" + 0.005*\"end\" + 0.005*\"retrospect\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:29:20,141 : INFO : topic #33 (0.020): 0.058*\"french\" + 0.043*\"franc\" + 0.029*\"pari\" + 0.023*\"sail\" + 0.022*\"jean\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.011*\"loui\" + 0.011*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 01:29:20,142 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"uruguayan\"\n", - "2019-01-31 01:29:20,143 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.018*\"factor\" + 0.012*\"plaisir\" + 0.010*\"western\" + 0.010*\"genu\" + 0.009*\"biom\" + 0.008*\"median\" + 0.007*\"florida\" + 0.007*\"trap\" + 0.006*\"incom\"\n", - "2019-01-31 01:29:20,144 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.048*\"chilton\" + 0.023*\"kong\" + 0.023*\"hong\" + 0.022*\"korea\" + 0.019*\"korean\" + 0.017*\"leah\" + 0.016*\"sourc\" + 0.015*\"kim\" + 0.014*\"shirin\"\n", - "2019-01-31 01:29:20,150 : INFO : topic diff=0.003174, rho=0.021688\n", - "2019-01-31 01:29:20,362 : INFO : PROGRESS: pass 0, at document #4254000/4922894\n", - "2019-01-31 01:29:21,753 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:29:22,020 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.044*\"popolo\" + 0.043*\"vigour\" + 0.035*\"cotton\" + 0.035*\"tortur\" + 0.022*\"multitud\" + 0.022*\"adulthood\" + 0.021*\"area\" + 0.019*\"cede\" + 0.018*\"commun\"\n", - "2019-01-31 01:29:22,021 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"end\" + 0.005*\"retrospect\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:29:22,022 : INFO : topic #8 (0.020): 0.025*\"law\" + 0.022*\"cortic\" + 0.019*\"start\" + 0.017*\"act\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.008*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 01:29:22,023 : INFO : topic #40 (0.020): 0.085*\"unit\" + 0.023*\"schuster\" + 0.021*\"institut\" + 0.021*\"collector\" + 0.021*\"requir\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"degre\" + 0.011*\"http\"\n", - "2019-01-31 01:29:22,024 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"disco\" + 0.008*\"media\" + 0.007*\"hormon\" + 0.007*\"caus\" + 0.007*\"have\" + 0.007*\"pathwai\" + 0.006*\"effect\" + 0.006*\"treat\" + 0.006*\"proper\"\n", - "2019-01-31 01:29:22,030 : INFO : topic diff=0.003509, rho=0.021683\n", - "2019-01-31 01:29:22,184 : INFO : PROGRESS: pass 0, at document #4256000/4922894\n", - "2019-01-31 01:29:23,544 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:29:23,811 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.012*\"jame\" + 0.011*\"will\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"slur\" + 0.008*\"georg\" + 0.007*\"rhyme\" + 0.007*\"paul\"\n", - "2019-01-31 01:29:23,812 : INFO : topic #24 (0.020): 0.040*\"book\" + 0.035*\"publicis\" + 0.026*\"word\" + 0.020*\"new\" + 0.014*\"edit\" + 0.014*\"presid\" + 0.011*\"worldwid\" + 0.011*\"magazin\" + 0.011*\"author\" + 0.011*\"nicola\"\n", - "2019-01-31 01:29:23,813 : INFO : topic #28 (0.020): 0.035*\"build\" + 0.030*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.012*\"linear\" + 0.011*\"constitut\" + 0.011*\"depress\" + 0.011*\"pistol\" + 0.011*\"silicon\" + 0.010*\"centuri\"\n", - "2019-01-31 01:29:23,814 : INFO : topic #23 (0.020): 0.138*\"audit\" + 0.069*\"best\" + 0.034*\"yawn\" + 0.032*\"jacksonvil\" + 0.023*\"japanes\" + 0.022*\"noll\" + 0.019*\"women\" + 0.017*\"festiv\" + 0.016*\"intern\" + 0.013*\"winner\"\n", - "2019-01-31 01:29:23,815 : INFO : topic #13 (0.020): 0.027*\"london\" + 0.026*\"sourc\" + 0.026*\"australia\" + 0.025*\"new\" + 0.023*\"australian\" + 0.022*\"england\" + 0.020*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 01:29:23,820 : INFO : topic diff=0.003445, rho=0.021678\n", - "2019-01-31 01:29:23,977 : INFO : PROGRESS: pass 0, at document #4258000/4922894\n", - "2019-01-31 01:29:25,349 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:29:25,616 : INFO : topic #39 (0.020): 0.061*\"canada\" + 0.046*\"canadian\" + 0.025*\"toronto\" + 0.024*\"hoar\" + 0.021*\"ontario\" + 0.016*\"hydrogen\" + 0.015*\"new\" + 0.015*\"misericordia\" + 0.015*\"novotná\" + 0.013*\"quebec\"\n", - "2019-01-31 01:29:25,617 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.033*\"perceptu\" + 0.021*\"theater\" + 0.018*\"place\" + 0.018*\"compos\" + 0.015*\"damn\" + 0.013*\"orchestr\" + 0.013*\"olympo\" + 0.013*\"physician\" + 0.011*\"jack\"\n", - "2019-01-31 01:29:25,618 : INFO : topic #26 (0.020): 0.029*\"workplac\" + 0.027*\"champion\" + 0.025*\"olymp\" + 0.025*\"woman\" + 0.023*\"men\" + 0.021*\"medal\" + 0.020*\"event\" + 0.018*\"taxpay\" + 0.018*\"alic\" + 0.017*\"nation\"\n", - "2019-01-31 01:29:25,619 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.025*\"offic\" + 0.024*\"minist\" + 0.024*\"nation\" + 0.023*\"govern\" + 0.021*\"member\" + 0.017*\"start\" + 0.016*\"serv\" + 0.015*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:29:25,620 : INFO : topic #20 (0.020): 0.140*\"scholar\" + 0.039*\"struggl\" + 0.032*\"high\" + 0.031*\"educ\" + 0.024*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.010*\"gothic\" + 0.009*\"task\"\n", - "2019-01-31 01:29:25,626 : INFO : topic diff=0.004405, rho=0.021673\n", - "2019-01-31 01:29:28,311 : INFO : -11.591 per-word bound, 3084.4 perplexity estimate based on a held-out corpus of 2000 documents with 547586 words\n", - "2019-01-31 01:29:28,312 : INFO : PROGRESS: pass 0, at document #4260000/4922894\n", - "2019-01-31 01:29:29,688 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:29:29,955 : INFO : topic #28 (0.020): 0.035*\"build\" + 0.030*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.012*\"linear\" + 0.011*\"constitut\" + 0.011*\"depress\" + 0.011*\"pistol\" + 0.011*\"silicon\" + 0.010*\"centuri\"\n", - "2019-01-31 01:29:29,956 : INFO : topic #48 (0.020): 0.079*\"sens\" + 0.079*\"march\" + 0.078*\"octob\" + 0.069*\"januari\" + 0.069*\"juli\" + 0.068*\"august\" + 0.067*\"notion\" + 0.066*\"judici\" + 0.066*\"april\" + 0.064*\"decatur\"\n", - "2019-01-31 01:29:29,957 : INFO : topic #2 (0.020): 0.050*\"isl\" + 0.038*\"shield\" + 0.017*\"narrat\" + 0.015*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.011*\"coalit\" + 0.010*\"bahá\" + 0.009*\"class\"\n", - "2019-01-31 01:29:29,958 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.006*\"uruguayan\"\n", - "2019-01-31 01:29:29,959 : INFO : topic #45 (0.020): 0.045*\"arsen\" + 0.031*\"jpg\" + 0.029*\"fifteenth\" + 0.028*\"museo\" + 0.022*\"pain\" + 0.020*\"illicit\" + 0.016*\"artist\" + 0.016*\"exhaust\" + 0.016*\"gai\" + 0.016*\"colder\"\n", - "2019-01-31 01:29:29,965 : INFO : topic diff=0.002638, rho=0.021668\n", - "2019-01-31 01:29:30,125 : INFO : PROGRESS: pass 0, at document #4262000/4922894\n", - "2019-01-31 01:29:31,514 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:29:31,781 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.007*\"poet\" + 0.006*\"exampl\" + 0.006*\"gener\" + 0.006*\"utopian\" + 0.006*\"southern\" + 0.006*\"théori\" + 0.006*\"servitud\" + 0.006*\"method\"\n", - "2019-01-31 01:29:31,782 : INFO : topic #46 (0.020): 0.016*\"stop\" + 0.016*\"damag\" + 0.015*\"sweden\" + 0.014*\"wind\" + 0.014*\"norwai\" + 0.014*\"swedish\" + 0.013*\"norwegian\" + 0.012*\"treeless\" + 0.011*\"huntsvil\" + 0.009*\"denmark\"\n", - "2019-01-31 01:29:31,783 : INFO : topic #48 (0.020): 0.079*\"march\" + 0.079*\"sens\" + 0.078*\"octob\" + 0.069*\"januari\" + 0.069*\"juli\" + 0.068*\"august\" + 0.067*\"notion\" + 0.067*\"judici\" + 0.066*\"april\" + 0.064*\"decatur\"\n", - "2019-01-31 01:29:31,784 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.045*\"popolo\" + 0.043*\"vigour\" + 0.035*\"tortur\" + 0.035*\"cotton\" + 0.022*\"multitud\" + 0.022*\"adulthood\" + 0.021*\"area\" + 0.019*\"cede\" + 0.018*\"commun\"\n", - "2019-01-31 01:29:31,785 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.010*\"battalion\" + 0.009*\"forc\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.006*\"till\" + 0.006*\"govern\" + 0.006*\"militari\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:29:31,791 : INFO : topic diff=0.002990, rho=0.021662\n", - "2019-01-31 01:29:31,949 : INFO : PROGRESS: pass 0, at document #4264000/4922894\n", - "2019-01-31 01:29:33,345 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:29:33,612 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.045*\"popolo\" + 0.042*\"vigour\" + 0.036*\"tortur\" + 0.035*\"cotton\" + 0.022*\"multitud\" + 0.022*\"adulthood\" + 0.021*\"area\" + 0.019*\"cede\" + 0.018*\"citi\"\n", - "2019-01-31 01:29:33,613 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.025*\"cathol\" + 0.023*\"christian\" + 0.021*\"bishop\" + 0.017*\"sail\" + 0.015*\"retroflex\" + 0.011*\"historiographi\" + 0.010*\"relationship\" + 0.010*\"parish\" + 0.009*\"poll\"\n", - "2019-01-31 01:29:33,614 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.007*\"poet\" + 0.006*\"exampl\" + 0.006*\"gener\" + 0.006*\"southern\" + 0.006*\"utopian\" + 0.006*\"théori\" + 0.006*\"servitud\" + 0.006*\"method\"\n", - "2019-01-31 01:29:33,615 : INFO : topic #46 (0.020): 0.016*\"stop\" + 0.016*\"damag\" + 0.015*\"sweden\" + 0.014*\"norwai\" + 0.014*\"wind\" + 0.014*\"swedish\" + 0.013*\"norwegian\" + 0.012*\"treeless\" + 0.011*\"huntsvil\" + 0.009*\"denmark\"\n", - "2019-01-31 01:29:33,616 : INFO : topic #37 (0.020): 0.013*\"anim\" + 0.013*\"charact\" + 0.012*\"septemb\" + 0.011*\"man\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.007*\"workplac\" + 0.007*\"fusiform\" + 0.006*\"black\"\n", - "2019-01-31 01:29:33,622 : INFO : topic diff=0.003069, rho=0.021657\n", - "2019-01-31 01:29:33,778 : INFO : PROGRESS: pass 0, at document #4266000/4922894\n", - "2019-01-31 01:29:35,160 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:29:35,427 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.015*\"depress\" + 0.013*\"pour\" + 0.008*\"elabor\" + 0.008*\"mode\" + 0.008*\"uruguayan\" + 0.008*\"veget\" + 0.006*\"develop\" + 0.006*\"produc\" + 0.006*\"turn\"\n", - "2019-01-31 01:29:35,428 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.031*\"germani\" + 0.015*\"vol\" + 0.014*\"jewish\" + 0.014*\"berlin\" + 0.014*\"israel\" + 0.014*\"der\" + 0.010*\"european\" + 0.009*\"austria\" + 0.009*\"europ\"\n", - "2019-01-31 01:29:35,429 : INFO : topic #23 (0.020): 0.138*\"audit\" + 0.070*\"best\" + 0.034*\"yawn\" + 0.031*\"jacksonvil\" + 0.024*\"japanes\" + 0.022*\"noll\" + 0.019*\"women\" + 0.017*\"festiv\" + 0.016*\"intern\" + 0.013*\"winner\"\n", - "2019-01-31 01:29:35,430 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.023*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.014*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:29:35,431 : INFO : topic #49 (0.020): 0.045*\"india\" + 0.032*\"incumb\" + 0.014*\"islam\" + 0.012*\"televis\" + 0.012*\"pakistan\" + 0.011*\"anglo\" + 0.011*\"affection\" + 0.010*\"sri\" + 0.010*\"muskoge\" + 0.010*\"khalsa\"\n", - "2019-01-31 01:29:35,437 : INFO : topic diff=0.003100, rho=0.021652\n", - "2019-01-31 01:29:35,595 : INFO : PROGRESS: pass 0, at document #4268000/4922894\n", - "2019-01-31 01:29:36,990 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:29:37,257 : INFO : topic #9 (0.020): 0.071*\"bone\" + 0.043*\"american\" + 0.028*\"valour\" + 0.019*\"dutch\" + 0.018*\"player\" + 0.017*\"folei\" + 0.016*\"polit\" + 0.016*\"english\" + 0.013*\"acrimoni\" + 0.013*\"simpler\"\n", - "2019-01-31 01:29:37,258 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.029*\"son\" + 0.026*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 01:29:37,259 : INFO : topic #28 (0.020): 0.035*\"build\" + 0.030*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.012*\"linear\" + 0.011*\"constitut\" + 0.011*\"depress\" + 0.011*\"silicon\" + 0.010*\"pistol\" + 0.010*\"centuri\"\n", - "2019-01-31 01:29:37,260 : INFO : topic #23 (0.020): 0.138*\"audit\" + 0.070*\"best\" + 0.034*\"yawn\" + 0.031*\"jacksonvil\" + 0.023*\"japanes\" + 0.022*\"noll\" + 0.019*\"women\" + 0.017*\"festiv\" + 0.016*\"intern\" + 0.013*\"winner\"\n", - "2019-01-31 01:29:37,261 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.025*\"minist\" + 0.025*\"offic\" + 0.024*\"nation\" + 0.023*\"govern\" + 0.021*\"member\" + 0.017*\"start\" + 0.016*\"serv\" + 0.015*\"gener\" + 0.014*\"council\"\n", - "2019-01-31 01:29:37,267 : INFO : topic diff=0.003114, rho=0.021647\n", - "2019-01-31 01:29:37,426 : INFO : PROGRESS: pass 0, at document #4270000/4922894\n", - "2019-01-31 01:29:38,820 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:29:39,087 : INFO : topic #33 (0.020): 0.057*\"french\" + 0.043*\"franc\" + 0.028*\"pari\" + 0.023*\"wreath\" + 0.022*\"jean\" + 0.022*\"sail\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.012*\"wine\" + 0.011*\"loui\"\n", - "2019-01-31 01:29:39,088 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.012*\"jame\" + 0.011*\"david\" + 0.011*\"will\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"slur\" + 0.008*\"georg\" + 0.007*\"rhyme\" + 0.007*\"paul\"\n", - "2019-01-31 01:29:39,089 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.025*\"minist\" + 0.025*\"offic\" + 0.024*\"nation\" + 0.023*\"govern\" + 0.021*\"member\" + 0.017*\"start\" + 0.016*\"serv\" + 0.015*\"gener\" + 0.014*\"council\"\n", - "2019-01-31 01:29:39,090 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.047*\"chilton\" + 0.023*\"kong\" + 0.023*\"hong\" + 0.022*\"korea\" + 0.019*\"korean\" + 0.017*\"leah\" + 0.016*\"sourc\" + 0.014*\"shirin\" + 0.014*\"kim\"\n", - "2019-01-31 01:29:39,091 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"disco\" + 0.008*\"media\" + 0.007*\"hormon\" + 0.007*\"caus\" + 0.007*\"have\" + 0.007*\"pathwai\" + 0.006*\"effect\" + 0.006*\"treat\" + 0.006*\"proper\"\n", - "2019-01-31 01:29:39,097 : INFO : topic diff=0.003089, rho=0.021642\n", - "2019-01-31 01:29:39,257 : INFO : PROGRESS: pass 0, at document #4272000/4922894\n", - "2019-01-31 01:29:40,663 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:29:40,930 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.023*\"palmer\" + 0.019*\"new\" + 0.016*\"strategist\" + 0.013*\"open\" + 0.013*\"center\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.011*\"dai\" + 0.009*\"hot\"\n", - "2019-01-31 01:29:40,931 : INFO : topic #30 (0.020): 0.035*\"leagu\" + 0.035*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.022*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:29:40,932 : INFO : topic #16 (0.020): 0.055*\"king\" + 0.031*\"priest\" + 0.019*\"idiosyncrat\" + 0.019*\"duke\" + 0.018*\"rotterdam\" + 0.018*\"grammat\" + 0.017*\"quarterli\" + 0.014*\"kingdom\" + 0.014*\"portugues\" + 0.012*\"count\"\n", - "2019-01-31 01:29:40,933 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"end\" + 0.005*\"retrospect\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:29:40,934 : INFO : topic #46 (0.020): 0.016*\"stop\" + 0.015*\"damag\" + 0.015*\"sweden\" + 0.014*\"wind\" + 0.014*\"norwai\" + 0.014*\"swedish\" + 0.013*\"norwegian\" + 0.012*\"treeless\" + 0.011*\"huntsvil\" + 0.009*\"turkish\"\n", - "2019-01-31 01:29:40,940 : INFO : topic diff=0.003378, rho=0.021637\n", - "2019-01-31 01:29:41,102 : INFO : PROGRESS: pass 0, at document #4274000/4922894\n", - "2019-01-31 01:29:42,495 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:29:42,762 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"end\" + 0.005*\"retrospect\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:29:42,763 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.006*\"till\" + 0.006*\"govern\" + 0.006*\"militari\"\n", - "2019-01-31 01:29:42,764 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.049*\"chilton\" + 0.023*\"kong\" + 0.023*\"hong\" + 0.022*\"korea\" + 0.020*\"korean\" + 0.017*\"leah\" + 0.016*\"sourc\" + 0.014*\"shirin\" + 0.014*\"kim\"\n", - "2019-01-31 01:29:42,765 : INFO : topic #21 (0.020): 0.035*\"samford\" + 0.022*\"spain\" + 0.018*\"del\" + 0.017*\"mexico\" + 0.016*\"italian\" + 0.014*\"soviet\" + 0.014*\"santa\" + 0.011*\"juan\" + 0.010*\"francisco\" + 0.010*\"carlo\"\n", - "2019-01-31 01:29:42,766 : INFO : topic #49 (0.020): 0.045*\"india\" + 0.032*\"incumb\" + 0.014*\"islam\" + 0.012*\"televis\" + 0.012*\"pakistan\" + 0.011*\"affection\" + 0.011*\"anglo\" + 0.010*\"muskoge\" + 0.010*\"sri\" + 0.010*\"khalsa\"\n", - "2019-01-31 01:29:42,772 : INFO : topic diff=0.003894, rho=0.021632\n", - "2019-01-31 01:29:42,928 : INFO : PROGRESS: pass 0, at document #4276000/4922894\n", - "2019-01-31 01:29:44,282 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:29:44,549 : INFO : topic #27 (0.020): 0.076*\"questionnair\" + 0.021*\"candid\" + 0.018*\"taxpay\" + 0.015*\"ret\" + 0.012*\"tornado\" + 0.012*\"driver\" + 0.011*\"find\" + 0.011*\"fool\" + 0.010*\"horac\" + 0.010*\"champion\"\n", - "2019-01-31 01:29:44,550 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.025*\"offic\" + 0.025*\"minist\" + 0.024*\"nation\" + 0.023*\"govern\" + 0.021*\"member\" + 0.017*\"start\" + 0.016*\"serv\" + 0.015*\"gener\" + 0.014*\"council\"\n", - "2019-01-31 01:29:44,551 : INFO : topic #13 (0.020): 0.027*\"london\" + 0.026*\"sourc\" + 0.025*\"australia\" + 0.025*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.020*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 01:29:44,552 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.018*\"factor\" + 0.012*\"plaisir\" + 0.010*\"western\" + 0.010*\"genu\" + 0.009*\"biom\" + 0.008*\"median\" + 0.007*\"florida\" + 0.007*\"trap\" + 0.006*\"incom\"\n", - "2019-01-31 01:29:44,553 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.054*\"parti\" + 0.025*\"voluntari\" + 0.024*\"democrat\" + 0.018*\"member\" + 0.016*\"polici\" + 0.016*\"republ\" + 0.015*\"bypass\" + 0.013*\"selma\" + 0.013*\"report\"\n", - "2019-01-31 01:29:44,559 : INFO : topic diff=0.003050, rho=0.021627\n", - "2019-01-31 01:29:44,716 : INFO : PROGRESS: pass 0, at document #4278000/4922894\n", - "2019-01-31 01:29:46,088 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:29:46,355 : INFO : topic #20 (0.020): 0.142*\"scholar\" + 0.039*\"struggl\" + 0.032*\"high\" + 0.030*\"educ\" + 0.024*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.010*\"gothic\" + 0.009*\"task\"\n", - "2019-01-31 01:29:46,356 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.010*\"prognosi\" + 0.010*\"pop\" + 0.009*\"cytokin\" + 0.008*\"diggin\" + 0.008*\"softwar\" + 0.008*\"develop\" + 0.008*\"user\" + 0.008*\"uruguayan\" + 0.007*\"includ\"\n", - "2019-01-31 01:29:46,357 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.008*\"frontal\" + 0.007*\"poet\" + 0.006*\"exampl\" + 0.006*\"gener\" + 0.006*\"southern\" + 0.006*\"utopian\" + 0.006*\"théori\" + 0.006*\"servitud\" + 0.006*\"field\"\n", - "2019-01-31 01:29:46,358 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.009*\"develop\" + 0.009*\"commun\" + 0.009*\"word\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"human\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:29:46,359 : INFO : topic #28 (0.020): 0.035*\"build\" + 0.030*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.011*\"linear\" + 0.011*\"constitut\" + 0.011*\"depress\" + 0.011*\"silicon\" + 0.010*\"pistol\" + 0.010*\"centuri\"\n", - "2019-01-31 01:29:46,365 : INFO : topic diff=0.003646, rho=0.021622\n", - "2019-01-31 01:29:48,981 : INFO : -11.619 per-word bound, 3145.6 perplexity estimate based on a held-out corpus of 2000 documents with 516782 words\n", - "2019-01-31 01:29:48,981 : INFO : PROGRESS: pass 0, at document #4280000/4922894\n", - "2019-01-31 01:29:50,325 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:29:50,592 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.009*\"develop\" + 0.009*\"commun\" + 0.009*\"word\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"human\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:29:50,593 : INFO : topic #33 (0.020): 0.057*\"french\" + 0.043*\"franc\" + 0.028*\"pari\" + 0.022*\"jean\" + 0.022*\"sail\" + 0.021*\"wreath\" + 0.016*\"daphn\" + 0.013*\"lazi\" + 0.012*\"wine\" + 0.011*\"loui\"\n", - "2019-01-31 01:29:50,594 : INFO : topic #2 (0.020): 0.050*\"isl\" + 0.037*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.014*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.009*\"class\" + 0.009*\"bahá\"\n", - "2019-01-31 01:29:50,596 : INFO : topic #4 (0.020): 0.019*\"enfranchis\" + 0.014*\"depress\" + 0.013*\"pour\" + 0.008*\"mode\" + 0.008*\"elabor\" + 0.008*\"uruguayan\" + 0.008*\"veget\" + 0.006*\"develop\" + 0.006*\"produc\" + 0.006*\"spectacl\"\n", - "2019-01-31 01:29:50,597 : INFO : topic #23 (0.020): 0.139*\"audit\" + 0.069*\"best\" + 0.034*\"yawn\" + 0.030*\"jacksonvil\" + 0.024*\"japanes\" + 0.022*\"noll\" + 0.019*\"women\" + 0.017*\"festiv\" + 0.016*\"intern\" + 0.013*\"winner\"\n", - "2019-01-31 01:29:50,602 : INFO : topic diff=0.003364, rho=0.021617\n", - "2019-01-31 01:29:50,762 : INFO : PROGRESS: pass 0, at document #4282000/4922894\n", - "2019-01-31 01:29:52,143 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:29:52,409 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.015*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"daughter\" + 0.012*\"deal\"\n", - "2019-01-31 01:29:52,410 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.033*\"perceptu\" + 0.021*\"theater\" + 0.018*\"compos\" + 0.018*\"place\" + 0.015*\"damn\" + 0.013*\"orchestr\" + 0.013*\"olympo\" + 0.013*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 01:29:52,412 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.009*\"develop\" + 0.009*\"commun\" + 0.009*\"word\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.007*\"woman\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:29:52,413 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.023*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.014*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:29:52,414 : INFO : topic #40 (0.020): 0.086*\"unit\" + 0.023*\"schuster\" + 0.021*\"institut\" + 0.021*\"collector\" + 0.021*\"requir\" + 0.019*\"student\" + 0.015*\"professor\" + 0.012*\"degre\" + 0.012*\"word\" + 0.011*\"http\"\n", - "2019-01-31 01:29:52,420 : INFO : topic diff=0.003373, rho=0.021612\n", - "2019-01-31 01:29:52,571 : INFO : PROGRESS: pass 0, at document #4284000/4922894\n", - "2019-01-31 01:29:53,915 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:29:54,182 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.025*\"minist\" + 0.025*\"offic\" + 0.024*\"nation\" + 0.023*\"govern\" + 0.021*\"member\" + 0.017*\"start\" + 0.016*\"serv\" + 0.015*\"gener\" + 0.014*\"council\"\n", - "2019-01-31 01:29:54,182 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.044*\"popolo\" + 0.043*\"vigour\" + 0.036*\"tortur\" + 0.035*\"cotton\" + 0.022*\"multitud\" + 0.022*\"adulthood\" + 0.021*\"area\" + 0.019*\"cede\" + 0.018*\"citi\"\n", - "2019-01-31 01:29:54,183 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.010*\"prognosi\" + 0.010*\"pop\" + 0.008*\"cytokin\" + 0.008*\"diggin\" + 0.008*\"develop\" + 0.008*\"user\" + 0.008*\"softwar\" + 0.008*\"uruguayan\" + 0.007*\"includ\"\n", - "2019-01-31 01:29:54,185 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.008*\"frontal\" + 0.007*\"poet\" + 0.006*\"exampl\" + 0.006*\"gener\" + 0.006*\"southern\" + 0.006*\"utopian\" + 0.006*\"théori\" + 0.006*\"servitud\" + 0.006*\"field\"\n", - "2019-01-31 01:29:54,185 : INFO : topic #26 (0.020): 0.029*\"workplac\" + 0.027*\"champion\" + 0.025*\"woman\" + 0.025*\"olymp\" + 0.024*\"men\" + 0.022*\"medal\" + 0.020*\"event\" + 0.018*\"taxpay\" + 0.018*\"alic\" + 0.017*\"atheist\"\n", - "2019-01-31 01:29:54,191 : INFO : topic diff=0.003117, rho=0.021607\n", - "2019-01-31 01:29:54,349 : INFO : PROGRESS: pass 0, at document #4286000/4922894\n", - "2019-01-31 01:29:55,722 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:29:55,989 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.025*\"minist\" + 0.025*\"offic\" + 0.024*\"nation\" + 0.023*\"govern\" + 0.021*\"member\" + 0.017*\"start\" + 0.016*\"serv\" + 0.015*\"gener\" + 0.014*\"council\"\n", - "2019-01-31 01:29:55,990 : INFO : topic #8 (0.020): 0.025*\"law\" + 0.023*\"cortic\" + 0.019*\"act\" + 0.018*\"start\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.008*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 01:29:55,991 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.025*\"cathol\" + 0.023*\"christian\" + 0.022*\"bishop\" + 0.016*\"sail\" + 0.015*\"retroflex\" + 0.010*\"historiographi\" + 0.010*\"relationship\" + 0.009*\"parish\" + 0.009*\"poll\"\n", - "2019-01-31 01:29:55,992 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:29:55,993 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.023*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:29:55,999 : INFO : topic diff=0.002996, rho=0.021602\n", - "2019-01-31 01:29:56,210 : INFO : PROGRESS: pass 0, at document #4288000/4922894\n", - "2019-01-31 01:29:57,693 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:29:57,960 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.044*\"popolo\" + 0.042*\"vigour\" + 0.036*\"tortur\" + 0.035*\"cotton\" + 0.022*\"adulthood\" + 0.022*\"multitud\" + 0.021*\"area\" + 0.019*\"cede\" + 0.018*\"citi\"\n", - "2019-01-31 01:29:57,961 : INFO : topic #21 (0.020): 0.035*\"samford\" + 0.022*\"spain\" + 0.018*\"del\" + 0.017*\"mexico\" + 0.016*\"italian\" + 0.014*\"santa\" + 0.013*\"soviet\" + 0.011*\"juan\" + 0.010*\"francisco\" + 0.010*\"carlo\"\n", - "2019-01-31 01:29:57,962 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.027*\"final\" + 0.025*\"wife\" + 0.020*\"tourist\" + 0.019*\"champion\" + 0.016*\"martin\" + 0.015*\"open\" + 0.014*\"chamber\" + 0.014*\"taxpay\" + 0.014*\"tiepolo\"\n", - "2019-01-31 01:29:57,964 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"margin\" + 0.016*\"yawn\" + 0.015*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"daughter\" + 0.012*\"deal\"\n", - "2019-01-31 01:29:57,965 : INFO : topic #28 (0.020): 0.035*\"build\" + 0.030*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.011*\"linear\" + 0.011*\"constitut\" + 0.011*\"depress\" + 0.011*\"silicon\" + 0.010*\"centuri\" + 0.010*\"pistol\"\n", - "2019-01-31 01:29:57,970 : INFO : topic diff=0.003408, rho=0.021597\n", - "2019-01-31 01:29:58,127 : INFO : PROGRESS: pass 0, at document #4290000/4922894\n", - "2019-01-31 01:29:59,501 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:29:59,767 : INFO : topic #25 (0.020): 0.034*\"ring\" + 0.018*\"area\" + 0.018*\"lagrang\" + 0.016*\"warmth\" + 0.015*\"mount\" + 0.010*\"north\" + 0.009*\"foam\" + 0.009*\"sourc\" + 0.009*\"land\" + 0.009*\"lobe\"\n", - "2019-01-31 01:29:59,769 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.006*\"till\" + 0.006*\"govern\" + 0.006*\"militari\"\n", - "2019-01-31 01:29:59,770 : INFO : topic #32 (0.020): 0.052*\"district\" + 0.044*\"popolo\" + 0.042*\"vigour\" + 0.035*\"tortur\" + 0.035*\"cotton\" + 0.022*\"adulthood\" + 0.022*\"multitud\" + 0.021*\"area\" + 0.019*\"cede\" + 0.018*\"citi\"\n", - "2019-01-31 01:29:59,771 : INFO : topic #48 (0.020): 0.078*\"sens\" + 0.078*\"march\" + 0.077*\"octob\" + 0.068*\"januari\" + 0.067*\"notion\" + 0.066*\"juli\" + 0.066*\"april\" + 0.066*\"august\" + 0.064*\"judici\" + 0.063*\"decatur\"\n", - "2019-01-31 01:29:59,772 : INFO : topic #42 (0.020): 0.046*\"german\" + 0.031*\"germani\" + 0.016*\"vol\" + 0.014*\"der\" + 0.014*\"jewish\" + 0.014*\"berlin\" + 0.013*\"israel\" + 0.010*\"european\" + 0.010*\"austria\" + 0.009*\"europ\"\n", - "2019-01-31 01:29:59,778 : INFO : topic diff=0.003606, rho=0.021592\n", - "2019-01-31 01:29:59,938 : INFO : PROGRESS: pass 0, at document #4292000/4922894\n", - "2019-01-31 01:30:01,356 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:30:01,623 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.023*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.014*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:30:01,624 : INFO : topic #3 (0.020): 0.035*\"present\" + 0.026*\"minist\" + 0.025*\"offic\" + 0.024*\"nation\" + 0.023*\"govern\" + 0.021*\"member\" + 0.017*\"start\" + 0.016*\"serv\" + 0.015*\"gener\" + 0.014*\"council\"\n", - "2019-01-31 01:30:01,625 : INFO : topic #25 (0.020): 0.034*\"ring\" + 0.018*\"area\" + 0.018*\"lagrang\" + 0.016*\"warmth\" + 0.015*\"mount\" + 0.010*\"north\" + 0.009*\"sourc\" + 0.009*\"land\" + 0.009*\"foam\" + 0.009*\"lobe\"\n", - "2019-01-31 01:30:01,626 : INFO : topic #48 (0.020): 0.078*\"sens\" + 0.078*\"march\" + 0.077*\"octob\" + 0.068*\"januari\" + 0.067*\"notion\" + 0.066*\"juli\" + 0.066*\"august\" + 0.066*\"april\" + 0.064*\"judici\" + 0.064*\"decatur\"\n", - "2019-01-31 01:30:01,627 : INFO : topic #31 (0.020): 0.052*\"fusiform\" + 0.026*\"scientist\" + 0.024*\"taxpay\" + 0.022*\"player\" + 0.020*\"place\" + 0.013*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:30:01,633 : INFO : topic diff=0.003357, rho=0.021587\n", - "2019-01-31 01:30:01,788 : INFO : PROGRESS: pass 0, at document #4294000/4922894\n", - "2019-01-31 01:30:03,150 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:30:03,416 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.026*\"final\" + 0.025*\"wife\" + 0.020*\"tourist\" + 0.019*\"champion\" + 0.016*\"martin\" + 0.014*\"open\" + 0.014*\"chamber\" + 0.014*\"taxpay\" + 0.014*\"tiepolo\"\n", - "2019-01-31 01:30:03,418 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.007*\"poet\" + 0.006*\"gener\" + 0.006*\"exampl\" + 0.006*\"southern\" + 0.006*\"théori\" + 0.006*\"utopian\" + 0.006*\"servitud\" + 0.006*\"field\"\n", - "2019-01-31 01:30:03,419 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.006*\"till\" + 0.006*\"militari\" + 0.006*\"govern\"\n", - "2019-01-31 01:30:03,420 : INFO : topic #28 (0.020): 0.035*\"build\" + 0.030*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.011*\"linear\" + 0.011*\"constitut\" + 0.011*\"depress\" + 0.011*\"silicon\" + 0.010*\"centuri\" + 0.010*\"pistol\"\n", - "2019-01-31 01:30:03,421 : INFO : topic #48 (0.020): 0.078*\"sens\" + 0.078*\"march\" + 0.076*\"octob\" + 0.068*\"januari\" + 0.067*\"august\" + 0.067*\"notion\" + 0.066*\"juli\" + 0.066*\"april\" + 0.064*\"judici\" + 0.064*\"decatur\"\n", - "2019-01-31 01:30:03,427 : INFO : topic diff=0.003191, rho=0.021582\n", - "2019-01-31 01:30:03,581 : INFO : PROGRESS: pass 0, at document #4296000/4922894\n", - "2019-01-31 01:30:04,978 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:30:05,244 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"margin\" + 0.016*\"yawn\" + 0.015*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"daughter\" + 0.012*\"deal\"\n", - "2019-01-31 01:30:05,245 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.023*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:30:05,246 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"disco\" + 0.008*\"media\" + 0.007*\"hormon\" + 0.007*\"have\" + 0.007*\"caus\" + 0.007*\"pathwai\" + 0.006*\"effect\" + 0.006*\"treat\" + 0.006*\"proper\"\n", - "2019-01-31 01:30:05,247 : INFO : topic #16 (0.020): 0.055*\"king\" + 0.031*\"priest\" + 0.019*\"idiosyncrat\" + 0.019*\"rotterdam\" + 0.018*\"duke\" + 0.018*\"grammat\" + 0.017*\"quarterli\" + 0.014*\"kingdom\" + 0.014*\"portugues\" + 0.013*\"maria\"\n", - "2019-01-31 01:30:05,249 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.025*\"cathol\" + 0.023*\"christian\" + 0.023*\"bishop\" + 0.016*\"sail\" + 0.015*\"retroflex\" + 0.010*\"historiographi\" + 0.010*\"relationship\" + 0.009*\"parish\" + 0.009*\"poll\"\n", - "2019-01-31 01:30:05,254 : INFO : topic diff=0.002855, rho=0.021577\n", - "2019-01-31 01:30:05,412 : INFO : PROGRESS: pass 0, at document #4298000/4922894\n", - "2019-01-31 01:30:06,802 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:30:07,070 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.045*\"popolo\" + 0.042*\"vigour\" + 0.036*\"tortur\" + 0.034*\"cotton\" + 0.022*\"adulthood\" + 0.022*\"multitud\" + 0.021*\"area\" + 0.019*\"cede\" + 0.018*\"commun\"\n", - "2019-01-31 01:30:07,071 : INFO : topic #25 (0.020): 0.034*\"ring\" + 0.018*\"area\" + 0.018*\"lagrang\" + 0.016*\"warmth\" + 0.015*\"mount\" + 0.010*\"north\" + 0.009*\"sourc\" + 0.009*\"foam\" + 0.009*\"land\" + 0.009*\"lobe\"\n", - "2019-01-31 01:30:07,072 : INFO : topic #37 (0.020): 0.013*\"charact\" + 0.012*\"anim\" + 0.012*\"septemb\" + 0.011*\"man\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.007*\"fusiform\" + 0.007*\"workplac\" + 0.007*\"storag\" + 0.006*\"black\"\n", - "2019-01-31 01:30:07,073 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.010*\"prognosi\" + 0.010*\"pop\" + 0.008*\"cytokin\" + 0.008*\"user\" + 0.008*\"develop\" + 0.008*\"softwar\" + 0.008*\"diggin\" + 0.008*\"uruguayan\" + 0.007*\"includ\"\n", - "2019-01-31 01:30:07,074 : INFO : topic #46 (0.020): 0.017*\"stop\" + 0.015*\"sweden\" + 0.015*\"swedish\" + 0.014*\"wind\" + 0.014*\"norwai\" + 0.014*\"damag\" + 0.013*\"treeless\" + 0.013*\"norwegian\" + 0.011*\"huntsvil\" + 0.009*\"denmark\"\n", - "2019-01-31 01:30:07,080 : INFO : topic diff=0.003643, rho=0.021572\n", - "2019-01-31 01:30:09,809 : INFO : -11.602 per-word bound, 3108.6 perplexity estimate based on a held-out corpus of 2000 documents with 566311 words\n", - "2019-01-31 01:30:09,809 : INFO : PROGRESS: pass 0, at document #4300000/4922894\n", - "2019-01-31 01:30:11,199 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:30:11,465 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.020*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 01:30:11,466 : INFO : topic #42 (0.020): 0.046*\"german\" + 0.031*\"germani\" + 0.016*\"vol\" + 0.014*\"jewish\" + 0.014*\"der\" + 0.014*\"berlin\" + 0.013*\"israel\" + 0.010*\"european\" + 0.010*\"austria\" + 0.009*\"europ\"\n", - "2019-01-31 01:30:11,467 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.045*\"popolo\" + 0.042*\"vigour\" + 0.035*\"tortur\" + 0.034*\"cotton\" + 0.022*\"adulthood\" + 0.022*\"multitud\" + 0.021*\"area\" + 0.019*\"cede\" + 0.018*\"commun\"\n", - "2019-01-31 01:30:11,468 : INFO : topic #30 (0.020): 0.035*\"leagu\" + 0.035*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.025*\"scientist\" + 0.023*\"crete\" + 0.022*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:30:11,469 : INFO : topic #9 (0.020): 0.069*\"bone\" + 0.043*\"american\" + 0.029*\"valour\" + 0.018*\"dutch\" + 0.017*\"player\" + 0.017*\"folei\" + 0.016*\"polit\" + 0.015*\"english\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:30:11,475 : INFO : topic diff=0.002694, rho=0.021567\n", - "2019-01-31 01:30:11,634 : INFO : PROGRESS: pass 0, at document #4302000/4922894\n", - "2019-01-31 01:30:13,036 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:30:13,303 : INFO : topic #23 (0.020): 0.139*\"audit\" + 0.069*\"best\" + 0.034*\"yawn\" + 0.030*\"jacksonvil\" + 0.023*\"japanes\" + 0.022*\"noll\" + 0.019*\"women\" + 0.018*\"festiv\" + 0.016*\"intern\" + 0.013*\"prison\"\n", - "2019-01-31 01:30:13,304 : INFO : topic #40 (0.020): 0.086*\"unit\" + 0.023*\"schuster\" + 0.021*\"requir\" + 0.021*\"institut\" + 0.021*\"collector\" + 0.019*\"student\" + 0.015*\"professor\" + 0.012*\"degre\" + 0.012*\"word\" + 0.011*\"governor\"\n", - "2019-01-31 01:30:13,305 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.035*\"publicis\" + 0.026*\"word\" + 0.020*\"new\" + 0.014*\"edit\" + 0.014*\"presid\" + 0.011*\"worldwid\" + 0.011*\"author\" + 0.011*\"magazin\" + 0.011*\"storag\"\n", - "2019-01-31 01:30:13,306 : INFO : topic #4 (0.020): 0.019*\"enfranchis\" + 0.014*\"depress\" + 0.013*\"pour\" + 0.008*\"mode\" + 0.008*\"elabor\" + 0.008*\"uruguayan\" + 0.008*\"veget\" + 0.006*\"develop\" + 0.006*\"produc\" + 0.006*\"spectacl\"\n", - "2019-01-31 01:30:13,307 : INFO : topic #0 (0.020): 0.062*\"statewid\" + 0.043*\"line\" + 0.031*\"raid\" + 0.029*\"rivièr\" + 0.027*\"rosenwald\" + 0.020*\"airmen\" + 0.018*\"serv\" + 0.017*\"traceabl\" + 0.013*\"oper\" + 0.010*\"transient\"\n", - "2019-01-31 01:30:13,313 : INFO : topic diff=0.003273, rho=0.021562\n", - "2019-01-31 01:30:13,468 : INFO : PROGRESS: pass 0, at document #4304000/4922894\n", - "2019-01-31 01:30:14,839 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:30:15,105 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.025*\"cathol\" + 0.023*\"christian\" + 0.022*\"bishop\" + 0.017*\"sail\" + 0.016*\"retroflex\" + 0.010*\"historiographi\" + 0.010*\"relationship\" + 0.009*\"parish\" + 0.009*\"poll\"\n", - "2019-01-31 01:30:15,106 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.034*\"perceptu\" + 0.020*\"theater\" + 0.018*\"compos\" + 0.018*\"place\" + 0.015*\"damn\" + 0.014*\"orchestr\" + 0.013*\"physician\" + 0.012*\"olympo\" + 0.011*\"jack\"\n", - "2019-01-31 01:30:15,107 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"poet\" + 0.006*\"gener\" + 0.006*\"exampl\" + 0.006*\"southern\" + 0.006*\"théori\" + 0.006*\"utopian\" + 0.006*\"servitud\" + 0.005*\"field\"\n", - "2019-01-31 01:30:15,109 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.008*\"forc\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.006*\"till\" + 0.006*\"govern\" + 0.006*\"militari\"\n", - "2019-01-31 01:30:15,110 : INFO : topic #16 (0.020): 0.055*\"king\" + 0.031*\"priest\" + 0.019*\"rotterdam\" + 0.019*\"idiosyncrat\" + 0.019*\"grammat\" + 0.018*\"duke\" + 0.017*\"quarterli\" + 0.014*\"kingdom\" + 0.013*\"portugues\" + 0.012*\"maria\"\n", - "2019-01-31 01:30:15,115 : INFO : topic diff=0.002852, rho=0.021557\n", - "2019-01-31 01:30:15,273 : INFO : PROGRESS: pass 0, at document #4306000/4922894\n", - "2019-01-31 01:30:16,663 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:30:16,929 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.035*\"publicis\" + 0.026*\"word\" + 0.020*\"new\" + 0.014*\"edit\" + 0.014*\"presid\" + 0.011*\"worldwid\" + 0.011*\"author\" + 0.011*\"magazin\" + 0.011*\"storag\"\n", - "2019-01-31 01:30:16,930 : INFO : topic #42 (0.020): 0.046*\"german\" + 0.031*\"germani\" + 0.016*\"vol\" + 0.014*\"jewish\" + 0.014*\"der\" + 0.014*\"berlin\" + 0.014*\"israel\" + 0.010*\"european\" + 0.010*\"austria\" + 0.009*\"europ\"\n", - "2019-01-31 01:30:16,932 : INFO : topic #29 (0.020): 0.030*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"market\" + 0.011*\"produc\" + 0.010*\"industri\" + 0.010*\"bank\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 01:30:16,933 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.022*\"cortic\" + 0.018*\"act\" + 0.018*\"start\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.009*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 01:30:16,934 : INFO : topic #16 (0.020): 0.055*\"king\" + 0.031*\"priest\" + 0.019*\"rotterdam\" + 0.019*\"grammat\" + 0.019*\"idiosyncrat\" + 0.019*\"duke\" + 0.017*\"quarterli\" + 0.014*\"kingdom\" + 0.013*\"portugues\" + 0.012*\"maria\"\n", - "2019-01-31 01:30:16,939 : INFO : topic diff=0.003345, rho=0.021552\n", - "2019-01-31 01:30:17,095 : INFO : PROGRESS: pass 0, at document #4308000/4922894\n", - "2019-01-31 01:30:18,471 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:30:18,738 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"margin\" + 0.016*\"yawn\" + 0.015*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"will\" + 0.012*\"daughter\"\n", - "2019-01-31 01:30:18,739 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.006*\"uruguayan\"\n", - "2019-01-31 01:30:18,740 : INFO : topic #48 (0.020): 0.081*\"march\" + 0.078*\"sens\" + 0.076*\"octob\" + 0.069*\"januari\" + 0.067*\"august\" + 0.067*\"juli\" + 0.066*\"notion\" + 0.066*\"april\" + 0.064*\"judici\" + 0.063*\"decatur\"\n", - "2019-01-31 01:30:18,741 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.012*\"will\" + 0.011*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"slur\" + 0.008*\"georg\" + 0.008*\"paul\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:30:18,742 : INFO : topic #20 (0.020): 0.145*\"scholar\" + 0.039*\"struggl\" + 0.032*\"high\" + 0.030*\"educ\" + 0.023*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.010*\"gothic\" + 0.009*\"task\"\n", - "2019-01-31 01:30:18,748 : INFO : topic diff=0.002474, rho=0.021547\n", - "2019-01-31 01:30:18,906 : INFO : PROGRESS: pass 0, at document #4310000/4922894\n", - "2019-01-31 01:30:20,273 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:30:20,540 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"poet\" + 0.006*\"gener\" + 0.006*\"southern\" + 0.006*\"exampl\" + 0.006*\"théori\" + 0.006*\"utopian\" + 0.006*\"servitud\" + 0.005*\"field\"\n", - "2019-01-31 01:30:20,541 : INFO : topic #0 (0.020): 0.062*\"statewid\" + 0.042*\"line\" + 0.031*\"raid\" + 0.030*\"rivièr\" + 0.027*\"rosenwald\" + 0.020*\"airmen\" + 0.018*\"serv\" + 0.018*\"traceabl\" + 0.013*\"oper\" + 0.010*\"transient\"\n", - "2019-01-31 01:30:20,542 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.023*\"spain\" + 0.017*\"mexico\" + 0.017*\"del\" + 0.016*\"italian\" + 0.014*\"soviet\" + 0.013*\"santa\" + 0.011*\"francisco\" + 0.011*\"juan\" + 0.010*\"carlo\"\n", - "2019-01-31 01:30:20,543 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.038*\"shield\" + 0.019*\"narrat\" + 0.015*\"scot\" + 0.014*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.009*\"class\" + 0.009*\"bahá\"\n", - "2019-01-31 01:30:20,544 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.009*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.009*\"word\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"human\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:30:20,550 : INFO : topic diff=0.003426, rho=0.021542\n", - "2019-01-31 01:30:20,702 : INFO : PROGRESS: pass 0, at document #4312000/4922894\n", - "2019-01-31 01:30:22,052 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:30:22,318 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.045*\"popolo\" + 0.042*\"vigour\" + 0.036*\"tortur\" + 0.034*\"cotton\" + 0.022*\"multitud\" + 0.022*\"adulthood\" + 0.021*\"area\" + 0.019*\"cede\" + 0.018*\"citi\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:30:22,320 : INFO : topic #1 (0.020): 0.056*\"china\" + 0.050*\"chilton\" + 0.024*\"hong\" + 0.024*\"kong\" + 0.022*\"korea\" + 0.019*\"korean\" + 0.017*\"leah\" + 0.016*\"sourc\" + 0.014*\"shirin\" + 0.014*\"kim\"\n", - "2019-01-31 01:30:22,321 : INFO : topic #9 (0.020): 0.070*\"bone\" + 0.043*\"american\" + 0.030*\"valour\" + 0.019*\"dutch\" + 0.017*\"player\" + 0.017*\"folei\" + 0.016*\"polit\" + 0.016*\"english\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:30:22,322 : INFO : topic #35 (0.020): 0.054*\"russia\" + 0.035*\"sovereignti\" + 0.032*\"rural\" + 0.026*\"poison\" + 0.026*\"reprint\" + 0.024*\"personifi\" + 0.019*\"moscow\" + 0.019*\"poland\" + 0.016*\"tyrant\" + 0.015*\"unfortun\"\n", - "2019-01-31 01:30:22,323 : INFO : topic #29 (0.020): 0.030*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"market\" + 0.011*\"produc\" + 0.010*\"industri\" + 0.010*\"bank\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 01:30:22,329 : INFO : topic diff=0.002987, rho=0.021537\n", - "2019-01-31 01:30:22,489 : INFO : PROGRESS: pass 0, at document #4314000/4922894\n", - "2019-01-31 01:30:23,896 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:30:24,162 : INFO : topic #43 (0.020): 0.065*\"elect\" + 0.054*\"parti\" + 0.025*\"voluntari\" + 0.024*\"democrat\" + 0.018*\"member\" + 0.016*\"republ\" + 0.016*\"polici\" + 0.014*\"bypass\" + 0.013*\"selma\" + 0.013*\"seaport\"\n", - "2019-01-31 01:30:24,164 : INFO : topic #26 (0.020): 0.028*\"workplac\" + 0.027*\"champion\" + 0.026*\"woman\" + 0.025*\"men\" + 0.025*\"olymp\" + 0.021*\"medal\" + 0.020*\"event\" + 0.019*\"alic\" + 0.018*\"taxpay\" + 0.018*\"atheist\"\n", - "2019-01-31 01:30:24,165 : INFO : topic #45 (0.020): 0.046*\"arsen\" + 0.031*\"jpg\" + 0.029*\"fifteenth\" + 0.029*\"museo\" + 0.022*\"pain\" + 0.021*\"illicit\" + 0.017*\"exhaust\" + 0.016*\"artist\" + 0.016*\"gai\" + 0.015*\"colder\"\n", - "2019-01-31 01:30:24,166 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.032*\"incumb\" + 0.014*\"islam\" + 0.012*\"pakistan\" + 0.011*\"affection\" + 0.011*\"televis\" + 0.010*\"anglo\" + 0.010*\"muskoge\" + 0.010*\"khalsa\" + 0.010*\"sri\"\n", - "2019-01-31 01:30:24,167 : INFO : topic #17 (0.020): 0.079*\"church\" + 0.025*\"cathol\" + 0.023*\"christian\" + 0.022*\"bishop\" + 0.016*\"sail\" + 0.016*\"retroflex\" + 0.010*\"relationship\" + 0.010*\"historiographi\" + 0.009*\"cathedr\" + 0.009*\"parish\"\n", - "2019-01-31 01:30:24,173 : INFO : topic diff=0.003430, rho=0.021532\n", - "2019-01-31 01:30:24,330 : INFO : PROGRESS: pass 0, at document #4316000/4922894\n", - "2019-01-31 01:30:25,708 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:30:25,974 : INFO : topic #43 (0.020): 0.065*\"elect\" + 0.054*\"parti\" + 0.025*\"voluntari\" + 0.024*\"democrat\" + 0.018*\"member\" + 0.016*\"republ\" + 0.016*\"polici\" + 0.014*\"bypass\" + 0.013*\"seaport\" + 0.013*\"selma\"\n", - "2019-01-31 01:30:25,975 : INFO : topic #23 (0.020): 0.138*\"audit\" + 0.068*\"best\" + 0.033*\"yawn\" + 0.029*\"jacksonvil\" + 0.023*\"japanes\" + 0.022*\"noll\" + 0.019*\"women\" + 0.018*\"festiv\" + 0.016*\"intern\" + 0.013*\"prison\"\n", - "2019-01-31 01:30:25,976 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.035*\"leagu\" + 0.029*\"place\" + 0.028*\"taxpay\" + 0.025*\"scientist\" + 0.023*\"crete\" + 0.022*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:30:25,977 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.018*\"factor\" + 0.012*\"plaisir\" + 0.010*\"western\" + 0.010*\"genu\" + 0.009*\"biom\" + 0.008*\"median\" + 0.007*\"florida\" + 0.007*\"incom\" + 0.006*\"trap\"\n", - "2019-01-31 01:30:25,978 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"gener\" + 0.007*\"poet\" + 0.006*\"southern\" + 0.006*\"exampl\" + 0.006*\"utopian\" + 0.006*\"théori\" + 0.006*\"servitud\" + 0.006*\"method\"\n", - "2019-01-31 01:30:25,984 : INFO : topic diff=0.003749, rho=0.021527\n", - "2019-01-31 01:30:26,196 : INFO : PROGRESS: pass 0, at document #4318000/4922894\n", - "2019-01-31 01:30:27,558 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:30:27,825 : INFO : topic #49 (0.020): 0.045*\"india\" + 0.032*\"incumb\" + 0.014*\"islam\" + 0.012*\"pakistan\" + 0.011*\"affection\" + 0.011*\"televis\" + 0.011*\"anglo\" + 0.010*\"muskoge\" + 0.010*\"khalsa\" + 0.010*\"sri\"\n", - "2019-01-31 01:30:27,826 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.022*\"armi\" + 0.021*\"walter\" + 0.018*\"com\" + 0.013*\"unionist\" + 0.013*\"oper\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.012*\"diversifi\"\n", - "2019-01-31 01:30:27,827 : INFO : topic #28 (0.020): 0.035*\"build\" + 0.030*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.011*\"constitut\" + 0.011*\"linear\" + 0.011*\"centuri\" + 0.011*\"depress\" + 0.011*\"silicon\" + 0.010*\"pistol\"\n", - "2019-01-31 01:30:27,828 : INFO : topic #27 (0.020): 0.075*\"questionnair\" + 0.020*\"candid\" + 0.018*\"taxpay\" + 0.015*\"ret\" + 0.013*\"tornado\" + 0.012*\"driver\" + 0.012*\"find\" + 0.011*\"fool\" + 0.010*\"horac\" + 0.010*\"squatter\"\n", - "2019-01-31 01:30:27,829 : INFO : topic #42 (0.020): 0.046*\"german\" + 0.031*\"germani\" + 0.016*\"vol\" + 0.014*\"jewish\" + 0.014*\"israel\" + 0.014*\"berlin\" + 0.013*\"der\" + 0.010*\"european\" + 0.010*\"austria\" + 0.009*\"europ\"\n", - "2019-01-31 01:30:27,835 : INFO : topic diff=0.003532, rho=0.021522\n", - "2019-01-31 01:30:30,578 : INFO : -11.686 per-word bound, 3294.5 perplexity estimate based on a held-out corpus of 2000 documents with 558351 words\n", - "2019-01-31 01:30:30,579 : INFO : PROGRESS: pass 0, at document #4320000/4922894\n", - "2019-01-31 01:30:31,984 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:30:32,251 : INFO : topic #17 (0.020): 0.079*\"church\" + 0.025*\"cathol\" + 0.024*\"christian\" + 0.022*\"bishop\" + 0.016*\"sail\" + 0.016*\"retroflex\" + 0.010*\"relationship\" + 0.010*\"historiographi\" + 0.009*\"parish\" + 0.009*\"cathedr\"\n", - "2019-01-31 01:30:32,252 : INFO : topic #48 (0.020): 0.081*\"march\" + 0.078*\"sens\" + 0.076*\"octob\" + 0.070*\"januari\" + 0.067*\"juli\" + 0.067*\"august\" + 0.067*\"notion\" + 0.066*\"april\" + 0.065*\"judici\" + 0.064*\"decatur\"\n", - "2019-01-31 01:30:32,253 : INFO : topic #25 (0.020): 0.034*\"ring\" + 0.018*\"area\" + 0.018*\"lagrang\" + 0.016*\"warmth\" + 0.015*\"mount\" + 0.010*\"north\" + 0.009*\"sourc\" + 0.009*\"land\" + 0.009*\"foam\" + 0.009*\"vacant\"\n", - "2019-01-31 01:30:32,254 : INFO : topic #24 (0.020): 0.040*\"book\" + 0.035*\"publicis\" + 0.026*\"word\" + 0.020*\"new\" + 0.014*\"edit\" + 0.014*\"presid\" + 0.011*\"worldwid\" + 0.011*\"magazin\" + 0.011*\"author\" + 0.011*\"storag\"\n", - "2019-01-31 01:30:32,255 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.026*\"final\" + 0.024*\"wife\" + 0.020*\"tourist\" + 0.019*\"champion\" + 0.016*\"martin\" + 0.015*\"taxpay\" + 0.014*\"chamber\" + 0.014*\"open\" + 0.014*\"tiepolo\"\n", - "2019-01-31 01:30:32,261 : INFO : topic diff=0.003003, rho=0.021517\n", - "2019-01-31 01:30:32,421 : INFO : PROGRESS: pass 0, at document #4322000/4922894\n", - "2019-01-31 01:30:33,801 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:30:34,069 : INFO : topic #10 (0.020): 0.012*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"hormon\" + 0.007*\"have\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"treat\" + 0.006*\"effect\" + 0.006*\"proper\"\n", - "2019-01-31 01:30:34,070 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"armi\" + 0.022*\"aggress\" + 0.021*\"walter\" + 0.018*\"com\" + 0.013*\"oper\" + 0.013*\"unionist\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:30:34,071 : INFO : topic #4 (0.020): 0.019*\"enfranchis\" + 0.014*\"depress\" + 0.013*\"pour\" + 0.009*\"mode\" + 0.008*\"elabor\" + 0.008*\"veget\" + 0.008*\"uruguayan\" + 0.006*\"teratogen\" + 0.006*\"develop\" + 0.006*\"produc\"\n", - "2019-01-31 01:30:34,072 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.006*\"uruguayan\"\n", - "2019-01-31 01:30:34,074 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.035*\"publicis\" + 0.026*\"word\" + 0.020*\"new\" + 0.014*\"edit\" + 0.014*\"presid\" + 0.011*\"worldwid\" + 0.011*\"magazin\" + 0.011*\"author\" + 0.011*\"storag\"\n", - "2019-01-31 01:30:34,079 : INFO : topic diff=0.003004, rho=0.021512\n", - "2019-01-31 01:30:34,240 : INFO : PROGRESS: pass 0, at document #4324000/4922894\n", - "2019-01-31 01:30:35,619 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:30:35,886 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.023*\"epiru\" + 0.019*\"septemb\" + 0.018*\"teacher\" + 0.014*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:30:35,887 : INFO : topic #23 (0.020): 0.138*\"audit\" + 0.068*\"best\" + 0.033*\"yawn\" + 0.029*\"jacksonvil\" + 0.023*\"japanes\" + 0.022*\"noll\" + 0.019*\"women\" + 0.018*\"festiv\" + 0.016*\"intern\" + 0.013*\"prison\"\n", - "2019-01-31 01:30:35,888 : INFO : topic #9 (0.020): 0.069*\"bone\" + 0.043*\"american\" + 0.030*\"valour\" + 0.020*\"dutch\" + 0.017*\"player\" + 0.017*\"folei\" + 0.016*\"english\" + 0.016*\"polit\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:30:35,889 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.027*\"final\" + 0.024*\"wife\" + 0.020*\"tourist\" + 0.019*\"champion\" + 0.016*\"martin\" + 0.015*\"taxpay\" + 0.014*\"chamber\" + 0.014*\"open\" + 0.013*\"tiepolo\"\n", - "2019-01-31 01:30:35,890 : INFO : topic #45 (0.020): 0.046*\"arsen\" + 0.031*\"jpg\" + 0.029*\"fifteenth\" + 0.029*\"museo\" + 0.022*\"pain\" + 0.020*\"illicit\" + 0.017*\"exhaust\" + 0.016*\"artist\" + 0.016*\"gai\" + 0.015*\"colder\"\n", - "2019-01-31 01:30:35,896 : INFO : topic diff=0.002871, rho=0.021507\n", - "2019-01-31 01:30:36,048 : INFO : PROGRESS: pass 0, at document #4326000/4922894\n", - "2019-01-31 01:30:37,401 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:30:37,667 : INFO : topic #48 (0.020): 0.081*\"march\" + 0.078*\"sens\" + 0.077*\"octob\" + 0.070*\"januari\" + 0.068*\"juli\" + 0.068*\"august\" + 0.067*\"notion\" + 0.066*\"april\" + 0.065*\"judici\" + 0.064*\"decatur\"\n", - "2019-01-31 01:30:37,668 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.009*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.009*\"word\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"human\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:30:37,669 : INFO : topic #8 (0.020): 0.025*\"law\" + 0.022*\"cortic\" + 0.020*\"act\" + 0.018*\"start\" + 0.014*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.009*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 01:30:37,670 : INFO : topic #26 (0.020): 0.028*\"workplac\" + 0.027*\"champion\" + 0.026*\"woman\" + 0.025*\"men\" + 0.024*\"olymp\" + 0.021*\"medal\" + 0.020*\"event\" + 0.020*\"alic\" + 0.018*\"taxpay\" + 0.018*\"atheist\"\n", - "2019-01-31 01:30:37,671 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.033*\"incumb\" + 0.014*\"islam\" + 0.012*\"pakistan\" + 0.011*\"anglo\" + 0.011*\"affection\" + 0.011*\"televis\" + 0.011*\"muskoge\" + 0.010*\"khalsa\" + 0.010*\"sri\"\n", - "2019-01-31 01:30:37,677 : INFO : topic diff=0.004297, rho=0.021502\n", - "2019-01-31 01:30:37,838 : INFO : PROGRESS: pass 0, at document #4328000/4922894\n", - "2019-01-31 01:30:39,251 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:30:39,517 : INFO : topic #44 (0.020): 0.029*\"rooftop\" + 0.026*\"final\" + 0.024*\"wife\" + 0.020*\"tourist\" + 0.019*\"champion\" + 0.016*\"martin\" + 0.015*\"taxpay\" + 0.014*\"chamber\" + 0.014*\"tiepolo\" + 0.014*\"open\"\n", - "2019-01-31 01:30:39,518 : INFO : topic #29 (0.020): 0.030*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"market\" + 0.011*\"produc\" + 0.010*\"industri\" + 0.010*\"bank\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 01:30:39,520 : INFO : topic #26 (0.020): 0.028*\"workplac\" + 0.027*\"champion\" + 0.026*\"woman\" + 0.025*\"men\" + 0.024*\"olymp\" + 0.021*\"medal\" + 0.020*\"event\" + 0.020*\"alic\" + 0.018*\"taxpay\" + 0.018*\"rainfal\"\n", - "2019-01-31 01:30:39,521 : INFO : topic #25 (0.020): 0.034*\"ring\" + 0.018*\"area\" + 0.018*\"lagrang\" + 0.016*\"warmth\" + 0.015*\"mount\" + 0.010*\"north\" + 0.009*\"sourc\" + 0.009*\"land\" + 0.009*\"foam\" + 0.009*\"lobe\"\n", - "2019-01-31 01:30:39,522 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"margin\" + 0.016*\"yawn\" + 0.015*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"deal\" + 0.012*\"will\"\n", - "2019-01-31 01:30:39,528 : INFO : topic diff=0.003342, rho=0.021497\n", - "2019-01-31 01:30:39,687 : INFO : PROGRESS: pass 0, at document #4330000/4922894\n", - "2019-01-31 01:30:41,074 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:30:41,340 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.018*\"factor\" + 0.012*\"plaisir\" + 0.010*\"genu\" + 0.010*\"western\" + 0.009*\"biom\" + 0.008*\"median\" + 0.007*\"florida\" + 0.006*\"incom\" + 0.006*\"trap\"\n", - "2019-01-31 01:30:41,341 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.011*\"jame\" + 0.011*\"david\" + 0.011*\"will\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.009*\"slur\" + 0.008*\"georg\" + 0.007*\"rhyme\" + 0.007*\"paul\"\n", - "2019-01-31 01:30:41,343 : INFO : topic #4 (0.020): 0.019*\"enfranchis\" + 0.014*\"depress\" + 0.013*\"pour\" + 0.008*\"mode\" + 0.008*\"elabor\" + 0.008*\"veget\" + 0.008*\"uruguayan\" + 0.006*\"teratogen\" + 0.006*\"develop\" + 0.006*\"produc\"\n", - "2019-01-31 01:30:41,344 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.023*\"spain\" + 0.017*\"mexico\" + 0.017*\"del\" + 0.017*\"italian\" + 0.014*\"soviet\" + 0.013*\"santa\" + 0.011*\"francisco\" + 0.011*\"juan\" + 0.011*\"carlo\"\n", - "2019-01-31 01:30:41,345 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"ancestor\"\n", - "2019-01-31 01:30:41,351 : INFO : topic diff=0.002889, rho=0.021492\n", - "2019-01-31 01:30:41,508 : INFO : PROGRESS: pass 0, at document #4332000/4922894\n", - "2019-01-31 01:30:42,891 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:30:43,158 : INFO : topic #29 (0.020): 0.030*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"market\" + 0.011*\"produc\" + 0.010*\"industri\" + 0.010*\"bank\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 01:30:43,159 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.023*\"spain\" + 0.017*\"mexico\" + 0.017*\"del\" + 0.017*\"italian\" + 0.014*\"soviet\" + 0.013*\"santa\" + 0.011*\"francisco\" + 0.011*\"carlo\" + 0.011*\"juan\"\n", - "2019-01-31 01:30:43,160 : INFO : topic #13 (0.020): 0.026*\"australia\" + 0.026*\"london\" + 0.026*\"sourc\" + 0.025*\"new\" + 0.023*\"england\" + 0.023*\"australian\" + 0.020*\"british\" + 0.017*\"ireland\" + 0.014*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 01:30:43,161 : INFO : topic #26 (0.020): 0.028*\"workplac\" + 0.027*\"champion\" + 0.026*\"woman\" + 0.025*\"men\" + 0.024*\"olymp\" + 0.021*\"medal\" + 0.020*\"alic\" + 0.020*\"event\" + 0.018*\"taxpay\" + 0.018*\"rainfal\"\n", - "2019-01-31 01:30:43,162 : INFO : topic #20 (0.020): 0.143*\"scholar\" + 0.039*\"struggl\" + 0.032*\"high\" + 0.030*\"educ\" + 0.023*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.010*\"gothic\" + 0.010*\"task\"\n", - "2019-01-31 01:30:43,168 : INFO : topic diff=0.002964, rho=0.021487\n", - "2019-01-31 01:30:43,324 : INFO : PROGRESS: pass 0, at document #4334000/4922894\n", - "2019-01-31 01:30:44,688 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:30:44,954 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.050*\"chilton\" + 0.025*\"kong\" + 0.025*\"hong\" + 0.022*\"korea\" + 0.018*\"korean\" + 0.017*\"leah\" + 0.016*\"sourc\" + 0.014*\"shirin\" + 0.014*\"kim\"\n", - "2019-01-31 01:30:44,956 : INFO : topic #29 (0.020): 0.030*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"market\" + 0.011*\"produc\" + 0.010*\"bank\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 01:30:44,957 : INFO : topic #49 (0.020): 0.045*\"india\" + 0.033*\"incumb\" + 0.014*\"islam\" + 0.012*\"pakistan\" + 0.011*\"anglo\" + 0.011*\"affection\" + 0.011*\"muskoge\" + 0.011*\"televis\" + 0.010*\"khalsa\" + 0.009*\"sri\"\n", - "2019-01-31 01:30:44,958 : INFO : topic #0 (0.020): 0.062*\"statewid\" + 0.041*\"line\" + 0.031*\"rivièr\" + 0.030*\"raid\" + 0.027*\"rosenwald\" + 0.021*\"airmen\" + 0.018*\"traceabl\" + 0.018*\"serv\" + 0.013*\"oper\" + 0.010*\"transient\"\n", - "2019-01-31 01:30:44,959 : INFO : topic #46 (0.020): 0.017*\"stop\" + 0.016*\"sweden\" + 0.015*\"swedish\" + 0.015*\"wind\" + 0.014*\"treeless\" + 0.014*\"damag\" + 0.014*\"norwai\" + 0.012*\"norwegian\" + 0.011*\"huntsvil\" + 0.009*\"denmark\"\n", - "2019-01-31 01:30:44,965 : INFO : topic diff=0.003669, rho=0.021482\n", - "2019-01-31 01:30:45,123 : INFO : PROGRESS: pass 0, at document #4336000/4922894\n", - "2019-01-31 01:30:46,510 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:30:46,777 : INFO : topic #46 (0.020): 0.017*\"stop\" + 0.016*\"sweden\" + 0.015*\"swedish\" + 0.015*\"wind\" + 0.014*\"damag\" + 0.014*\"treeless\" + 0.014*\"norwai\" + 0.012*\"norwegian\" + 0.011*\"huntsvil\" + 0.009*\"denmark\"\n", - "2019-01-31 01:30:46,778 : INFO : topic #44 (0.020): 0.029*\"rooftop\" + 0.026*\"final\" + 0.024*\"wife\" + 0.020*\"tourist\" + 0.019*\"champion\" + 0.016*\"martin\" + 0.015*\"taxpay\" + 0.014*\"chamber\" + 0.014*\"tiepolo\" + 0.013*\"open\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:30:46,779 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.009*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.009*\"word\" + 0.008*\"peopl\" + 0.008*\"woman\" + 0.007*\"human\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:30:46,780 : INFO : topic #17 (0.020): 0.079*\"church\" + 0.025*\"cathol\" + 0.024*\"christian\" + 0.022*\"bishop\" + 0.016*\"sail\" + 0.016*\"retroflex\" + 0.010*\"relationship\" + 0.010*\"historiographi\" + 0.009*\"cathedr\" + 0.009*\"parish\"\n", - "2019-01-31 01:30:46,781 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.024*\"palmer\" + 0.020*\"new\" + 0.017*\"strategist\" + 0.013*\"open\" + 0.013*\"center\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"hot\"\n", - "2019-01-31 01:30:46,787 : INFO : topic diff=0.003270, rho=0.021477\n", - "2019-01-31 01:30:46,945 : INFO : PROGRESS: pass 0, at document #4338000/4922894\n", - "2019-01-31 01:30:48,322 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:30:48,588 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.009*\"media\" + 0.008*\"disco\" + 0.007*\"have\" + 0.007*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 01:30:48,589 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"like\" + 0.005*\"end\" + 0.005*\"retrospect\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:30:48,590 : INFO : topic #2 (0.020): 0.050*\"isl\" + 0.037*\"shield\" + 0.019*\"narrat\" + 0.015*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.009*\"bahá\" + 0.009*\"class\"\n", - "2019-01-31 01:30:48,592 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"gener\" + 0.007*\"poet\" + 0.006*\"exampl\" + 0.006*\"southern\" + 0.006*\"utopian\" + 0.006*\"théori\" + 0.006*\"servitud\" + 0.006*\"method\"\n", - "2019-01-31 01:30:48,593 : INFO : topic #45 (0.020): 0.046*\"arsen\" + 0.031*\"jpg\" + 0.029*\"fifteenth\" + 0.028*\"museo\" + 0.022*\"pain\" + 0.020*\"illicit\" + 0.016*\"exhaust\" + 0.016*\"colder\" + 0.016*\"artist\" + 0.016*\"gai\"\n", - "2019-01-31 01:30:48,598 : INFO : topic diff=0.002652, rho=0.021472\n", - "2019-01-31 01:30:51,267 : INFO : -11.549 per-word bound, 2996.8 perplexity estimate based on a held-out corpus of 2000 documents with 549907 words\n", - "2019-01-31 01:30:51,268 : INFO : PROGRESS: pass 0, at document #4340000/4922894\n", - "2019-01-31 01:30:52,634 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:30:52,901 : INFO : topic #35 (0.020): 0.055*\"russia\" + 0.034*\"sovereignti\" + 0.033*\"rural\" + 0.026*\"poison\" + 0.026*\"reprint\" + 0.025*\"personifi\" + 0.019*\"moscow\" + 0.018*\"poland\" + 0.016*\"tyrant\" + 0.015*\"unfortun\"\n", - "2019-01-31 01:30:52,902 : INFO : topic #33 (0.020): 0.060*\"french\" + 0.045*\"franc\" + 0.029*\"pari\" + 0.022*\"jean\" + 0.021*\"sail\" + 0.017*\"daphn\" + 0.014*\"wreath\" + 0.013*\"loui\" + 0.012*\"lazi\" + 0.011*\"piec\"\n", - "2019-01-31 01:30:52,903 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.025*\"minist\" + 0.025*\"offic\" + 0.024*\"nation\" + 0.023*\"govern\" + 0.021*\"member\" + 0.017*\"start\" + 0.016*\"serv\" + 0.015*\"gener\" + 0.014*\"council\"\n", - "2019-01-31 01:30:52,904 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.008*\"frontal\" + 0.007*\"gener\" + 0.007*\"poet\" + 0.006*\"exampl\" + 0.006*\"southern\" + 0.006*\"utopian\" + 0.006*\"théori\" + 0.006*\"servitud\" + 0.006*\"method\"\n", - "2019-01-31 01:30:52,905 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.033*\"perceptu\" + 0.020*\"theater\" + 0.018*\"place\" + 0.018*\"compos\" + 0.015*\"damn\" + 0.014*\"orchestr\" + 0.013*\"physician\" + 0.012*\"jack\" + 0.012*\"olympo\"\n", - "2019-01-31 01:30:52,911 : INFO : topic diff=0.002908, rho=0.021467\n", - "2019-01-31 01:30:53,064 : INFO : PROGRESS: pass 0, at document #4342000/4922894\n", - "2019-01-31 01:30:54,409 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:30:54,675 : INFO : topic #1 (0.020): 0.056*\"china\" + 0.050*\"chilton\" + 0.025*\"kong\" + 0.025*\"hong\" + 0.021*\"korea\" + 0.018*\"korean\" + 0.017*\"leah\" + 0.016*\"sourc\" + 0.014*\"kim\" + 0.014*\"shirin\"\n", - "2019-01-31 01:30:54,676 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.009*\"media\" + 0.008*\"disco\" + 0.007*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"have\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 01:30:54,677 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.045*\"popolo\" + 0.042*\"vigour\" + 0.036*\"tortur\" + 0.033*\"cotton\" + 0.022*\"adulthood\" + 0.022*\"multitud\" + 0.021*\"area\" + 0.019*\"cede\" + 0.018*\"citi\"\n", - "2019-01-31 01:30:54,678 : INFO : topic #31 (0.020): 0.051*\"fusiform\" + 0.026*\"scientist\" + 0.025*\"taxpay\" + 0.022*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:30:54,679 : INFO : topic #49 (0.020): 0.045*\"india\" + 0.034*\"incumb\" + 0.014*\"islam\" + 0.012*\"pakistan\" + 0.011*\"muskoge\" + 0.011*\"anglo\" + 0.011*\"affection\" + 0.010*\"televis\" + 0.010*\"khalsa\" + 0.010*\"sri\"\n", - "2019-01-31 01:30:54,685 : INFO : topic diff=0.002702, rho=0.021462\n", - "2019-01-31 01:30:54,842 : INFO : PROGRESS: pass 0, at document #4344000/4922894\n", - "2019-01-31 01:30:56,238 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:30:56,505 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.045*\"popolo\" + 0.042*\"vigour\" + 0.036*\"tortur\" + 0.033*\"cotton\" + 0.022*\"adulthood\" + 0.022*\"multitud\" + 0.021*\"area\" + 0.019*\"cede\" + 0.018*\"citi\"\n", - "2019-01-31 01:30:56,506 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.032*\"germani\" + 0.015*\"vol\" + 0.015*\"israel\" + 0.015*\"berlin\" + 0.014*\"jewish\" + 0.013*\"der\" + 0.010*\"european\" + 0.009*\"austria\" + 0.009*\"europ\"\n", - "2019-01-31 01:30:56,507 : INFO : topic #1 (0.020): 0.057*\"china\" + 0.050*\"chilton\" + 0.025*\"kong\" + 0.025*\"hong\" + 0.021*\"korea\" + 0.018*\"korean\" + 0.017*\"leah\" + 0.016*\"sourc\" + 0.014*\"kim\" + 0.013*\"shirin\"\n", - "2019-01-31 01:30:56,508 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.054*\"parti\" + 0.025*\"voluntari\" + 0.023*\"democrat\" + 0.019*\"member\" + 0.016*\"polici\" + 0.016*\"republ\" + 0.014*\"bypass\" + 0.014*\"seaport\" + 0.013*\"report\"\n", - "2019-01-31 01:30:56,509 : INFO : topic #31 (0.020): 0.052*\"fusiform\" + 0.026*\"scientist\" + 0.025*\"taxpay\" + 0.022*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:30:56,515 : INFO : topic diff=0.002941, rho=0.021457\n", - "2019-01-31 01:30:56,671 : INFO : PROGRESS: pass 0, at document #4346000/4922894\n", - "2019-01-31 01:30:58,028 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:30:58,295 : INFO : topic #31 (0.020): 0.051*\"fusiform\" + 0.026*\"scientist\" + 0.024*\"taxpay\" + 0.022*\"player\" + 0.020*\"place\" + 0.013*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:30:58,296 : INFO : topic #34 (0.020): 0.065*\"start\" + 0.033*\"new\" + 0.031*\"american\" + 0.028*\"unionist\" + 0.027*\"cotton\" + 0.021*\"year\" + 0.016*\"california\" + 0.014*\"warrior\" + 0.013*\"terri\" + 0.011*\"north\"\n", - "2019-01-31 01:30:58,297 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.009*\"media\" + 0.008*\"disco\" + 0.007*\"have\" + 0.007*\"pathwai\" + 0.007*\"hormon\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 01:30:58,298 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.023*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.013*\"oper\" + 0.013*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:30:58,299 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:30:58,305 : INFO : topic diff=0.002348, rho=0.021452\n", - "2019-01-31 01:30:58,456 : INFO : PROGRESS: pass 0, at document #4348000/4922894\n", - "2019-01-31 01:30:59,810 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:31:00,076 : INFO : topic #27 (0.020): 0.076*\"questionnair\" + 0.020*\"candid\" + 0.018*\"taxpay\" + 0.013*\"ret\" + 0.013*\"tornado\" + 0.012*\"driver\" + 0.012*\"find\" + 0.011*\"fool\" + 0.011*\"horac\" + 0.010*\"squatter\"\n", - "2019-01-31 01:31:00,077 : INFO : topic #0 (0.020): 0.062*\"statewid\" + 0.040*\"line\" + 0.033*\"rivièr\" + 0.031*\"raid\" + 0.026*\"rosenwald\" + 0.022*\"airmen\" + 0.018*\"traceabl\" + 0.018*\"serv\" + 0.013*\"oper\" + 0.010*\"transient\"\n", - "2019-01-31 01:31:00,078 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.011*\"aza\" + 0.009*\"battalion\" + 0.008*\"forc\" + 0.007*\"teufel\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.007*\"till\" + 0.007*\"govern\" + 0.006*\"citi\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:31:00,079 : INFO : topic #47 (0.020): 0.063*\"muscl\" + 0.033*\"perceptu\" + 0.020*\"theater\" + 0.018*\"place\" + 0.017*\"compos\" + 0.015*\"damn\" + 0.014*\"physician\" + 0.013*\"orchestr\" + 0.012*\"jack\" + 0.012*\"olympo\"\n", - "2019-01-31 01:31:00,080 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.045*\"popolo\" + 0.042*\"vigour\" + 0.036*\"tortur\" + 0.033*\"cotton\" + 0.023*\"adulthood\" + 0.022*\"multitud\" + 0.021*\"area\" + 0.019*\"cede\" + 0.018*\"citi\"\n", - "2019-01-31 01:31:00,086 : INFO : topic diff=0.003482, rho=0.021447\n", - "2019-01-31 01:31:00,295 : INFO : PROGRESS: pass 0, at document #4350000/4922894\n", - "2019-01-31 01:31:01,662 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:31:01,928 : INFO : topic #9 (0.020): 0.070*\"bone\" + 0.042*\"american\" + 0.030*\"valour\" + 0.020*\"dutch\" + 0.019*\"player\" + 0.018*\"folei\" + 0.016*\"polit\" + 0.016*\"english\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:31:01,929 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.010*\"prognosi\" + 0.010*\"pop\" + 0.008*\"cytokin\" + 0.008*\"softwar\" + 0.008*\"develop\" + 0.008*\"user\" + 0.008*\"diggin\" + 0.008*\"uruguayan\" + 0.007*\"includ\"\n", - "2019-01-31 01:31:01,931 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:31:01,932 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.068*\"best\" + 0.033*\"yawn\" + 0.030*\"jacksonvil\" + 0.024*\"japanes\" + 0.022*\"noll\" + 0.019*\"women\" + 0.017*\"festiv\" + 0.017*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 01:31:01,933 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:31:01,939 : INFO : topic diff=0.002871, rho=0.021442\n", - "2019-01-31 01:31:02,094 : INFO : PROGRESS: pass 0, at document #4352000/4922894\n", - "2019-01-31 01:31:03,471 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:31:03,737 : INFO : topic #37 (0.020): 0.013*\"charact\" + 0.012*\"septemb\" + 0.012*\"anim\" + 0.011*\"man\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.007*\"fusiform\" + 0.007*\"workplac\" + 0.007*\"storag\" + 0.006*\"black\"\n", - "2019-01-31 01:31:03,738 : INFO : topic #45 (0.020): 0.045*\"arsen\" + 0.031*\"jpg\" + 0.029*\"fifteenth\" + 0.028*\"museo\" + 0.021*\"pain\" + 0.020*\"illicit\" + 0.017*\"colder\" + 0.016*\"exhaust\" + 0.016*\"gai\" + 0.016*\"artist\"\n", - "2019-01-31 01:31:03,739 : INFO : topic #48 (0.020): 0.082*\"march\" + 0.077*\"sens\" + 0.077*\"octob\" + 0.071*\"januari\" + 0.068*\"notion\" + 0.068*\"juli\" + 0.067*\"august\" + 0.067*\"april\" + 0.066*\"judici\" + 0.064*\"decatur\"\n", - "2019-01-31 01:31:03,740 : INFO : topic #0 (0.020): 0.062*\"statewid\" + 0.040*\"line\" + 0.033*\"rivièr\" + 0.031*\"raid\" + 0.026*\"rosenwald\" + 0.022*\"airmen\" + 0.018*\"traceabl\" + 0.018*\"serv\" + 0.013*\"oper\" + 0.010*\"transient\"\n", - "2019-01-31 01:31:03,741 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.023*\"epiru\" + 0.019*\"septemb\" + 0.018*\"teacher\" + 0.014*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:31:03,747 : INFO : topic diff=0.003177, rho=0.021437\n", - "2019-01-31 01:31:03,902 : INFO : PROGRESS: pass 0, at document #4354000/4922894\n", - "2019-01-31 01:31:05,256 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:31:05,522 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.032*\"germani\" + 0.017*\"israel\" + 0.015*\"vol\" + 0.015*\"berlin\" + 0.014*\"jewish\" + 0.013*\"der\" + 0.010*\"european\" + 0.010*\"austria\" + 0.009*\"isra\"\n", - "2019-01-31 01:31:05,523 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.023*\"epiru\" + 0.019*\"septemb\" + 0.018*\"teacher\" + 0.014*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:31:05,524 : INFO : topic #35 (0.020): 0.056*\"russia\" + 0.035*\"sovereignti\" + 0.033*\"rural\" + 0.027*\"poison\" + 0.027*\"reprint\" + 0.024*\"personifi\" + 0.019*\"moscow\" + 0.018*\"poland\" + 0.016*\"tyrant\" + 0.015*\"unfortun\"\n", - "2019-01-31 01:31:05,525 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.026*\"final\" + 0.024*\"wife\" + 0.020*\"tourist\" + 0.019*\"champion\" + 0.016*\"martin\" + 0.015*\"taxpay\" + 0.014*\"chamber\" + 0.014*\"tiepolo\" + 0.013*\"open\"\n", - "2019-01-31 01:31:05,527 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:31:05,532 : INFO : topic diff=0.002585, rho=0.021432\n", - "2019-01-31 01:31:05,685 : INFO : PROGRESS: pass 0, at document #4356000/4922894\n", - "2019-01-31 01:31:07,057 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:31:07,323 : INFO : topic #27 (0.020): 0.076*\"questionnair\" + 0.020*\"candid\" + 0.018*\"taxpay\" + 0.013*\"tornado\" + 0.013*\"ret\" + 0.012*\"driver\" + 0.012*\"find\" + 0.011*\"fool\" + 0.011*\"horac\" + 0.011*\"squatter\"\n", - "2019-01-31 01:31:07,325 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.012*\"will\" + 0.011*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.007*\"rhyme\" + 0.007*\"paul\"\n", - "2019-01-31 01:31:07,326 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.010*\"prognosi\" + 0.009*\"pop\" + 0.009*\"cytokin\" + 0.008*\"softwar\" + 0.008*\"develop\" + 0.008*\"user\" + 0.008*\"diggin\" + 0.008*\"uruguayan\" + 0.007*\"includ\"\n", - "2019-01-31 01:31:07,327 : INFO : topic #48 (0.020): 0.082*\"march\" + 0.078*\"sens\" + 0.077*\"octob\" + 0.071*\"januari\" + 0.069*\"notion\" + 0.068*\"juli\" + 0.067*\"august\" + 0.067*\"april\" + 0.066*\"judici\" + 0.065*\"decatur\"\n", - "2019-01-31 01:31:07,328 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.025*\"palmer\" + 0.020*\"new\" + 0.016*\"strategist\" + 0.013*\"open\" + 0.013*\"center\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"hot\"\n", - "2019-01-31 01:31:07,333 : INFO : topic diff=0.003358, rho=0.021427\n", - "2019-01-31 01:31:07,491 : INFO : PROGRESS: pass 0, at document #4358000/4922894\n", - "2019-01-31 01:31:08,865 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:31:09,132 : INFO : topic #37 (0.020): 0.013*\"charact\" + 0.012*\"septemb\" + 0.012*\"anim\" + 0.011*\"man\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.007*\"fusiform\" + 0.007*\"workplac\" + 0.007*\"storag\" + 0.006*\"black\"\n", - "2019-01-31 01:31:09,133 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.015*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.009*\"myspac\"\n", - "2019-01-31 01:31:09,134 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"market\" + 0.011*\"bank\" + 0.011*\"produc\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 01:31:09,135 : INFO : topic #9 (0.020): 0.071*\"bone\" + 0.043*\"american\" + 0.030*\"valour\" + 0.020*\"dutch\" + 0.019*\"player\" + 0.018*\"folei\" + 0.016*\"polit\" + 0.016*\"english\" + 0.013*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:31:09,136 : INFO : topic #28 (0.020): 0.036*\"build\" + 0.030*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.011*\"constitut\" + 0.011*\"centuri\" + 0.011*\"linear\" + 0.011*\"depress\" + 0.011*\"silicon\" + 0.010*\"pistol\"\n", - "2019-01-31 01:31:09,142 : INFO : topic diff=0.003612, rho=0.021423\n", - "2019-01-31 01:31:11,808 : INFO : -11.610 per-word bound, 3126.5 perplexity estimate based on a held-out corpus of 2000 documents with 547628 words\n", - "2019-01-31 01:31:11,809 : INFO : PROGRESS: pass 0, at document #4360000/4922894\n", - "2019-01-31 01:31:13,182 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:31:13,448 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.011*\"will\" + 0.011*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.007*\"rhyme\" + 0.007*\"paul\"\n", - "2019-01-31 01:31:13,450 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:31:13,451 : INFO : topic #32 (0.020): 0.049*\"district\" + 0.045*\"popolo\" + 0.042*\"vigour\" + 0.036*\"tortur\" + 0.033*\"cotton\" + 0.023*\"adulthood\" + 0.022*\"multitud\" + 0.021*\"area\" + 0.019*\"cede\" + 0.018*\"citi\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:31:13,452 : INFO : topic #27 (0.020): 0.075*\"questionnair\" + 0.020*\"candid\" + 0.018*\"taxpay\" + 0.013*\"ret\" + 0.013*\"tornado\" + 0.012*\"driver\" + 0.012*\"find\" + 0.011*\"fool\" + 0.011*\"squatter\" + 0.011*\"horac\"\n", - "2019-01-31 01:31:13,453 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"uruguayan\"\n", - "2019-01-31 01:31:13,458 : INFO : topic diff=0.003273, rho=0.021418\n", - "2019-01-31 01:31:13,615 : INFO : PROGRESS: pass 0, at document #4362000/4922894\n", - "2019-01-31 01:31:14,987 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:31:15,254 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.033*\"incumb\" + 0.013*\"islam\" + 0.013*\"pakistan\" + 0.011*\"televis\" + 0.011*\"anglo\" + 0.011*\"affection\" + 0.010*\"muskoge\" + 0.010*\"khalsa\" + 0.009*\"alam\"\n", - "2019-01-31 01:31:15,255 : INFO : topic #32 (0.020): 0.049*\"district\" + 0.045*\"popolo\" + 0.042*\"vigour\" + 0.035*\"tortur\" + 0.033*\"cotton\" + 0.023*\"adulthood\" + 0.022*\"multitud\" + 0.021*\"area\" + 0.019*\"cede\" + 0.018*\"citi\"\n", - "2019-01-31 01:31:15,256 : INFO : topic #39 (0.020): 0.062*\"canada\" + 0.045*\"canadian\" + 0.025*\"toronto\" + 0.023*\"hoar\" + 0.020*\"ontario\" + 0.017*\"hydrogen\" + 0.015*\"new\" + 0.015*\"misericordia\" + 0.014*\"novotná\" + 0.013*\"quebec\"\n", - "2019-01-31 01:31:15,257 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.029*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:31:15,258 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.010*\"prognosi\" + 0.009*\"pop\" + 0.009*\"cytokin\" + 0.008*\"develop\" + 0.008*\"softwar\" + 0.008*\"user\" + 0.008*\"diggin\" + 0.007*\"uruguayan\" + 0.007*\"includ\"\n", - "2019-01-31 01:31:15,264 : INFO : topic diff=0.002648, rho=0.021413\n", - "2019-01-31 01:31:15,418 : INFO : PROGRESS: pass 0, at document #4364000/4922894\n", - "2019-01-31 01:31:16,781 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:31:17,048 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:31:17,049 : INFO : topic #45 (0.020): 0.046*\"arsen\" + 0.031*\"jpg\" + 0.029*\"fifteenth\" + 0.028*\"museo\" + 0.022*\"pain\" + 0.020*\"illicit\" + 0.016*\"colder\" + 0.016*\"artist\" + 0.016*\"gai\" + 0.016*\"exhaust\"\n", - "2019-01-31 01:31:17,050 : INFO : topic #37 (0.020): 0.013*\"charact\" + 0.012*\"septemb\" + 0.012*\"anim\" + 0.011*\"man\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.007*\"fusiform\" + 0.007*\"workplac\" + 0.007*\"storag\" + 0.006*\"black\"\n", - "2019-01-31 01:31:17,051 : INFO : topic #27 (0.020): 0.075*\"questionnair\" + 0.020*\"candid\" + 0.018*\"taxpay\" + 0.013*\"ret\" + 0.013*\"tornado\" + 0.012*\"driver\" + 0.012*\"find\" + 0.011*\"fool\" + 0.010*\"squatter\" + 0.010*\"horac\"\n", - "2019-01-31 01:31:17,052 : INFO : topic #16 (0.020): 0.055*\"king\" + 0.031*\"priest\" + 0.020*\"rotterdam\" + 0.019*\"duke\" + 0.018*\"idiosyncrat\" + 0.018*\"grammat\" + 0.016*\"quarterli\" + 0.014*\"kingdom\" + 0.013*\"portugues\" + 0.013*\"brazil\"\n", - "2019-01-31 01:31:17,058 : INFO : topic diff=0.003263, rho=0.021408\n", - "2019-01-31 01:31:17,216 : INFO : PROGRESS: pass 0, at document #4366000/4922894\n", - "2019-01-31 01:31:18,592 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:31:18,859 : INFO : topic #8 (0.020): 0.025*\"law\" + 0.022*\"cortic\" + 0.019*\"act\" + 0.018*\"start\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"legal\" + 0.008*\"polaris\" + 0.007*\"judaism\"\n", - "2019-01-31 01:31:18,860 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.033*\"incumb\" + 0.014*\"islam\" + 0.013*\"pakistan\" + 0.011*\"anglo\" + 0.011*\"televis\" + 0.011*\"muskoge\" + 0.011*\"affection\" + 0.010*\"khalsa\" + 0.009*\"sri\"\n", - "2019-01-31 01:31:18,861 : INFO : topic #48 (0.020): 0.082*\"march\" + 0.078*\"sens\" + 0.077*\"octob\" + 0.071*\"januari\" + 0.069*\"notion\" + 0.068*\"juli\" + 0.067*\"april\" + 0.067*\"august\" + 0.067*\"judici\" + 0.065*\"decatur\"\n", - "2019-01-31 01:31:18,862 : INFO : topic #30 (0.020): 0.037*\"cleveland\" + 0.036*\"leagu\" + 0.030*\"place\" + 0.028*\"taxpay\" + 0.025*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:31:18,863 : INFO : topic #28 (0.020): 0.036*\"build\" + 0.030*\"hous\" + 0.018*\"buford\" + 0.015*\"histor\" + 0.011*\"constitut\" + 0.011*\"linear\" + 0.011*\"centuri\" + 0.011*\"depress\" + 0.011*\"silicon\" + 0.010*\"pistol\"\n", - "2019-01-31 01:31:18,869 : INFO : topic diff=0.003353, rho=0.021403\n", - "2019-01-31 01:31:19,029 : INFO : PROGRESS: pass 0, at document #4368000/4922894\n", - "2019-01-31 01:31:20,431 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:31:20,697 : INFO : topic #26 (0.020): 0.028*\"workplac\" + 0.027*\"champion\" + 0.027*\"woman\" + 0.025*\"men\" + 0.024*\"olymp\" + 0.021*\"alic\" + 0.020*\"medal\" + 0.020*\"event\" + 0.018*\"taxpay\" + 0.018*\"rainfal\"\n", - "2019-01-31 01:31:20,698 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.045*\"popolo\" + 0.042*\"vigour\" + 0.035*\"tortur\" + 0.033*\"cotton\" + 0.023*\"adulthood\" + 0.022*\"multitud\" + 0.021*\"area\" + 0.019*\"cede\" + 0.018*\"citi\"\n", - "2019-01-31 01:31:20,700 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.012*\"will\" + 0.011*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.007*\"rhyme\" + 0.007*\"paul\"\n", - "2019-01-31 01:31:20,701 : INFO : topic #46 (0.020): 0.016*\"sweden\" + 0.016*\"stop\" + 0.015*\"swedish\" + 0.014*\"wind\" + 0.014*\"norwai\" + 0.014*\"damag\" + 0.013*\"norwegian\" + 0.012*\"treeless\" + 0.010*\"huntsvil\" + 0.010*\"turkish\"\n", - "2019-01-31 01:31:20,702 : INFO : topic #45 (0.020): 0.046*\"arsen\" + 0.031*\"jpg\" + 0.029*\"fifteenth\" + 0.028*\"museo\" + 0.022*\"pain\" + 0.020*\"illicit\" + 0.016*\"artist\" + 0.016*\"colder\" + 0.016*\"gai\" + 0.016*\"exhaust\"\n", - "2019-01-31 01:31:20,707 : INFO : topic diff=0.002580, rho=0.021398\n", - "2019-01-31 01:31:20,863 : INFO : PROGRESS: pass 0, at document #4370000/4922894\n", - "2019-01-31 01:31:22,214 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:31:22,481 : INFO : topic #40 (0.020): 0.085*\"unit\" + 0.024*\"schuster\" + 0.022*\"requir\" + 0.021*\"institut\" + 0.021*\"collector\" + 0.018*\"student\" + 0.014*\"professor\" + 0.012*\"degre\" + 0.012*\"word\" + 0.011*\"http\"\n", - "2019-01-31 01:31:22,483 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:31:22,484 : INFO : topic #4 (0.020): 0.019*\"enfranchis\" + 0.015*\"depress\" + 0.013*\"pour\" + 0.008*\"elabor\" + 0.008*\"mode\" + 0.008*\"veget\" + 0.008*\"uruguayan\" + 0.006*\"teratogen\" + 0.006*\"develop\" + 0.006*\"turn\"\n", - "2019-01-31 01:31:22,485 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.045*\"popolo\" + 0.042*\"vigour\" + 0.035*\"tortur\" + 0.033*\"cotton\" + 0.023*\"adulthood\" + 0.022*\"multitud\" + 0.021*\"area\" + 0.020*\"cede\" + 0.018*\"citi\"\n", - "2019-01-31 01:31:22,486 : INFO : topic #45 (0.020): 0.046*\"arsen\" + 0.031*\"jpg\" + 0.029*\"fifteenth\" + 0.028*\"museo\" + 0.022*\"pain\" + 0.020*\"illicit\" + 0.016*\"artist\" + 0.016*\"exhaust\" + 0.016*\"colder\" + 0.016*\"gai\"\n", - "2019-01-31 01:31:22,492 : INFO : topic diff=0.003363, rho=0.021393\n", - "2019-01-31 01:31:22,647 : INFO : PROGRESS: pass 0, at document #4372000/4922894\n", - "2019-01-31 01:31:24,017 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:31:24,284 : INFO : topic #20 (0.020): 0.143*\"scholar\" + 0.040*\"struggl\" + 0.033*\"high\" + 0.030*\"educ\" + 0.024*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.009*\"task\" + 0.009*\"gothic\"\n", - "2019-01-31 01:31:24,285 : INFO : topic #9 (0.020): 0.073*\"bone\" + 0.042*\"american\" + 0.030*\"valour\" + 0.019*\"dutch\" + 0.019*\"player\" + 0.018*\"folei\" + 0.017*\"english\" + 0.016*\"polit\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:31:24,286 : INFO : topic #30 (0.020): 0.037*\"cleveland\" + 0.036*\"leagu\" + 0.029*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:31:24,287 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"market\" + 0.011*\"produc\" + 0.011*\"bank\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:31:24,288 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:31:24,294 : INFO : topic diff=0.003405, rho=0.021388\n", - "2019-01-31 01:31:24,447 : INFO : PROGRESS: pass 0, at document #4374000/4922894\n", - "2019-01-31 01:31:25,806 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:31:26,072 : INFO : topic #45 (0.020): 0.047*\"arsen\" + 0.030*\"jpg\" + 0.029*\"museo\" + 0.028*\"fifteenth\" + 0.022*\"pain\" + 0.020*\"illicit\" + 0.016*\"artist\" + 0.016*\"colder\" + 0.016*\"gai\" + 0.016*\"exhaust\"\n", - "2019-01-31 01:31:26,073 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.023*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.012*\"diversifi\"\n", - "2019-01-31 01:31:26,074 : INFO : topic #46 (0.020): 0.016*\"sweden\" + 0.016*\"stop\" + 0.015*\"swedish\" + 0.014*\"wind\" + 0.014*\"norwai\" + 0.014*\"damag\" + 0.013*\"norwegian\" + 0.012*\"treeless\" + 0.010*\"huntsvil\" + 0.010*\"turkish\"\n", - "2019-01-31 01:31:26,075 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.010*\"prognosi\" + 0.009*\"pop\" + 0.009*\"cytokin\" + 0.008*\"develop\" + 0.008*\"softwar\" + 0.008*\"user\" + 0.008*\"uruguayan\" + 0.007*\"diggin\" + 0.007*\"includ\"\n", - "2019-01-31 01:31:26,076 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.025*\"nation\" + 0.025*\"minist\" + 0.024*\"offic\" + 0.023*\"govern\" + 0.021*\"member\" + 0.017*\"start\" + 0.015*\"serv\" + 0.015*\"gener\" + 0.014*\"council\"\n", - "2019-01-31 01:31:26,082 : INFO : topic diff=0.002791, rho=0.021383\n", - "2019-01-31 01:31:26,238 : INFO : PROGRESS: pass 0, at document #4376000/4922894\n", - "2019-01-31 01:31:27,614 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:31:27,880 : INFO : topic #46 (0.020): 0.016*\"sweden\" + 0.016*\"stop\" + 0.015*\"swedish\" + 0.014*\"norwai\" + 0.014*\"wind\" + 0.014*\"damag\" + 0.013*\"norwegian\" + 0.012*\"treeless\" + 0.010*\"turkish\" + 0.010*\"huntsvil\"\n", - "2019-01-31 01:31:27,881 : INFO : topic #37 (0.020): 0.013*\"charact\" + 0.012*\"septemb\" + 0.012*\"anim\" + 0.011*\"man\" + 0.008*\"comic\" + 0.008*\"appear\" + 0.007*\"fusiform\" + 0.007*\"workplac\" + 0.007*\"storag\" + 0.006*\"black\"\n", - "2019-01-31 01:31:27,882 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.066*\"best\" + 0.036*\"yawn\" + 0.029*\"jacksonvil\" + 0.024*\"japanes\" + 0.022*\"noll\" + 0.019*\"women\" + 0.017*\"festiv\" + 0.017*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 01:31:27,883 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.024*\"palmer\" + 0.020*\"new\" + 0.016*\"strategist\" + 0.013*\"open\" + 0.013*\"center\" + 0.011*\"lobe\" + 0.011*\"includ\" + 0.010*\"dai\" + 0.009*\"hot\"\n", - "2019-01-31 01:31:27,884 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.025*\"nation\" + 0.025*\"minist\" + 0.024*\"offic\" + 0.023*\"govern\" + 0.021*\"member\" + 0.017*\"start\" + 0.015*\"serv\" + 0.015*\"gener\" + 0.014*\"council\"\n", - "2019-01-31 01:31:27,890 : INFO : topic diff=0.002574, rho=0.021378\n", - "2019-01-31 01:31:28,048 : INFO : PROGRESS: pass 0, at document #4378000/4922894\n", - "2019-01-31 01:31:29,885 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:31:30,153 : INFO : topic #27 (0.020): 0.076*\"questionnair\" + 0.020*\"candid\" + 0.019*\"taxpay\" + 0.013*\"ret\" + 0.012*\"tornado\" + 0.012*\"driver\" + 0.012*\"fool\" + 0.012*\"find\" + 0.010*\"horac\" + 0.010*\"squatter\"\n", - "2019-01-31 01:31:30,154 : INFO : topic #17 (0.020): 0.079*\"church\" + 0.025*\"christian\" + 0.024*\"cathol\" + 0.021*\"bishop\" + 0.016*\"sail\" + 0.016*\"retroflex\" + 0.010*\"relationship\" + 0.010*\"historiographi\" + 0.009*\"cathedr\" + 0.009*\"parish\"\n", - "2019-01-31 01:31:30,156 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.024*\"palmer\" + 0.020*\"new\" + 0.016*\"strategist\" + 0.013*\"open\" + 0.013*\"center\" + 0.011*\"lobe\" + 0.011*\"includ\" + 0.010*\"dai\" + 0.009*\"hot\"\n", - "2019-01-31 01:31:30,157 : INFO : topic #25 (0.020): 0.034*\"ring\" + 0.018*\"area\" + 0.017*\"lagrang\" + 0.016*\"mount\" + 0.015*\"warmth\" + 0.010*\"north\" + 0.009*\"land\" + 0.009*\"sourc\" + 0.009*\"foam\" + 0.009*\"vacant\"\n", - "2019-01-31 01:31:30,158 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.010*\"prognosi\" + 0.009*\"pop\" + 0.009*\"cytokin\" + 0.008*\"develop\" + 0.008*\"softwar\" + 0.008*\"user\" + 0.008*\"uruguayan\" + 0.007*\"diggin\" + 0.007*\"includ\"\n", - "2019-01-31 01:31:30,164 : INFO : topic diff=0.003235, rho=0.021374\n", - "2019-01-31 01:31:32,783 : INFO : -11.474 per-word bound, 2844.8 perplexity estimate based on a held-out corpus of 2000 documents with 538335 words\n", - "2019-01-31 01:31:32,783 : INFO : PROGRESS: pass 0, at document #4380000/4922894\n", - "2019-01-31 01:31:34,129 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:31:34,398 : INFO : topic #33 (0.020): 0.060*\"french\" + 0.043*\"franc\" + 0.029*\"pari\" + 0.022*\"jean\" + 0.022*\"sail\" + 0.016*\"daphn\" + 0.015*\"wreath\" + 0.013*\"lazi\" + 0.013*\"loui\" + 0.011*\"piec\"\n", - "2019-01-31 01:31:34,399 : INFO : topic #48 (0.020): 0.084*\"march\" + 0.076*\"octob\" + 0.076*\"sens\" + 0.069*\"januari\" + 0.068*\"notion\" + 0.067*\"juli\" + 0.066*\"august\" + 0.065*\"april\" + 0.065*\"judici\" + 0.064*\"decatur\"\n", - "2019-01-31 01:31:34,400 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.054*\"parti\" + 0.026*\"voluntari\" + 0.022*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.014*\"bypass\" + 0.014*\"seaport\" + 0.013*\"report\"\n", - "2019-01-31 01:31:34,402 : INFO : topic #26 (0.020): 0.029*\"workplac\" + 0.028*\"champion\" + 0.027*\"woman\" + 0.024*\"men\" + 0.024*\"olymp\" + 0.021*\"alic\" + 0.020*\"medal\" + 0.020*\"event\" + 0.018*\"taxpay\" + 0.018*\"nation\"\n", - "2019-01-31 01:31:34,403 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:31:34,408 : INFO : topic diff=0.002900, rho=0.021369\n", - "2019-01-31 01:31:34,563 : INFO : PROGRESS: pass 0, at document #4382000/4922894\n", - "2019-01-31 01:31:36,206 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:31:36,473 : INFO : topic #16 (0.020): 0.054*\"king\" + 0.031*\"priest\" + 0.020*\"rotterdam\" + 0.019*\"idiosyncrat\" + 0.019*\"duke\" + 0.018*\"grammat\" + 0.015*\"quarterli\" + 0.014*\"kingdom\" + 0.013*\"portugues\" + 0.013*\"brazil\"\n", - "2019-01-31 01:31:36,474 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.018*\"factor\" + 0.012*\"plaisir\" + 0.010*\"western\" + 0.010*\"genu\" + 0.009*\"biom\" + 0.008*\"median\" + 0.007*\"incom\" + 0.007*\"florida\" + 0.006*\"trap\"\n", - "2019-01-31 01:31:36,475 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"margin\" + 0.016*\"yawn\" + 0.015*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"will\" + 0.012*\"deal\"\n", - "2019-01-31 01:31:36,475 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.024*\"palmer\" + 0.020*\"new\" + 0.016*\"strategist\" + 0.014*\"open\" + 0.013*\"center\" + 0.011*\"lobe\" + 0.011*\"includ\" + 0.010*\"dai\" + 0.009*\"hot\"\n", - "2019-01-31 01:31:36,477 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.032*\"germani\" + 0.017*\"israel\" + 0.015*\"vol\" + 0.015*\"berlin\" + 0.014*\"jewish\" + 0.013*\"der\" + 0.010*\"european\" + 0.009*\"isra\" + 0.009*\"austria\"\n", - "2019-01-31 01:31:36,482 : INFO : topic diff=0.003314, rho=0.021364\n", - "2019-01-31 01:31:36,694 : INFO : PROGRESS: pass 0, at document #4384000/4922894\n", - "2019-01-31 01:31:38,057 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:31:38,323 : INFO : topic #28 (0.020): 0.036*\"build\" + 0.030*\"hous\" + 0.018*\"buford\" + 0.015*\"histor\" + 0.011*\"constitut\" + 0.011*\"linear\" + 0.011*\"centuri\" + 0.011*\"depress\" + 0.010*\"silicon\" + 0.010*\"pistol\"\n", - "2019-01-31 01:31:38,324 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.011*\"aza\" + 0.009*\"battalion\" + 0.008*\"forc\" + 0.008*\"teufel\" + 0.007*\"armi\" + 0.007*\"till\" + 0.007*\"empath\" + 0.007*\"govern\" + 0.006*\"militari\"\n", - "2019-01-31 01:31:38,325 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"mean\" + 0.009*\"form\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"uruguayan\"\n", - "2019-01-31 01:31:38,326 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.032*\"germani\" + 0.017*\"israel\" + 0.015*\"vol\" + 0.015*\"berlin\" + 0.014*\"jewish\" + 0.013*\"der\" + 0.010*\"isra\" + 0.010*\"european\" + 0.009*\"austria\"\n", - "2019-01-31 01:31:38,327 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.011*\"will\" + 0.011*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.007*\"paul\" + 0.007*\"rhyme\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:31:38,333 : INFO : topic diff=0.002861, rho=0.021359\n", - "2019-01-31 01:31:38,486 : INFO : PROGRESS: pass 0, at document #4386000/4922894\n", - "2019-01-31 01:31:39,851 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:31:40,117 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.015*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.009*\"myspac\"\n", - "2019-01-31 01:31:40,118 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.032*\"germani\" + 0.017*\"israel\" + 0.016*\"vol\" + 0.015*\"berlin\" + 0.014*\"jewish\" + 0.013*\"der\" + 0.010*\"european\" + 0.010*\"isra\" + 0.009*\"austria\"\n", - "2019-01-31 01:31:40,120 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.015*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"will\" + 0.012*\"deal\"\n", - "2019-01-31 01:31:40,121 : INFO : topic #17 (0.020): 0.079*\"church\" + 0.024*\"christian\" + 0.023*\"cathol\" + 0.021*\"bishop\" + 0.017*\"sail\" + 0.016*\"retroflex\" + 0.010*\"relationship\" + 0.010*\"historiographi\" + 0.009*\"cathedr\" + 0.009*\"parish\"\n", - "2019-01-31 01:31:40,122 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"mean\" + 0.009*\"form\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"uruguayan\"\n", - "2019-01-31 01:31:40,128 : INFO : topic diff=0.003414, rho=0.021354\n", - "2019-01-31 01:31:40,287 : INFO : PROGRESS: pass 0, at document #4388000/4922894\n", - "2019-01-31 01:31:41,845 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:31:42,114 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.023*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.013*\"airbu\" + 0.013*\"militari\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:31:42,115 : INFO : topic #35 (0.020): 0.055*\"russia\" + 0.033*\"sovereignti\" + 0.033*\"rural\" + 0.026*\"reprint\" + 0.026*\"poison\" + 0.024*\"personifi\" + 0.019*\"moscow\" + 0.018*\"poland\" + 0.016*\"tyrant\" + 0.015*\"czech\"\n", - "2019-01-31 01:31:42,116 : INFO : topic #25 (0.020): 0.033*\"ring\" + 0.018*\"area\" + 0.017*\"lagrang\" + 0.015*\"warmth\" + 0.015*\"mount\" + 0.010*\"north\" + 0.009*\"land\" + 0.009*\"sourc\" + 0.009*\"vacant\" + 0.009*\"foam\"\n", - "2019-01-31 01:31:42,117 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.033*\"incumb\" + 0.014*\"islam\" + 0.013*\"pakistan\" + 0.011*\"anglo\" + 0.011*\"televis\" + 0.011*\"affection\" + 0.011*\"muskoge\" + 0.010*\"khalsa\" + 0.010*\"sri\"\n", - "2019-01-31 01:31:42,118 : INFO : topic #21 (0.020): 0.035*\"samford\" + 0.022*\"spain\" + 0.017*\"del\" + 0.017*\"mexico\" + 0.016*\"italian\" + 0.014*\"soviet\" + 0.013*\"santa\" + 0.011*\"carlo\" + 0.011*\"juan\" + 0.010*\"lizard\"\n", - "2019-01-31 01:31:42,124 : INFO : topic diff=0.003335, rho=0.021349\n", - "2019-01-31 01:31:42,282 : INFO : PROGRESS: pass 0, at document #4390000/4922894\n", - "2019-01-31 01:31:43,758 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:31:44,026 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.055*\"parti\" + 0.026*\"voluntari\" + 0.022*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.014*\"bypass\" + 0.013*\"seaport\" + 0.013*\"report\"\n", - "2019-01-31 01:31:44,028 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.018*\"factor\" + 0.012*\"plaisir\" + 0.010*\"western\" + 0.010*\"genu\" + 0.009*\"biom\" + 0.008*\"median\" + 0.007*\"florida\" + 0.007*\"incom\" + 0.006*\"trap\"\n", - "2019-01-31 01:31:44,029 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.033*\"perceptu\" + 0.020*\"theater\" + 0.018*\"place\" + 0.017*\"compos\" + 0.016*\"damn\" + 0.014*\"orchestr\" + 0.013*\"physician\" + 0.012*\"olympo\" + 0.012*\"jack\"\n", - "2019-01-31 01:31:44,030 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.022*\"cortic\" + 0.018*\"act\" + 0.018*\"start\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"legal\" + 0.008*\"polaris\" + 0.007*\"judaism\"\n", - "2019-01-31 01:31:44,031 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.009*\"develop\" + 0.009*\"group\" + 0.009*\"commun\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"human\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:31:44,038 : INFO : topic diff=0.002902, rho=0.021344\n", - "2019-01-31 01:31:44,199 : INFO : PROGRESS: pass 0, at document #4392000/4922894\n", - "2019-01-31 01:31:45,610 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:31:45,876 : INFO : topic #33 (0.020): 0.060*\"french\" + 0.044*\"franc\" + 0.029*\"pari\" + 0.022*\"jean\" + 0.021*\"sail\" + 0.017*\"daphn\" + 0.014*\"wreath\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.011*\"wine\"\n", - "2019-01-31 01:31:45,877 : INFO : topic #28 (0.020): 0.036*\"build\" + 0.030*\"hous\" + 0.018*\"buford\" + 0.015*\"histor\" + 0.011*\"constitut\" + 0.011*\"linear\" + 0.011*\"centuri\" + 0.010*\"silicon\" + 0.010*\"depress\" + 0.010*\"pistol\"\n", - "2019-01-31 01:31:45,878 : INFO : topic #6 (0.020): 0.071*\"fewer\" + 0.023*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.012*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:31:45,880 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.033*\"perceptu\" + 0.020*\"theater\" + 0.018*\"place\" + 0.018*\"compos\" + 0.016*\"damn\" + 0.014*\"orchestr\" + 0.013*\"physician\" + 0.012*\"olympo\" + 0.012*\"jack\"\n", - "2019-01-31 01:31:45,881 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.007*\"servitud\" + 0.006*\"exampl\" + 0.006*\"poet\" + 0.006*\"southern\" + 0.006*\"théori\" + 0.006*\"utopian\" + 0.006*\"method\"\n", - "2019-01-31 01:31:45,886 : INFO : topic diff=0.004120, rho=0.021339\n", - "2019-01-31 01:31:46,047 : INFO : PROGRESS: pass 0, at document #4394000/4922894\n", - "2019-01-31 01:31:47,440 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:31:47,706 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.011*\"will\" + 0.011*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.007*\"paul\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:31:47,707 : INFO : topic #16 (0.020): 0.054*\"king\" + 0.031*\"priest\" + 0.020*\"rotterdam\" + 0.019*\"idiosyncrat\" + 0.019*\"duke\" + 0.018*\"grammat\" + 0.015*\"quarterli\" + 0.014*\"kingdom\" + 0.013*\"brazil\" + 0.013*\"portugues\"\n", - "2019-01-31 01:31:47,708 : INFO : topic #40 (0.020): 0.086*\"unit\" + 0.024*\"schuster\" + 0.022*\"institut\" + 0.021*\"requir\" + 0.021*\"collector\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.012*\"degre\" + 0.011*\"http\"\n", - "2019-01-31 01:31:47,709 : INFO : topic #41 (0.020): 0.042*\"citi\" + 0.024*\"palmer\" + 0.020*\"new\" + 0.016*\"strategist\" + 0.013*\"open\" + 0.013*\"center\" + 0.011*\"lobe\" + 0.011*\"includ\" + 0.010*\"dai\" + 0.009*\"hot\"\n", - "2019-01-31 01:31:47,710 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.055*\"parti\" + 0.025*\"voluntari\" + 0.022*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.014*\"bypass\" + 0.013*\"seaport\" + 0.013*\"report\"\n", - "2019-01-31 01:31:47,716 : INFO : topic diff=0.003345, rho=0.021335\n", - "2019-01-31 01:31:47,874 : INFO : PROGRESS: pass 0, at document #4396000/4922894\n", - "2019-01-31 01:31:49,240 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:31:49,506 : INFO : topic #13 (0.020): 0.026*\"australia\" + 0.026*\"london\" + 0.025*\"sourc\" + 0.025*\"new\" + 0.023*\"england\" + 0.023*\"australian\" + 0.020*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 01:31:49,507 : INFO : topic #21 (0.020): 0.035*\"samford\" + 0.022*\"spain\" + 0.017*\"del\" + 0.016*\"mexico\" + 0.016*\"italian\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"carlo\" + 0.011*\"juan\" + 0.010*\"francisco\"\n", - "2019-01-31 01:31:49,508 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.025*\"nation\" + 0.024*\"offic\" + 0.024*\"minist\" + 0.023*\"govern\" + 0.021*\"member\" + 0.017*\"start\" + 0.016*\"serv\" + 0.015*\"gener\" + 0.014*\"council\"\n", - "2019-01-31 01:31:49,509 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.022*\"cortic\" + 0.018*\"act\" + 0.018*\"start\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.009*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 01:31:49,511 : INFO : topic #46 (0.020): 0.018*\"sweden\" + 0.015*\"stop\" + 0.015*\"swedish\" + 0.015*\"norwai\" + 0.015*\"wind\" + 0.013*\"damag\" + 0.013*\"norwegian\" + 0.012*\"treeless\" + 0.010*\"denmark\" + 0.010*\"turkish\"\n", - "2019-01-31 01:31:49,517 : INFO : topic diff=0.002557, rho=0.021330\n", - "2019-01-31 01:31:49,675 : INFO : PROGRESS: pass 0, at document #4398000/4922894\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:31:51,057 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:31:51,324 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.009*\"media\" + 0.008*\"disco\" + 0.007*\"pathwai\" + 0.007*\"hormon\" + 0.007*\"have\" + 0.007*\"caus\" + 0.007*\"proper\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 01:31:51,325 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.012*\"septemb\" + 0.012*\"anim\" + 0.011*\"man\" + 0.008*\"comic\" + 0.008*\"appear\" + 0.007*\"fusiform\" + 0.007*\"workplac\" + 0.007*\"storag\" + 0.006*\"black\"\n", - "2019-01-31 01:31:51,326 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.024*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:31:51,328 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.050*\"chilton\" + 0.024*\"kong\" + 0.024*\"hong\" + 0.022*\"korea\" + 0.018*\"korean\" + 0.017*\"leah\" + 0.017*\"sourc\" + 0.014*\"kim\" + 0.014*\"shirin\"\n", - "2019-01-31 01:31:51,328 : INFO : topic #13 (0.020): 0.026*\"australia\" + 0.026*\"sourc\" + 0.026*\"london\" + 0.025*\"new\" + 0.023*\"england\" + 0.023*\"australian\" + 0.020*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 01:31:51,334 : INFO : topic diff=0.003255, rho=0.021325\n", - "2019-01-31 01:31:54,099 : INFO : -11.638 per-word bound, 3186.9 perplexity estimate based on a held-out corpus of 2000 documents with 582131 words\n", - "2019-01-31 01:31:54,100 : INFO : PROGRESS: pass 0, at document #4400000/4922894\n", - "2019-01-31 01:31:55,506 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:31:55,772 : INFO : topic #27 (0.020): 0.076*\"questionnair\" + 0.020*\"candid\" + 0.019*\"taxpay\" + 0.013*\"tornado\" + 0.013*\"ret\" + 0.012*\"find\" + 0.012*\"driver\" + 0.011*\"fool\" + 0.010*\"squatter\" + 0.010*\"champion\"\n", - "2019-01-31 01:31:55,774 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.026*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.015*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.009*\"myspac\"\n", - "2019-01-31 01:31:55,775 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.011*\"will\" + 0.011*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.007*\"paul\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:31:55,776 : INFO : topic #17 (0.020): 0.078*\"church\" + 0.024*\"christian\" + 0.023*\"cathol\" + 0.021*\"bishop\" + 0.017*\"sail\" + 0.016*\"retroflex\" + 0.010*\"relationship\" + 0.010*\"historiographi\" + 0.009*\"cathedr\" + 0.009*\"parish\"\n", - "2019-01-31 01:31:55,777 : INFO : topic #45 (0.020): 0.046*\"arsen\" + 0.031*\"jpg\" + 0.030*\"fifteenth\" + 0.028*\"museo\" + 0.022*\"pain\" + 0.019*\"illicit\" + 0.016*\"artist\" + 0.016*\"gai\" + 0.016*\"exhaust\" + 0.016*\"colder\"\n", - "2019-01-31 01:31:55,783 : INFO : topic diff=0.003138, rho=0.021320\n", - "2019-01-31 01:31:55,940 : INFO : PROGRESS: pass 0, at document #4402000/4922894\n", - "2019-01-31 01:31:57,314 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:31:57,580 : INFO : topic #3 (0.020): 0.032*\"present\" + 0.025*\"nation\" + 0.024*\"offic\" + 0.024*\"minist\" + 0.023*\"govern\" + 0.021*\"member\" + 0.017*\"start\" + 0.016*\"serv\" + 0.015*\"gener\" + 0.014*\"seri\"\n", - "2019-01-31 01:31:57,581 : INFO : topic #16 (0.020): 0.054*\"king\" + 0.031*\"priest\" + 0.019*\"rotterdam\" + 0.019*\"duke\" + 0.019*\"idiosyncrat\" + 0.018*\"grammat\" + 0.015*\"quarterli\" + 0.014*\"kingdom\" + 0.013*\"brazil\" + 0.012*\"portugues\"\n", - "2019-01-31 01:31:57,582 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"will\" + 0.012*\"deal\"\n", - "2019-01-31 01:31:57,583 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.045*\"popolo\" + 0.042*\"vigour\" + 0.035*\"tortur\" + 0.032*\"cotton\" + 0.023*\"adulthood\" + 0.022*\"multitud\" + 0.021*\"area\" + 0.020*\"cede\" + 0.019*\"citi\"\n", - "2019-01-31 01:31:57,584 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.035*\"publicis\" + 0.025*\"word\" + 0.020*\"new\" + 0.014*\"edit\" + 0.014*\"presid\" + 0.011*\"worldwid\" + 0.011*\"author\" + 0.011*\"magazin\" + 0.011*\"nicola\"\n", - "2019-01-31 01:31:57,590 : INFO : topic diff=0.003187, rho=0.021315\n", - "2019-01-31 01:31:57,747 : INFO : PROGRESS: pass 0, at document #4404000/4922894\n", - "2019-01-31 01:31:59,323 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:31:59,589 : INFO : topic #44 (0.020): 0.029*\"rooftop\" + 0.026*\"final\" + 0.024*\"wife\" + 0.020*\"tourist\" + 0.019*\"champion\" + 0.016*\"martin\" + 0.015*\"taxpay\" + 0.014*\"tiepolo\" + 0.014*\"chamber\" + 0.012*\"open\"\n", - "2019-01-31 01:31:59,590 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.008*\"frontal\" + 0.007*\"poet\" + 0.007*\"gener\" + 0.007*\"servitud\" + 0.006*\"exampl\" + 0.006*\"southern\" + 0.006*\"utopian\" + 0.006*\"théori\" + 0.006*\"method\"\n", - "2019-01-31 01:31:59,592 : INFO : topic #46 (0.020): 0.018*\"sweden\" + 0.016*\"swedish\" + 0.016*\"stop\" + 0.015*\"norwai\" + 0.015*\"wind\" + 0.014*\"norwegian\" + 0.013*\"damag\" + 0.011*\"treeless\" + 0.010*\"denmark\" + 0.010*\"turkish\"\n", - "2019-01-31 01:31:59,593 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.022*\"collector\" + 0.021*\"requir\" + 0.019*\"student\" + 0.014*\"professor\" + 0.011*\"word\" + 0.011*\"degre\" + 0.011*\"http\"\n", - "2019-01-31 01:31:59,594 : INFO : topic #21 (0.020): 0.034*\"samford\" + 0.023*\"spain\" + 0.017*\"del\" + 0.017*\"mexico\" + 0.017*\"italian\" + 0.014*\"soviet\" + 0.013*\"santa\" + 0.011*\"carlo\" + 0.011*\"juan\" + 0.011*\"lizard\"\n", - "2019-01-31 01:31:59,599 : INFO : topic diff=0.003461, rho=0.021310\n", - "2019-01-31 01:31:59,757 : INFO : PROGRESS: pass 0, at document #4406000/4922894\n", - "2019-01-31 01:32:01,143 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:32:01,412 : INFO : topic #41 (0.020): 0.042*\"citi\" + 0.024*\"palmer\" + 0.020*\"new\" + 0.016*\"strategist\" + 0.014*\"open\" + 0.013*\"center\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"hot\"\n", - "2019-01-31 01:32:01,413 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.038*\"shield\" + 0.017*\"narrat\" + 0.014*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.010*\"class\" + 0.009*\"fleet\"\n", - "2019-01-31 01:32:01,414 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.032*\"incumb\" + 0.014*\"pakistan\" + 0.013*\"islam\" + 0.011*\"affection\" + 0.011*\"televis\" + 0.011*\"anglo\" + 0.010*\"muskoge\" + 0.010*\"khalsa\" + 0.010*\"singh\"\n", - "2019-01-31 01:32:01,415 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"mean\" + 0.009*\"form\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"uruguayan\"\n", - "2019-01-31 01:32:01,416 : INFO : topic #9 (0.020): 0.071*\"bone\" + 0.043*\"american\" + 0.029*\"valour\" + 0.019*\"dutch\" + 0.019*\"player\" + 0.018*\"folei\" + 0.017*\"polit\" + 0.017*\"english\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:32:01,422 : INFO : topic diff=0.003479, rho=0.021306\n", - "2019-01-31 01:32:01,580 : INFO : PROGRESS: pass 0, at document #4408000/4922894\n", - "2019-01-31 01:32:02,985 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:32:03,255 : INFO : topic #11 (0.020): 0.024*\"john\" + 0.012*\"will\" + 0.011*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.007*\"paul\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:32:03,256 : INFO : topic #3 (0.020): 0.032*\"present\" + 0.025*\"nation\" + 0.024*\"offic\" + 0.024*\"minist\" + 0.023*\"govern\" + 0.021*\"member\" + 0.017*\"start\" + 0.016*\"serv\" + 0.015*\"gener\" + 0.014*\"council\"\n", - "2019-01-31 01:32:03,257 : INFO : topic #48 (0.020): 0.084*\"march\" + 0.077*\"sens\" + 0.076*\"octob\" + 0.071*\"januari\" + 0.069*\"juli\" + 0.068*\"august\" + 0.068*\"notion\" + 0.067*\"judici\" + 0.067*\"april\" + 0.065*\"decatur\"\n", - "2019-01-31 01:32:03,258 : INFO : topic #36 (0.020): 0.010*\"network\" + 0.010*\"prognosi\" + 0.009*\"pop\" + 0.008*\"cytokin\" + 0.008*\"develop\" + 0.008*\"user\" + 0.008*\"softwar\" + 0.008*\"uruguayan\" + 0.008*\"diggin\" + 0.007*\"includ\"\n", - "2019-01-31 01:32:03,259 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"million\" + 0.012*\"busi\" + 0.011*\"market\" + 0.011*\"produc\" + 0.011*\"bank\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"serv\"\n", - "2019-01-31 01:32:03,265 : INFO : topic diff=0.003051, rho=0.021301\n", - "2019-01-31 01:32:03,423 : INFO : PROGRESS: pass 0, at document #4410000/4922894\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:32:04,821 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:32:05,089 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.038*\"shield\" + 0.017*\"narrat\" + 0.014*\"scot\" + 0.014*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.009*\"class\" + 0.009*\"fleet\"\n", - "2019-01-31 01:32:05,090 : INFO : topic #0 (0.020): 0.062*\"statewid\" + 0.039*\"line\" + 0.032*\"rivièr\" + 0.031*\"raid\" + 0.026*\"rosenwald\" + 0.021*\"airmen\" + 0.018*\"traceabl\" + 0.018*\"serv\" + 0.013*\"oper\" + 0.010*\"transient\"\n", - "2019-01-31 01:32:05,091 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.010*\"prognosi\" + 0.009*\"pop\" + 0.008*\"cytokin\" + 0.008*\"develop\" + 0.008*\"user\" + 0.008*\"softwar\" + 0.008*\"uruguayan\" + 0.008*\"diggin\" + 0.007*\"includ\"\n", - "2019-01-31 01:32:05,092 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.049*\"chilton\" + 0.024*\"kong\" + 0.024*\"hong\" + 0.021*\"korea\" + 0.018*\"korean\" + 0.017*\"leah\" + 0.017*\"sourc\" + 0.014*\"kim\" + 0.014*\"shirin\"\n", - "2019-01-31 01:32:05,093 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.012*\"million\" + 0.012*\"busi\" + 0.011*\"market\" + 0.011*\"produc\" + 0.011*\"bank\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"serv\"\n", - "2019-01-31 01:32:05,100 : INFO : topic diff=0.002522, rho=0.021296\n", - "2019-01-31 01:32:05,260 : INFO : PROGRESS: pass 0, at document #4412000/4922894\n", - "2019-01-31 01:32:06,650 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:32:06,917 : INFO : topic #42 (0.020): 0.048*\"german\" + 0.032*\"germani\" + 0.016*\"israel\" + 0.016*\"vol\" + 0.014*\"berlin\" + 0.014*\"jewish\" + 0.013*\"der\" + 0.009*\"isra\" + 0.009*\"european\" + 0.009*\"austria\"\n", - "2019-01-31 01:32:06,918 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.049*\"chilton\" + 0.024*\"kong\" + 0.024*\"hong\" + 0.021*\"korea\" + 0.018*\"korean\" + 0.017*\"leah\" + 0.017*\"sourc\" + 0.014*\"kim\" + 0.014*\"shirin\"\n", - "2019-01-31 01:32:06,919 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.025*\"epiru\" + 0.019*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.012*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:32:06,920 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.009*\"media\" + 0.008*\"disco\" + 0.007*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"have\" + 0.007*\"caus\" + 0.007*\"proper\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 01:32:06,921 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.012*\"septemb\" + 0.012*\"anim\" + 0.010*\"man\" + 0.008*\"appear\" + 0.008*\"comic\" + 0.007*\"workplac\" + 0.007*\"fusiform\" + 0.007*\"storag\" + 0.006*\"black\"\n", - "2019-01-31 01:32:06,927 : INFO : topic diff=0.003163, rho=0.021291\n", - "2019-01-31 01:32:07,152 : INFO : PROGRESS: pass 0, at document #4414000/4922894\n", - "2019-01-31 01:32:08,574 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:32:08,840 : INFO : topic #14 (0.020): 0.025*\"forc\" + 0.022*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.015*\"oper\" + 0.013*\"unionist\" + 0.013*\"militari\" + 0.013*\"airbu\" + 0.012*\"diversifi\"\n", - "2019-01-31 01:32:08,841 : INFO : topic #34 (0.020): 0.065*\"start\" + 0.033*\"new\" + 0.031*\"american\" + 0.028*\"unionist\" + 0.028*\"cotton\" + 0.021*\"year\" + 0.016*\"california\" + 0.014*\"warrior\" + 0.013*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:32:08,842 : INFO : topic #4 (0.020): 0.018*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.008*\"elabor\" + 0.008*\"uruguayan\" + 0.008*\"mode\" + 0.008*\"veget\" + 0.006*\"teratogen\" + 0.006*\"develop\" + 0.006*\"turn\"\n", - "2019-01-31 01:32:08,843 : INFO : topic #31 (0.020): 0.049*\"fusiform\" + 0.026*\"scientist\" + 0.025*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.011*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:32:08,844 : INFO : topic #9 (0.020): 0.072*\"bone\" + 0.042*\"american\" + 0.029*\"valour\" + 0.019*\"dutch\" + 0.019*\"player\" + 0.017*\"folei\" + 0.017*\"polit\" + 0.016*\"english\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:32:08,850 : INFO : topic diff=0.003536, rho=0.021286\n", - "2019-01-31 01:32:09,011 : INFO : PROGRESS: pass 0, at document #4416000/4922894\n", - "2019-01-31 01:32:10,390 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:32:10,660 : INFO : topic #45 (0.020): 0.045*\"arsen\" + 0.031*\"jpg\" + 0.030*\"fifteenth\" + 0.028*\"museo\" + 0.022*\"pain\" + 0.020*\"illicit\" + 0.016*\"exhaust\" + 0.016*\"artist\" + 0.016*\"gai\" + 0.016*\"colder\"\n", - "2019-01-31 01:32:10,661 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.017*\"factor\" + 0.012*\"plaisir\" + 0.010*\"western\" + 0.010*\"genu\" + 0.008*\"biom\" + 0.008*\"median\" + 0.007*\"trap\" + 0.007*\"incom\" + 0.007*\"florida\"\n", - "2019-01-31 01:32:10,662 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.012*\"septemb\" + 0.012*\"anim\" + 0.011*\"man\" + 0.008*\"appear\" + 0.007*\"comic\" + 0.007*\"workplac\" + 0.007*\"fusiform\" + 0.007*\"storag\" + 0.006*\"black\"\n", - "2019-01-31 01:32:10,663 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.036*\"publicis\" + 0.025*\"word\" + 0.020*\"new\" + 0.014*\"edit\" + 0.014*\"presid\" + 0.011*\"worldwid\" + 0.011*\"author\" + 0.011*\"nicola\" + 0.011*\"storag\"\n", - "2019-01-31 01:32:10,664 : INFO : topic #42 (0.020): 0.048*\"german\" + 0.032*\"germani\" + 0.016*\"vol\" + 0.016*\"israel\" + 0.014*\"berlin\" + 0.014*\"jewish\" + 0.013*\"der\" + 0.009*\"european\" + 0.009*\"isra\" + 0.009*\"austria\"\n", - "2019-01-31 01:32:10,670 : INFO : topic diff=0.003006, rho=0.021281\n", - "2019-01-31 01:32:10,831 : INFO : PROGRESS: pass 0, at document #4418000/4922894\n", - "2019-01-31 01:32:12,219 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:32:12,489 : INFO : topic #39 (0.020): 0.060*\"canada\" + 0.045*\"canadian\" + 0.024*\"toronto\" + 0.022*\"hoar\" + 0.021*\"ontario\" + 0.016*\"new\" + 0.016*\"hydrogen\" + 0.016*\"novotná\" + 0.015*\"misericordia\" + 0.013*\"quebec\"\n", - "2019-01-31 01:32:12,490 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.032*\"germani\" + 0.016*\"vol\" + 0.016*\"israel\" + 0.014*\"berlin\" + 0.014*\"jewish\" + 0.013*\"der\" + 0.010*\"isra\" + 0.010*\"european\" + 0.009*\"austria\"\n", - "2019-01-31 01:32:12,491 : INFO : topic #21 (0.020): 0.038*\"samford\" + 0.022*\"spain\" + 0.017*\"del\" + 0.016*\"italian\" + 0.016*\"mexico\" + 0.014*\"santa\" + 0.014*\"soviet\" + 0.012*\"juan\" + 0.011*\"lizard\" + 0.011*\"carlo\"\n", - "2019-01-31 01:32:12,492 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.008*\"teufel\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.007*\"till\" + 0.007*\"govern\" + 0.006*\"militari\"\n", - "2019-01-31 01:32:12,493 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"will\" + 0.012*\"deal\"\n", - "2019-01-31 01:32:12,499 : INFO : topic diff=0.002996, rho=0.021277\n", - "2019-01-31 01:32:15,226 : INFO : -11.535 per-word bound, 2967.8 perplexity estimate based on a held-out corpus of 2000 documents with 568219 words\n", - "2019-01-31 01:32:15,226 : INFO : PROGRESS: pass 0, at document #4420000/4922894\n", - "2019-01-31 01:32:16,620 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:32:16,890 : INFO : topic #9 (0.020): 0.071*\"bone\" + 0.042*\"american\" + 0.028*\"valour\" + 0.019*\"dutch\" + 0.019*\"player\" + 0.018*\"folei\" + 0.017*\"polit\" + 0.016*\"english\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:32:16,891 : INFO : topic #14 (0.020): 0.025*\"forc\" + 0.022*\"aggress\" + 0.020*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.015*\"oper\" + 0.013*\"unionist\" + 0.013*\"militari\" + 0.013*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:32:16,892 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.022*\"cortic\" + 0.018*\"start\" + 0.018*\"act\" + 0.012*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.009*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 01:32:16,893 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.009*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"word\" + 0.008*\"woman\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:32:16,894 : INFO : topic #46 (0.020): 0.018*\"sweden\" + 0.016*\"swedish\" + 0.016*\"stop\" + 0.015*\"norwai\" + 0.014*\"wind\" + 0.014*\"norwegian\" + 0.012*\"damag\" + 0.011*\"treeless\" + 0.010*\"turkish\" + 0.010*\"denmark\"\n", - "2019-01-31 01:32:16,900 : INFO : topic diff=0.002642, rho=0.021272\n", - "2019-01-31 01:32:17,063 : INFO : PROGRESS: pass 0, at document #4422000/4922894\n", - "2019-01-31 01:32:18,483 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:32:18,749 : INFO : topic #14 (0.020): 0.025*\"forc\" + 0.022*\"aggress\" + 0.020*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.015*\"oper\" + 0.013*\"unionist\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:32:18,750 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.012*\"will\" + 0.011*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.007*\"paul\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:32:18,751 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.011*\"market\" + 0.011*\"produc\" + 0.011*\"bank\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 01:32:18,752 : INFO : topic #35 (0.020): 0.054*\"russia\" + 0.034*\"sovereignti\" + 0.032*\"rural\" + 0.026*\"poison\" + 0.026*\"reprint\" + 0.024*\"personifi\" + 0.020*\"poland\" + 0.019*\"moscow\" + 0.015*\"tyrant\" + 0.014*\"unfortun\"\n", - "2019-01-31 01:32:18,753 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.048*\"chilton\" + 0.024*\"kong\" + 0.023*\"hong\" + 0.022*\"korea\" + 0.018*\"korean\" + 0.017*\"leah\" + 0.017*\"sourc\" + 0.014*\"kim\" + 0.014*\"shirin\"\n", - "2019-01-31 01:32:18,759 : INFO : topic diff=0.003702, rho=0.021267\n", - "2019-01-31 01:32:18,915 : INFO : PROGRESS: pass 0, at document #4424000/4922894\n", - "2019-01-31 01:32:20,314 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:32:20,580 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.024*\"palmer\" + 0.020*\"new\" + 0.017*\"strategist\" + 0.013*\"open\" + 0.013*\"center\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"hot\"\n", - "2019-01-31 01:32:20,581 : INFO : topic #6 (0.020): 0.069*\"fewer\" + 0.025*\"epiru\" + 0.019*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.012*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:32:20,582 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.033*\"perceptu\" + 0.020*\"theater\" + 0.018*\"place\" + 0.018*\"compos\" + 0.016*\"damn\" + 0.014*\"physician\" + 0.014*\"orchestr\" + 0.011*\"olympo\" + 0.011*\"jack\"\n", - "2019-01-31 01:32:20,583 : INFO : topic #42 (0.020): 0.048*\"german\" + 0.032*\"germani\" + 0.016*\"vol\" + 0.016*\"israel\" + 0.014*\"berlin\" + 0.014*\"der\" + 0.013*\"jewish\" + 0.010*\"isra\" + 0.010*\"european\" + 0.009*\"austria\"\n", - "2019-01-31 01:32:20,584 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.017*\"factor\" + 0.012*\"plaisir\" + 0.010*\"western\" + 0.010*\"genu\" + 0.008*\"biom\" + 0.008*\"median\" + 0.007*\"trap\" + 0.007*\"incom\" + 0.007*\"florida\"\n", - "2019-01-31 01:32:20,590 : INFO : topic diff=0.002791, rho=0.021262\n", - "2019-01-31 01:32:20,752 : INFO : PROGRESS: pass 0, at document #4426000/4922894\n", - "2019-01-31 01:32:22,164 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:32:22,430 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.035*\"leagu\" + 0.030*\"place\" + 0.028*\"taxpay\" + 0.025*\"scientist\" + 0.023*\"crete\" + 0.022*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:32:22,432 : INFO : topic #28 (0.020): 0.036*\"build\" + 0.030*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.011*\"linear\" + 0.011*\"constitut\" + 0.011*\"silicon\" + 0.011*\"centuri\" + 0.011*\"depress\" + 0.010*\"pistol\"\n", - "2019-01-31 01:32:22,433 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"will\" + 0.012*\"deal\"\n", - "2019-01-31 01:32:22,434 : INFO : topic #0 (0.020): 0.062*\"statewid\" + 0.039*\"line\" + 0.032*\"raid\" + 0.031*\"rivièr\" + 0.026*\"rosenwald\" + 0.020*\"airmen\" + 0.018*\"traceabl\" + 0.018*\"serv\" + 0.013*\"oper\" + 0.010*\"transient\"\n", - "2019-01-31 01:32:22,435 : INFO : topic #32 (0.020): 0.049*\"district\" + 0.046*\"popolo\" + 0.042*\"vigour\" + 0.036*\"tortur\" + 0.032*\"cotton\" + 0.023*\"adulthood\" + 0.022*\"multitud\" + 0.021*\"area\" + 0.019*\"cede\" + 0.019*\"citi\"\n", - "2019-01-31 01:32:22,441 : INFO : topic diff=0.002783, rho=0.021257\n", - "2019-01-31 01:32:22,603 : INFO : PROGRESS: pass 0, at document #4428000/4922894\n", - "2019-01-31 01:32:24,014 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:32:24,281 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:32:24,282 : INFO : topic #41 (0.020): 0.042*\"citi\" + 0.024*\"palmer\" + 0.020*\"new\" + 0.017*\"strategist\" + 0.013*\"open\" + 0.013*\"center\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"hot\"\n", - "2019-01-31 01:32:24,283 : INFO : topic #14 (0.020): 0.025*\"forc\" + 0.022*\"aggress\" + 0.020*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.015*\"oper\" + 0.013*\"unionist\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:32:24,285 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.026*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.015*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:32:24,286 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.032*\"incumb\" + 0.014*\"pakistan\" + 0.013*\"islam\" + 0.011*\"affection\" + 0.011*\"anglo\" + 0.011*\"televis\" + 0.011*\"muskoge\" + 0.010*\"khalsa\" + 0.010*\"alam\"\n", - "2019-01-31 01:32:24,292 : INFO : topic diff=0.003561, rho=0.021253\n", - "2019-01-31 01:32:24,449 : INFO : PROGRESS: pass 0, at document #4430000/4922894\n", - "2019-01-31 01:32:25,831 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:32:26,098 : INFO : topic #0 (0.020): 0.063*\"statewid\" + 0.039*\"line\" + 0.032*\"raid\" + 0.031*\"rivièr\" + 0.026*\"rosenwald\" + 0.020*\"airmen\" + 0.018*\"traceabl\" + 0.018*\"serv\" + 0.013*\"oper\" + 0.010*\"transient\"\n", - "2019-01-31 01:32:26,099 : INFO : topic #16 (0.020): 0.054*\"king\" + 0.031*\"priest\" + 0.019*\"rotterdam\" + 0.019*\"duke\" + 0.019*\"idiosyncrat\" + 0.018*\"grammat\" + 0.016*\"quarterli\" + 0.013*\"kingdom\" + 0.013*\"portugues\" + 0.012*\"order\"\n", - "2019-01-31 01:32:26,100 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.044*\"franc\" + 0.030*\"pari\" + 0.023*\"jean\" + 0.020*\"sail\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.012*\"wreath\" + 0.011*\"piec\"\n", - "2019-01-31 01:32:26,101 : INFO : topic #35 (0.020): 0.054*\"russia\" + 0.035*\"sovereignti\" + 0.032*\"rural\" + 0.026*\"poison\" + 0.025*\"reprint\" + 0.023*\"personifi\" + 0.020*\"poland\" + 0.019*\"moscow\" + 0.015*\"tyrant\" + 0.014*\"unfortun\"\n", - "2019-01-31 01:32:26,103 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.017*\"factor\" + 0.012*\"plaisir\" + 0.010*\"western\" + 0.010*\"genu\" + 0.008*\"biom\" + 0.008*\"median\" + 0.007*\"trap\" + 0.007*\"florida\" + 0.007*\"incom\"\n", - "2019-01-31 01:32:26,109 : INFO : topic diff=0.003078, rho=0.021248\n", - "2019-01-31 01:32:26,264 : INFO : PROGRESS: pass 0, at document #4432000/4922894\n", - "2019-01-31 01:32:27,626 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:32:27,893 : INFO : topic #16 (0.020): 0.054*\"king\" + 0.031*\"priest\" + 0.019*\"rotterdam\" + 0.019*\"duke\" + 0.019*\"idiosyncrat\" + 0.017*\"grammat\" + 0.016*\"quarterli\" + 0.013*\"kingdom\" + 0.013*\"portugues\" + 0.012*\"brazil\"\n", - "2019-01-31 01:32:27,894 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.017*\"factor\" + 0.012*\"plaisir\" + 0.010*\"western\" + 0.010*\"genu\" + 0.008*\"biom\" + 0.008*\"median\" + 0.007*\"trap\" + 0.007*\"florida\" + 0.007*\"incom\"\n", - "2019-01-31 01:32:27,895 : INFO : topic #28 (0.020): 0.036*\"build\" + 0.030*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.011*\"linear\" + 0.011*\"constitut\" + 0.011*\"silicon\" + 0.011*\"centuri\" + 0.011*\"depress\" + 0.010*\"pistol\"\n", - "2019-01-31 01:32:27,896 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.025*\"minist\" + 0.025*\"nation\" + 0.024*\"offic\" + 0.023*\"govern\" + 0.021*\"member\" + 0.017*\"start\" + 0.015*\"gener\" + 0.015*\"serv\" + 0.013*\"seri\"\n", - "2019-01-31 01:32:27,898 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.007*\"govern\" + 0.007*\"till\" + 0.006*\"militari\"\n", - "2019-01-31 01:32:27,903 : INFO : topic diff=0.002767, rho=0.021243\n", - "2019-01-31 01:32:28,061 : INFO : PROGRESS: pass 0, at document #4434000/4922894\n", - "2019-01-31 01:32:29,436 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:32:29,702 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.011*\"woodcut\" + 0.009*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"uruguayan\" + 0.007*\"known\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:32:29,703 : INFO : topic #49 (0.020): 0.042*\"india\" + 0.032*\"incumb\" + 0.014*\"pakistan\" + 0.013*\"islam\" + 0.011*\"affection\" + 0.011*\"anglo\" + 0.011*\"muskoge\" + 0.011*\"televis\" + 0.010*\"alam\" + 0.010*\"khalsa\"\n", - "2019-01-31 01:32:29,705 : INFO : topic #42 (0.020): 0.049*\"german\" + 0.032*\"germani\" + 0.016*\"vol\" + 0.016*\"israel\" + 0.014*\"berlin\" + 0.014*\"der\" + 0.013*\"jewish\" + 0.010*\"isra\" + 0.010*\"european\" + 0.009*\"austria\"\n", - "2019-01-31 01:32:29,706 : INFO : topic #46 (0.020): 0.018*\"sweden\" + 0.016*\"stop\" + 0.015*\"swedish\" + 0.015*\"norwai\" + 0.015*\"wind\" + 0.014*\"norwegian\" + 0.013*\"damag\" + 0.011*\"treeless\" + 0.011*\"turkish\" + 0.010*\"denmark\"\n", - "2019-01-31 01:32:29,707 : INFO : topic #6 (0.020): 0.069*\"fewer\" + 0.025*\"epiru\" + 0.019*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.012*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:32:29,713 : INFO : topic diff=0.003246, rho=0.021238\n", - "2019-01-31 01:32:29,868 : INFO : PROGRESS: pass 0, at document #4436000/4922894\n", - "2019-01-31 01:32:31,219 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:32:31,485 : INFO : topic #28 (0.020): 0.036*\"build\" + 0.030*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.011*\"linear\" + 0.011*\"constitut\" + 0.011*\"silicon\" + 0.011*\"centuri\" + 0.011*\"depress\" + 0.010*\"pistol\"\n", - "2019-01-31 01:32:31,486 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.022*\"cortic\" + 0.018*\"start\" + 0.018*\"act\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"legal\" + 0.009*\"polaris\" + 0.007*\"justic\"\n", - "2019-01-31 01:32:31,488 : INFO : topic #24 (0.020): 0.040*\"book\" + 0.035*\"publicis\" + 0.025*\"word\" + 0.020*\"new\" + 0.015*\"edit\" + 0.014*\"presid\" + 0.012*\"worldwid\" + 0.011*\"author\" + 0.011*\"nicola\" + 0.011*\"storag\"\n", - "2019-01-31 01:32:31,489 : INFO : topic #27 (0.020): 0.074*\"questionnair\" + 0.022*\"candid\" + 0.019*\"taxpay\" + 0.012*\"tornado\" + 0.012*\"driver\" + 0.012*\"find\" + 0.012*\"ret\" + 0.011*\"squatter\" + 0.011*\"fool\" + 0.010*\"champion\"\n", - "2019-01-31 01:32:31,490 : INFO : topic #20 (0.020): 0.145*\"scholar\" + 0.041*\"struggl\" + 0.034*\"high\" + 0.029*\"educ\" + 0.025*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.009*\"district\" + 0.009*\"task\" + 0.009*\"class\"\n", - "2019-01-31 01:32:31,496 : INFO : topic diff=0.002800, rho=0.021233\n", - "2019-01-31 01:32:31,654 : INFO : PROGRESS: pass 0, at document #4438000/4922894\n", - "2019-01-31 01:32:33,035 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:32:33,302 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.033*\"perceptu\" + 0.020*\"theater\" + 0.018*\"place\" + 0.017*\"compos\" + 0.016*\"damn\" + 0.014*\"physician\" + 0.014*\"orchestr\" + 0.011*\"olympo\" + 0.011*\"jack\"\n", - "2019-01-31 01:32:33,303 : INFO : topic #49 (0.020): 0.042*\"india\" + 0.032*\"incumb\" + 0.014*\"islam\" + 0.013*\"pakistan\" + 0.011*\"anglo\" + 0.011*\"affection\" + 0.011*\"televis\" + 0.010*\"muskoge\" + 0.010*\"alam\" + 0.010*\"khalsa\"\n", - "2019-01-31 01:32:33,304 : INFO : topic #23 (0.020): 0.135*\"audit\" + 0.066*\"best\" + 0.035*\"yawn\" + 0.031*\"jacksonvil\" + 0.024*\"japanes\" + 0.021*\"noll\" + 0.019*\"women\" + 0.017*\"festiv\" + 0.017*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 01:32:33,305 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.011*\"will\" + 0.011*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.007*\"paul\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:32:33,306 : INFO : topic #48 (0.020): 0.084*\"march\" + 0.079*\"octob\" + 0.078*\"sens\" + 0.072*\"januari\" + 0.070*\"juli\" + 0.069*\"notion\" + 0.068*\"august\" + 0.068*\"april\" + 0.067*\"judici\" + 0.065*\"decatur\"\n", - "2019-01-31 01:32:33,312 : INFO : topic diff=0.003157, rho=0.021229\n", - "2019-01-31 01:32:35,995 : INFO : -11.712 per-word bound, 3354.2 perplexity estimate based on a held-out corpus of 2000 documents with 556876 words\n", - "2019-01-31 01:32:35,995 : INFO : PROGRESS: pass 0, at document #4440000/4922894\n", - "2019-01-31 01:32:37,370 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:32:37,637 : INFO : topic #27 (0.020): 0.074*\"questionnair\" + 0.021*\"candid\" + 0.019*\"taxpay\" + 0.012*\"tornado\" + 0.012*\"driver\" + 0.012*\"find\" + 0.011*\"ret\" + 0.011*\"squatter\" + 0.011*\"fool\" + 0.010*\"champion\"\n", - "2019-01-31 01:32:37,638 : INFO : topic #6 (0.020): 0.069*\"fewer\" + 0.025*\"epiru\" + 0.019*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.012*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:32:37,640 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.044*\"franc\" + 0.031*\"pari\" + 0.023*\"jean\" + 0.020*\"sail\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.011*\"wreath\"\n", - "2019-01-31 01:32:37,641 : INFO : topic #31 (0.020): 0.050*\"fusiform\" + 0.026*\"scientist\" + 0.025*\"taxpay\" + 0.023*\"player\" + 0.019*\"place\" + 0.015*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.011*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:32:37,642 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.022*\"requir\" + 0.021*\"collector\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"governor\" + 0.011*\"http\"\n", - "2019-01-31 01:32:37,648 : INFO : topic diff=0.002234, rho=0.021224\n", - "2019-01-31 01:32:37,807 : INFO : PROGRESS: pass 0, at document #4442000/4922894\n", - "2019-01-31 01:32:39,195 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:32:39,461 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"will\" + 0.012*\"deal\"\n", - "2019-01-31 01:32:39,462 : INFO : topic #48 (0.020): 0.085*\"march\" + 0.079*\"octob\" + 0.078*\"sens\" + 0.072*\"januari\" + 0.070*\"juli\" + 0.070*\"notion\" + 0.069*\"august\" + 0.068*\"april\" + 0.067*\"judici\" + 0.066*\"decatur\"\n", - "2019-01-31 01:32:39,463 : INFO : topic #9 (0.020): 0.070*\"bone\" + 0.045*\"american\" + 0.027*\"valour\" + 0.019*\"player\" + 0.019*\"folei\" + 0.018*\"dutch\" + 0.017*\"polit\" + 0.017*\"english\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:32:39,465 : INFO : topic #6 (0.020): 0.069*\"fewer\" + 0.025*\"epiru\" + 0.019*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.012*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"direct\" + 0.011*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:32:39,466 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.018*\"area\" + 0.017*\"lagrang\" + 0.016*\"warmth\" + 0.015*\"mount\" + 0.010*\"north\" + 0.009*\"sourc\" + 0.009*\"land\" + 0.009*\"foam\" + 0.008*\"lobe\"\n", - "2019-01-31 01:32:39,472 : INFO : topic diff=0.003017, rho=0.021219\n", - "2019-01-31 01:32:39,627 : INFO : PROGRESS: pass 0, at document #4444000/4922894\n", - "2019-01-31 01:32:40,993 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:32:41,260 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.006*\"southern\" + 0.006*\"poet\" + 0.006*\"servitud\" + 0.006*\"exampl\" + 0.006*\"utopian\" + 0.006*\"théori\" + 0.006*\"method\"\n", - "2019-01-31 01:32:41,261 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.018*\"factor\" + 0.012*\"plaisir\" + 0.010*\"genu\" + 0.010*\"western\" + 0.009*\"biom\" + 0.008*\"median\" + 0.007*\"trap\" + 0.007*\"florida\" + 0.007*\"incom\"\n", - "2019-01-31 01:32:41,263 : INFO : topic #23 (0.020): 0.135*\"audit\" + 0.066*\"best\" + 0.035*\"yawn\" + 0.031*\"jacksonvil\" + 0.024*\"japanes\" + 0.021*\"noll\" + 0.019*\"women\" + 0.018*\"festiv\" + 0.017*\"intern\" + 0.014*\"winner\"\n", - "2019-01-31 01:32:41,264 : INFO : topic #4 (0.020): 0.019*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.008*\"elabor\" + 0.008*\"uruguayan\" + 0.008*\"mode\" + 0.008*\"veget\" + 0.006*\"teratogen\" + 0.006*\"develop\" + 0.006*\"turn\"\n", - "2019-01-31 01:32:41,265 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.008*\"woman\" + 0.007*\"human\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:32:41,271 : INFO : topic diff=0.003178, rho=0.021214\n", - "2019-01-31 01:32:41,483 : INFO : PROGRESS: pass 0, at document #4446000/4922894\n", - "2019-01-31 01:32:42,859 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:32:43,126 : INFO : topic #16 (0.020): 0.056*\"king\" + 0.032*\"priest\" + 0.019*\"rotterdam\" + 0.019*\"idiosyncrat\" + 0.019*\"duke\" + 0.018*\"grammat\" + 0.016*\"quarterli\" + 0.013*\"kingdom\" + 0.012*\"portugues\" + 0.012*\"order\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:32:43,127 : INFO : topic #26 (0.020): 0.029*\"workplac\" + 0.028*\"champion\" + 0.027*\"woman\" + 0.025*\"men\" + 0.024*\"olymp\" + 0.023*\"alic\" + 0.020*\"medal\" + 0.019*\"event\" + 0.018*\"taxpay\" + 0.018*\"atheist\"\n", - "2019-01-31 01:32:43,128 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.012*\"septemb\" + 0.011*\"anim\" + 0.010*\"man\" + 0.008*\"comic\" + 0.008*\"appear\" + 0.007*\"fusiform\" + 0.007*\"workplac\" + 0.007*\"storag\" + 0.006*\"black\"\n", - "2019-01-31 01:32:43,130 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.035*\"leagu\" + 0.030*\"place\" + 0.028*\"taxpay\" + 0.025*\"scientist\" + 0.023*\"crete\" + 0.022*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:32:43,131 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.008*\"woman\" + 0.007*\"human\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:32:43,137 : INFO : topic diff=0.003520, rho=0.021209\n", - "2019-01-31 01:32:43,287 : INFO : PROGRESS: pass 0, at document #4448000/4922894\n", - "2019-01-31 01:32:44,621 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:32:44,887 : INFO : topic #4 (0.020): 0.019*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.008*\"elabor\" + 0.008*\"uruguayan\" + 0.008*\"veget\" + 0.008*\"mode\" + 0.006*\"teratogen\" + 0.006*\"turn\" + 0.006*\"develop\"\n", - "2019-01-31 01:32:44,888 : INFO : topic #28 (0.020): 0.036*\"build\" + 0.030*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.012*\"linear\" + 0.011*\"constitut\" + 0.011*\"silicon\" + 0.011*\"centuri\" + 0.011*\"depress\" + 0.010*\"pistol\"\n", - "2019-01-31 01:32:44,889 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.024*\"palmer\" + 0.019*\"new\" + 0.017*\"strategist\" + 0.013*\"center\" + 0.013*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"hot\"\n", - "2019-01-31 01:32:44,890 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.048*\"chilton\" + 0.023*\"kong\" + 0.023*\"hong\" + 0.022*\"korea\" + 0.018*\"korean\" + 0.017*\"sourc\" + 0.016*\"leah\" + 0.015*\"kim\" + 0.013*\"shirin\"\n", - "2019-01-31 01:32:44,892 : INFO : topic #35 (0.020): 0.054*\"russia\" + 0.035*\"sovereignti\" + 0.032*\"rural\" + 0.026*\"poison\" + 0.025*\"reprint\" + 0.024*\"personifi\" + 0.020*\"poland\" + 0.019*\"moscow\" + 0.014*\"tyrant\" + 0.014*\"unfortun\"\n", - "2019-01-31 01:32:44,897 : INFO : topic diff=0.003505, rho=0.021205\n", - "2019-01-31 01:32:45,058 : INFO : PROGRESS: pass 0, at document #4450000/4922894\n", - "2019-01-31 01:32:46,444 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:32:46,709 : INFO : topic #42 (0.020): 0.049*\"german\" + 0.031*\"germani\" + 0.016*\"vol\" + 0.015*\"israel\" + 0.014*\"berlin\" + 0.014*\"jewish\" + 0.014*\"der\" + 0.010*\"european\" + 0.009*\"europ\" + 0.009*\"isra\"\n", - "2019-01-31 01:32:46,710 : INFO : topic #48 (0.020): 0.085*\"march\" + 0.079*\"octob\" + 0.078*\"sens\" + 0.073*\"januari\" + 0.071*\"juli\" + 0.070*\"notion\" + 0.069*\"august\" + 0.068*\"april\" + 0.068*\"judici\" + 0.066*\"decatur\"\n", - "2019-01-31 01:32:46,712 : INFO : topic #28 (0.020): 0.036*\"build\" + 0.030*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.012*\"linear\" + 0.011*\"constitut\" + 0.011*\"silicon\" + 0.011*\"centuri\" + 0.011*\"depress\" + 0.010*\"pistol\"\n", - "2019-01-31 01:32:46,713 : INFO : topic #17 (0.020): 0.077*\"church\" + 0.025*\"christian\" + 0.023*\"cathol\" + 0.021*\"bishop\" + 0.017*\"sail\" + 0.017*\"retroflex\" + 0.010*\"relationship\" + 0.010*\"historiographi\" + 0.009*\"parish\" + 0.009*\"cathedr\"\n", - "2019-01-31 01:32:46,714 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:32:46,720 : INFO : topic diff=0.003222, rho=0.021200\n", - "2019-01-31 01:32:46,879 : INFO : PROGRESS: pass 0, at document #4452000/4922894\n", - "2019-01-31 01:32:48,242 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:32:48,508 : INFO : topic #0 (0.020): 0.063*\"statewid\" + 0.039*\"line\" + 0.032*\"raid\" + 0.032*\"rivièr\" + 0.026*\"rosenwald\" + 0.019*\"airmen\" + 0.018*\"traceabl\" + 0.018*\"serv\" + 0.013*\"oper\" + 0.010*\"transient\"\n", - "2019-01-31 01:32:48,509 : INFO : topic #41 (0.020): 0.042*\"citi\" + 0.024*\"palmer\" + 0.019*\"new\" + 0.017*\"strategist\" + 0.013*\"center\" + 0.013*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"hot\"\n", - "2019-01-31 01:32:48,510 : INFO : topic #21 (0.020): 0.038*\"samford\" + 0.022*\"spain\" + 0.018*\"del\" + 0.016*\"italian\" + 0.016*\"mexico\" + 0.013*\"soviet\" + 0.013*\"santa\" + 0.011*\"juan\" + 0.011*\"lizard\" + 0.011*\"josé\"\n", - "2019-01-31 01:32:48,512 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.020*\"walter\" + 0.020*\"armi\" + 0.018*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:32:48,513 : INFO : topic #35 (0.020): 0.054*\"russia\" + 0.035*\"sovereignti\" + 0.032*\"rural\" + 0.026*\"poison\" + 0.025*\"reprint\" + 0.024*\"personifi\" + 0.021*\"poland\" + 0.019*\"moscow\" + 0.014*\"tyrant\" + 0.014*\"unfortun\"\n", - "2019-01-31 01:32:48,519 : INFO : topic diff=0.002718, rho=0.021195\n", - "2019-01-31 01:32:48,677 : INFO : PROGRESS: pass 0, at document #4454000/4922894\n", - "2019-01-31 01:32:50,054 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:32:50,321 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"uruguayan\"\n", - "2019-01-31 01:32:50,322 : INFO : topic #13 (0.020): 0.026*\"australia\" + 0.025*\"london\" + 0.025*\"new\" + 0.025*\"sourc\" + 0.023*\"england\" + 0.022*\"australian\" + 0.020*\"ireland\" + 0.019*\"british\" + 0.016*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:32:50,323 : INFO : topic #23 (0.020): 0.135*\"audit\" + 0.066*\"best\" + 0.035*\"yawn\" + 0.031*\"jacksonvil\" + 0.024*\"japanes\" + 0.022*\"noll\" + 0.019*\"women\" + 0.017*\"festiv\" + 0.017*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 01:32:50,324 : INFO : topic #46 (0.020): 0.019*\"sweden\" + 0.017*\"swedish\" + 0.016*\"norwai\" + 0.015*\"stop\" + 0.015*\"norwegian\" + 0.014*\"wind\" + 0.012*\"damag\" + 0.011*\"denmark\" + 0.011*\"turkish\" + 0.011*\"treeless\"\n", - "2019-01-31 01:32:50,325 : INFO : topic #39 (0.020): 0.061*\"canada\" + 0.047*\"canadian\" + 0.024*\"toronto\" + 0.023*\"hoar\" + 0.021*\"ontario\" + 0.016*\"hydrogen\" + 0.015*\"misericordia\" + 0.015*\"new\" + 0.014*\"novotná\" + 0.013*\"quebec\"\n", - "2019-01-31 01:32:50,331 : INFO : topic diff=0.003525, rho=0.021190\n", - "2019-01-31 01:32:50,491 : INFO : PROGRESS: pass 0, at document #4456000/4922894\n", - "2019-01-31 01:32:51,867 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:32:52,133 : INFO : topic #45 (0.020): 0.045*\"arsen\" + 0.031*\"jpg\" + 0.030*\"fifteenth\" + 0.028*\"museo\" + 0.022*\"pain\" + 0.020*\"illicit\" + 0.016*\"artist\" + 0.016*\"exhaust\" + 0.016*\"colder\" + 0.015*\"gai\"\n", - "2019-01-31 01:32:52,135 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.012*\"septemb\" + 0.011*\"anim\" + 0.010*\"man\" + 0.008*\"comic\" + 0.008*\"appear\" + 0.007*\"workplac\" + 0.007*\"fusiform\" + 0.007*\"storag\" + 0.006*\"black\"\n", - "2019-01-31 01:32:52,136 : INFO : topic #0 (0.020): 0.063*\"statewid\" + 0.039*\"line\" + 0.032*\"rivièr\" + 0.031*\"raid\" + 0.026*\"rosenwald\" + 0.020*\"airmen\" + 0.018*\"traceabl\" + 0.018*\"serv\" + 0.014*\"oper\" + 0.010*\"transient\"\n", - "2019-01-31 01:32:52,137 : INFO : topic #24 (0.020): 0.040*\"book\" + 0.035*\"publicis\" + 0.026*\"word\" + 0.020*\"new\" + 0.014*\"edit\" + 0.014*\"presid\" + 0.011*\"worldwid\" + 0.011*\"author\" + 0.011*\"storag\" + 0.011*\"nicola\"\n", - "2019-01-31 01:32:52,138 : INFO : topic #39 (0.020): 0.061*\"canada\" + 0.047*\"canadian\" + 0.024*\"toronto\" + 0.022*\"hoar\" + 0.021*\"ontario\" + 0.016*\"hydrogen\" + 0.015*\"new\" + 0.015*\"misericordia\" + 0.014*\"novotná\" + 0.013*\"quebec\"\n", - "2019-01-31 01:32:52,144 : INFO : topic diff=0.003538, rho=0.021186\n", - "2019-01-31 01:32:52,304 : INFO : PROGRESS: pass 0, at document #4458000/4922894\n", - "2019-01-31 01:32:53,679 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:32:53,945 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.025*\"minist\" + 0.025*\"nation\" + 0.024*\"offic\" + 0.023*\"govern\" + 0.021*\"member\" + 0.018*\"start\" + 0.017*\"gener\" + 0.015*\"serv\" + 0.014*\"seri\"\n", - "2019-01-31 01:32:53,946 : INFO : topic #27 (0.020): 0.075*\"questionnair\" + 0.021*\"candid\" + 0.019*\"taxpay\" + 0.012*\"tornado\" + 0.012*\"driver\" + 0.012*\"ret\" + 0.012*\"find\" + 0.011*\"fool\" + 0.011*\"squatter\" + 0.010*\"yawn\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:32:53,948 : INFO : topic #22 (0.020): 0.032*\"spars\" + 0.018*\"factor\" + 0.012*\"plaisir\" + 0.010*\"western\" + 0.010*\"genu\" + 0.009*\"biom\" + 0.008*\"median\" + 0.007*\"trap\" + 0.007*\"incom\" + 0.007*\"florida\"\n", - "2019-01-31 01:32:53,949 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.047*\"chilton\" + 0.023*\"kong\" + 0.022*\"hong\" + 0.022*\"korea\" + 0.018*\"korean\" + 0.017*\"sourc\" + 0.016*\"leah\" + 0.015*\"kim\" + 0.013*\"shirin\"\n", - "2019-01-31 01:32:53,950 : INFO : topic #48 (0.020): 0.085*\"march\" + 0.079*\"octob\" + 0.078*\"sens\" + 0.072*\"januari\" + 0.071*\"juli\" + 0.069*\"notion\" + 0.069*\"april\" + 0.068*\"august\" + 0.068*\"judici\" + 0.066*\"decatur\"\n", - "2019-01-31 01:32:53,956 : INFO : topic diff=0.003069, rho=0.021181\n", - "2019-01-31 01:32:56,584 : INFO : -11.398 per-word bound, 2699.5 perplexity estimate based on a held-out corpus of 2000 documents with 559111 words\n", - "2019-01-31 01:32:56,585 : INFO : PROGRESS: pass 0, at document #4460000/4922894\n", - "2019-01-31 01:32:57,928 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:32:58,195 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.026*\"final\" + 0.024*\"wife\" + 0.020*\"tourist\" + 0.019*\"champion\" + 0.016*\"martin\" + 0.015*\"taxpay\" + 0.014*\"tiepolo\" + 0.014*\"chamber\" + 0.012*\"open\"\n", - "2019-01-31 01:32:58,196 : INFO : topic #14 (0.020): 0.025*\"forc\" + 0.022*\"aggress\" + 0.020*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.011*\"refut\"\n", - "2019-01-31 01:32:58,197 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.018*\"factor\" + 0.012*\"plaisir\" + 0.010*\"western\" + 0.010*\"genu\" + 0.008*\"biom\" + 0.008*\"median\" + 0.007*\"trap\" + 0.007*\"incom\" + 0.007*\"florida\"\n", - "2019-01-31 01:32:58,199 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.018*\"area\" + 0.018*\"lagrang\" + 0.016*\"warmth\" + 0.015*\"mount\" + 0.010*\"north\" + 0.009*\"sourc\" + 0.009*\"foam\" + 0.009*\"land\" + 0.008*\"lobe\"\n", - "2019-01-31 01:32:58,200 : INFO : topic #27 (0.020): 0.076*\"questionnair\" + 0.021*\"candid\" + 0.019*\"taxpay\" + 0.013*\"tornado\" + 0.012*\"driver\" + 0.012*\"find\" + 0.012*\"ret\" + 0.011*\"fool\" + 0.011*\"squatter\" + 0.010*\"yawn\"\n", - "2019-01-31 01:32:58,206 : INFO : topic diff=0.003532, rho=0.021176\n", - "2019-01-31 01:32:58,357 : INFO : PROGRESS: pass 0, at document #4462000/4922894\n", - "2019-01-31 01:32:59,688 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:32:59,954 : INFO : topic #4 (0.020): 0.019*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.008*\"elabor\" + 0.008*\"uruguayan\" + 0.008*\"veget\" + 0.008*\"mode\" + 0.006*\"encyclopedia\" + 0.006*\"develop\" + 0.006*\"turn\"\n", - "2019-01-31 01:32:59,955 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.022*\"cortic\" + 0.018*\"start\" + 0.018*\"act\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.008*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 01:32:59,956 : INFO : topic #0 (0.020): 0.063*\"statewid\" + 0.039*\"line\" + 0.031*\"raid\" + 0.031*\"rivièr\" + 0.025*\"rosenwald\" + 0.020*\"airmen\" + 0.018*\"traceabl\" + 0.018*\"serv\" + 0.014*\"oper\" + 0.010*\"transient\"\n", - "2019-01-31 01:32:59,958 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.011*\"anim\" + 0.011*\"septemb\" + 0.010*\"man\" + 0.008*\"comic\" + 0.008*\"appear\" + 0.007*\"workplac\" + 0.007*\"fusiform\" + 0.007*\"storag\" + 0.006*\"black\"\n", - "2019-01-31 01:32:59,959 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.011*\"aza\" + 0.009*\"forc\" + 0.009*\"battalion\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.007*\"till\" + 0.007*\"govern\" + 0.006*\"militari\"\n", - "2019-01-31 01:32:59,965 : INFO : topic diff=0.003904, rho=0.021171\n", - "2019-01-31 01:33:00,119 : INFO : PROGRESS: pass 0, at document #4464000/4922894\n", - "2019-01-31 01:33:01,463 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:33:01,729 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"will\" + 0.012*\"deal\"\n", - "2019-01-31 01:33:01,730 : INFO : topic #48 (0.020): 0.083*\"march\" + 0.078*\"octob\" + 0.077*\"sens\" + 0.071*\"januari\" + 0.070*\"notion\" + 0.070*\"juli\" + 0.067*\"august\" + 0.067*\"april\" + 0.066*\"judici\" + 0.065*\"decatur\"\n", - "2019-01-31 01:33:01,732 : INFO : topic #17 (0.020): 0.078*\"church\" + 0.025*\"christian\" + 0.023*\"cathol\" + 0.022*\"bishop\" + 0.017*\"sail\" + 0.016*\"retroflex\" + 0.010*\"relationship\" + 0.010*\"historiographi\" + 0.009*\"parish\" + 0.009*\"cathedr\"\n", - "2019-01-31 01:33:01,733 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"human\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:33:01,734 : INFO : topic #29 (0.020): 0.032*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.012*\"produc\" + 0.012*\"market\" + 0.010*\"bank\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"serv\"\n", - "2019-01-31 01:33:01,740 : INFO : topic diff=0.002838, rho=0.021167\n", - "2019-01-31 01:33:01,898 : INFO : PROGRESS: pass 0, at document #4466000/4922894\n", - "2019-01-31 01:33:03,272 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:33:03,538 : INFO : topic #35 (0.020): 0.055*\"russia\" + 0.038*\"sovereignti\" + 0.032*\"rural\" + 0.025*\"poison\" + 0.025*\"reprint\" + 0.024*\"personifi\" + 0.020*\"poland\" + 0.019*\"moscow\" + 0.015*\"tyrant\" + 0.014*\"unfortun\"\n", - "2019-01-31 01:33:03,539 : INFO : topic #41 (0.020): 0.042*\"citi\" + 0.024*\"palmer\" + 0.019*\"new\" + 0.017*\"strategist\" + 0.014*\"center\" + 0.013*\"open\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.011*\"dai\" + 0.009*\"area\"\n", - "2019-01-31 01:33:03,540 : INFO : topic #48 (0.020): 0.083*\"march\" + 0.078*\"octob\" + 0.077*\"sens\" + 0.071*\"januari\" + 0.070*\"juli\" + 0.070*\"notion\" + 0.067*\"april\" + 0.067*\"august\" + 0.067*\"judici\" + 0.066*\"decatur\"\n", - "2019-01-31 01:33:03,542 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.026*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.015*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:33:03,543 : INFO : topic #16 (0.020): 0.055*\"king\" + 0.032*\"priest\" + 0.019*\"idiosyncrat\" + 0.019*\"rotterdam\" + 0.019*\"duke\" + 0.017*\"grammat\" + 0.016*\"quarterli\" + 0.013*\"portugues\" + 0.013*\"kingdom\" + 0.012*\"count\"\n", - "2019-01-31 01:33:03,549 : INFO : topic diff=0.003055, rho=0.021162\n", - "2019-01-31 01:33:03,706 : INFO : PROGRESS: pass 0, at document #4468000/4922894\n", - "2019-01-31 01:33:05,085 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:33:05,351 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.026*\"rel\" + 0.025*\"reconstruct\" + 0.022*\"band\" + 0.016*\"muscl\" + 0.015*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:33:05,353 : INFO : topic #34 (0.020): 0.065*\"start\" + 0.033*\"new\" + 0.032*\"american\" + 0.028*\"unionist\" + 0.026*\"cotton\" + 0.021*\"year\" + 0.016*\"california\" + 0.014*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:33:05,354 : INFO : topic #20 (0.020): 0.144*\"scholar\" + 0.040*\"struggl\" + 0.034*\"high\" + 0.029*\"educ\" + 0.025*\"collector\" + 0.018*\"yawn\" + 0.012*\"prognosi\" + 0.010*\"district\" + 0.009*\"task\" + 0.009*\"gothic\"\n", - "2019-01-31 01:33:05,355 : INFO : topic #21 (0.020): 0.038*\"samford\" + 0.023*\"spain\" + 0.018*\"del\" + 0.017*\"italian\" + 0.016*\"mexico\" + 0.013*\"soviet\" + 0.013*\"santa\" + 0.011*\"juan\" + 0.011*\"lizard\" + 0.011*\"francisco\"\n", - "2019-01-31 01:33:05,356 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.020*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.014*\"oper\" + 0.014*\"unionist\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:33:05,362 : INFO : topic diff=0.003160, rho=0.021157\n", - "2019-01-31 01:33:05,518 : INFO : PROGRESS: pass 0, at document #4470000/4922894\n", - "2019-01-31 01:33:06,895 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:33:07,161 : INFO : topic #33 (0.020): 0.060*\"french\" + 0.044*\"franc\" + 0.031*\"pari\" + 0.023*\"jean\" + 0.020*\"sail\" + 0.016*\"daphn\" + 0.014*\"lazi\" + 0.012*\"loui\" + 0.012*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 01:33:07,162 : INFO : topic #4 (0.020): 0.019*\"enfranchis\" + 0.015*\"depress\" + 0.014*\"pour\" + 0.008*\"elabor\" + 0.008*\"uruguayan\" + 0.008*\"veget\" + 0.008*\"mode\" + 0.006*\"develop\" + 0.006*\"encyclopedia\" + 0.006*\"teratogen\"\n", - "2019-01-31 01:33:07,164 : INFO : topic #31 (0.020): 0.050*\"fusiform\" + 0.026*\"scientist\" + 0.025*\"taxpay\" + 0.023*\"player\" + 0.019*\"place\" + 0.015*\"clot\" + 0.014*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:33:07,165 : INFO : topic #26 (0.020): 0.029*\"workplac\" + 0.028*\"champion\" + 0.026*\"woman\" + 0.024*\"olymp\" + 0.024*\"alic\" + 0.024*\"men\" + 0.020*\"medal\" + 0.019*\"event\" + 0.018*\"taxpay\" + 0.018*\"rainfal\"\n", - "2019-01-31 01:33:07,166 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"uruguayan\"\n", - "2019-01-31 01:33:07,172 : INFO : topic diff=0.002901, rho=0.021152\n", - "2019-01-31 01:33:07,326 : INFO : PROGRESS: pass 0, at document #4472000/4922894\n", - "2019-01-31 01:33:08,682 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:33:08,949 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.011*\"will\" + 0.011*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.007*\"paul\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:33:08,950 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.012*\"market\" + 0.012*\"produc\" + 0.010*\"bank\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"serv\"\n", - "2019-01-31 01:33:08,951 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"human\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:33:08,952 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"will\" + 0.012*\"deal\"\n", - "2019-01-31 01:33:08,954 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.010*\"aza\" + 0.009*\"forc\" + 0.009*\"battalion\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.007*\"govern\" + 0.006*\"till\" + 0.006*\"militari\"\n", - "2019-01-31 01:33:08,960 : INFO : topic diff=0.003029, rho=0.021148\n", - "2019-01-31 01:33:09,111 : INFO : PROGRESS: pass 0, at document #4474000/4922894\n", - "2019-01-31 01:33:10,450 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:33:10,717 : INFO : topic #46 (0.020): 0.018*\"sweden\" + 0.017*\"swedish\" + 0.016*\"norwai\" + 0.015*\"stop\" + 0.015*\"norwegian\" + 0.015*\"wind\" + 0.012*\"damag\" + 0.011*\"turkish\" + 0.011*\"denmark\" + 0.010*\"treeless\"\n", - "2019-01-31 01:33:10,718 : INFO : topic #48 (0.020): 0.082*\"march\" + 0.078*\"octob\" + 0.077*\"sens\" + 0.070*\"januari\" + 0.069*\"notion\" + 0.068*\"juli\" + 0.067*\"judici\" + 0.066*\"august\" + 0.066*\"april\" + 0.065*\"decatur\"\n", - "2019-01-31 01:33:10,719 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.022*\"cortic\" + 0.018*\"start\" + 0.018*\"act\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.008*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 01:33:10,720 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.021*\"requir\" + 0.020*\"collector\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"http\" + 0.011*\"degre\"\n", - "2019-01-31 01:33:10,721 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.010*\"prognosi\" + 0.009*\"pop\" + 0.008*\"cytokin\" + 0.008*\"softwar\" + 0.008*\"user\" + 0.008*\"develop\" + 0.008*\"diggin\" + 0.008*\"uruguayan\" + 0.007*\"includ\"\n", - "2019-01-31 01:33:10,727 : INFO : topic diff=0.003180, rho=0.021143\n", - "2019-01-31 01:33:10,888 : INFO : PROGRESS: pass 0, at document #4476000/4922894\n", - "2019-01-31 01:33:12,265 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:33:12,531 : INFO : topic #23 (0.020): 0.135*\"audit\" + 0.068*\"best\" + 0.036*\"yawn\" + 0.031*\"jacksonvil\" + 0.023*\"japanes\" + 0.022*\"noll\" + 0.019*\"women\" + 0.018*\"festiv\" + 0.016*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 01:33:12,532 : INFO : topic #20 (0.020): 0.146*\"scholar\" + 0.040*\"struggl\" + 0.034*\"high\" + 0.029*\"educ\" + 0.025*\"collector\" + 0.018*\"yawn\" + 0.012*\"prognosi\" + 0.010*\"district\" + 0.009*\"task\" + 0.009*\"class\"\n", - "2019-01-31 01:33:12,533 : INFO : topic #13 (0.020): 0.027*\"australia\" + 0.025*\"new\" + 0.025*\"sourc\" + 0.025*\"london\" + 0.024*\"england\" + 0.022*\"australian\" + 0.020*\"british\" + 0.019*\"ireland\" + 0.016*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:33:12,535 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.011*\"septemb\" + 0.011*\"anim\" + 0.011*\"man\" + 0.008*\"comic\" + 0.008*\"appear\" + 0.007*\"workplac\" + 0.007*\"fusiform\" + 0.007*\"storag\" + 0.006*\"black\"\n", - "2019-01-31 01:33:12,536 : INFO : topic #0 (0.020): 0.063*\"statewid\" + 0.040*\"line\" + 0.031*\"rivièr\" + 0.031*\"raid\" + 0.026*\"rosenwald\" + 0.021*\"airmen\" + 0.018*\"traceabl\" + 0.018*\"serv\" + 0.014*\"oper\" + 0.010*\"transient\"\n", - "2019-01-31 01:33:12,542 : INFO : topic diff=0.003230, rho=0.021138\n", - "2019-01-31 01:33:12,758 : INFO : PROGRESS: pass 0, at document #4478000/4922894\n", - "2019-01-31 01:33:14,173 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:33:14,439 : INFO : topic #28 (0.020): 0.035*\"build\" + 0.030*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.012*\"linear\" + 0.011*\"centuri\" + 0.011*\"constitut\" + 0.011*\"silicon\" + 0.011*\"depress\" + 0.010*\"pistol\"\n", - "2019-01-31 01:33:14,440 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.022*\"cortic\" + 0.018*\"start\" + 0.017*\"act\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.008*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 01:33:14,441 : INFO : topic #49 (0.020): 0.042*\"india\" + 0.032*\"incumb\" + 0.013*\"pakistan\" + 0.013*\"islam\" + 0.012*\"anglo\" + 0.011*\"televis\" + 0.010*\"muskoge\" + 0.010*\"affection\" + 0.010*\"khalsa\" + 0.010*\"sri\"\n", - "2019-01-31 01:33:14,442 : INFO : topic #22 (0.020): 0.032*\"spars\" + 0.018*\"factor\" + 0.012*\"plaisir\" + 0.010*\"western\" + 0.010*\"genu\" + 0.009*\"biom\" + 0.008*\"median\" + 0.007*\"trap\" + 0.007*\"incom\" + 0.007*\"florida\"\n", - "2019-01-31 01:33:14,444 : INFO : topic #26 (0.020): 0.029*\"workplac\" + 0.028*\"champion\" + 0.026*\"woman\" + 0.024*\"olymp\" + 0.024*\"men\" + 0.023*\"alic\" + 0.020*\"event\" + 0.020*\"medal\" + 0.018*\"taxpay\" + 0.018*\"rainfal\"\n", - "2019-01-31 01:33:14,449 : INFO : topic diff=0.004110, rho=0.021134\n", - "2019-01-31 01:33:17,200 : INFO : -11.560 per-word bound, 3019.7 perplexity estimate based on a held-out corpus of 2000 documents with 586810 words\n", - "2019-01-31 01:33:17,200 : INFO : PROGRESS: pass 0, at document #4480000/4922894\n", - "2019-01-31 01:33:18,607 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:33:18,874 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"will\" + 0.012*\"deal\"\n", - "2019-01-31 01:33:18,875 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.006*\"servitud\" + 0.006*\"exampl\" + 0.006*\"southern\" + 0.006*\"poet\" + 0.006*\"utopian\" + 0.006*\"théori\" + 0.006*\"field\"\n", - "2019-01-31 01:33:18,877 : INFO : topic #47 (0.020): 0.066*\"muscl\" + 0.032*\"perceptu\" + 0.020*\"theater\" + 0.018*\"place\" + 0.018*\"compos\" + 0.016*\"damn\" + 0.014*\"physician\" + 0.014*\"orchestr\" + 0.011*\"olympo\" + 0.011*\"jack\"\n", - "2019-01-31 01:33:18,878 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.025*\"nation\" + 0.024*\"minist\" + 0.024*\"offic\" + 0.023*\"govern\" + 0.021*\"member\" + 0.018*\"start\" + 0.016*\"gener\" + 0.015*\"serv\" + 0.014*\"seri\"\n", - "2019-01-31 01:33:18,879 : INFO : topic #49 (0.020): 0.042*\"india\" + 0.032*\"incumb\" + 0.013*\"pakistan\" + 0.013*\"islam\" + 0.012*\"anglo\" + 0.011*\"televis\" + 0.010*\"muskoge\" + 0.010*\"affection\" + 0.010*\"khalsa\" + 0.010*\"sri\"\n", - "2019-01-31 01:33:18,884 : INFO : topic diff=0.003466, rho=0.021129\n", - "2019-01-31 01:33:19,046 : INFO : PROGRESS: pass 0, at document #4482000/4922894\n", - "2019-01-31 01:33:20,449 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:33:20,715 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.010*\"aza\" + 0.009*\"forc\" + 0.008*\"battalion\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.007*\"govern\" + 0.006*\"till\" + 0.006*\"militari\"\n", - "2019-01-31 01:33:20,717 : INFO : topic #21 (0.020): 0.038*\"samford\" + 0.023*\"spain\" + 0.018*\"del\" + 0.017*\"italian\" + 0.016*\"mexico\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.012*\"juan\" + 0.011*\"lizard\" + 0.010*\"francisco\"\n", - "2019-01-31 01:33:20,718 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.011*\"septemb\" + 0.011*\"anim\" + 0.011*\"man\" + 0.008*\"comic\" + 0.008*\"appear\" + 0.007*\"fusiform\" + 0.007*\"workplac\" + 0.007*\"storag\" + 0.006*\"black\"\n", - "2019-01-31 01:33:20,719 : INFO : topic #13 (0.020): 0.027*\"australia\" + 0.026*\"sourc\" + 0.025*\"new\" + 0.025*\"london\" + 0.023*\"england\" + 0.022*\"australian\" + 0.020*\"british\" + 0.019*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:33:20,720 : INFO : topic #27 (0.020): 0.077*\"questionnair\" + 0.021*\"candid\" + 0.019*\"taxpay\" + 0.013*\"tornado\" + 0.012*\"fool\" + 0.012*\"ret\" + 0.012*\"driver\" + 0.011*\"find\" + 0.010*\"yawn\" + 0.010*\"champion\"\n", - "2019-01-31 01:33:20,726 : INFO : topic diff=0.002771, rho=0.021124\n", - "2019-01-31 01:33:20,884 : INFO : PROGRESS: pass 0, at document #4484000/4922894\n", - "2019-01-31 01:33:22,267 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:33:22,534 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.011*\"will\" + 0.011*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.008*\"paul\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:33:22,535 : INFO : topic #17 (0.020): 0.078*\"church\" + 0.023*\"christian\" + 0.022*\"cathol\" + 0.021*\"bishop\" + 0.018*\"sail\" + 0.016*\"retroflex\" + 0.010*\"relationship\" + 0.010*\"historiographi\" + 0.010*\"parish\" + 0.009*\"cathedr\"\n", - "2019-01-31 01:33:22,536 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"deal\" + 0.012*\"will\"\n", - "2019-01-31 01:33:22,537 : INFO : topic #16 (0.020): 0.056*\"king\" + 0.032*\"priest\" + 0.019*\"rotterdam\" + 0.019*\"idiosyncrat\" + 0.018*\"duke\" + 0.018*\"grammat\" + 0.016*\"quarterli\" + 0.013*\"kingdom\" + 0.013*\"portugues\" + 0.012*\"princ\"\n", - "2019-01-31 01:33:22,538 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.055*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.016*\"republ\" + 0.014*\"bypass\" + 0.013*\"report\" + 0.013*\"selma\"\n", - "2019-01-31 01:33:22,544 : INFO : topic diff=0.003295, rho=0.021119\n", - "2019-01-31 01:33:22,702 : INFO : PROGRESS: pass 0, at document #4486000/4922894\n", - "2019-01-31 01:33:24,087 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:33:24,354 : INFO : topic #21 (0.020): 0.038*\"samford\" + 0.023*\"spain\" + 0.018*\"del\" + 0.017*\"italian\" + 0.016*\"mexico\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.012*\"juan\" + 0.011*\"lizard\" + 0.010*\"francisco\"\n", - "2019-01-31 01:33:24,355 : INFO : topic #16 (0.020): 0.056*\"king\" + 0.032*\"priest\" + 0.019*\"rotterdam\" + 0.019*\"idiosyncrat\" + 0.018*\"duke\" + 0.018*\"grammat\" + 0.016*\"quarterli\" + 0.013*\"kingdom\" + 0.013*\"portugues\" + 0.012*\"princ\"\n", - "2019-01-31 01:33:24,356 : INFO : topic #23 (0.020): 0.134*\"audit\" + 0.068*\"best\" + 0.036*\"yawn\" + 0.031*\"jacksonvil\" + 0.023*\"japanes\" + 0.022*\"noll\" + 0.019*\"women\" + 0.018*\"festiv\" + 0.016*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 01:33:24,357 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.026*\"final\" + 0.024*\"wife\" + 0.020*\"tourist\" + 0.018*\"champion\" + 0.016*\"martin\" + 0.015*\"taxpay\" + 0.014*\"tiepolo\" + 0.014*\"chamber\" + 0.012*\"open\"\n", - "2019-01-31 01:33:24,358 : INFO : topic #26 (0.020): 0.028*\"workplac\" + 0.028*\"champion\" + 0.026*\"woman\" + 0.024*\"olymp\" + 0.024*\"men\" + 0.023*\"alic\" + 0.020*\"medal\" + 0.020*\"event\" + 0.018*\"taxpay\" + 0.018*\"rainfal\"\n", - "2019-01-31 01:33:24,364 : INFO : topic diff=0.003386, rho=0.021115\n", - "2019-01-31 01:33:24,523 : INFO : PROGRESS: pass 0, at document #4488000/4922894\n", - "2019-01-31 01:33:25,876 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:33:26,145 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"deal\" + 0.012*\"will\"\n", - "2019-01-31 01:33:26,146 : INFO : topic #22 (0.020): 0.032*\"spars\" + 0.018*\"factor\" + 0.012*\"plaisir\" + 0.010*\"western\" + 0.010*\"genu\" + 0.009*\"biom\" + 0.008*\"median\" + 0.007*\"trap\" + 0.007*\"incom\" + 0.007*\"florida\"\n", - "2019-01-31 01:33:26,147 : INFO : topic #0 (0.020): 0.062*\"statewid\" + 0.039*\"line\" + 0.032*\"rivièr\" + 0.031*\"raid\" + 0.026*\"rosenwald\" + 0.022*\"airmen\" + 0.018*\"traceabl\" + 0.018*\"serv\" + 0.013*\"oper\" + 0.010*\"transient\"\n", - "2019-01-31 01:33:26,149 : INFO : topic #17 (0.020): 0.078*\"church\" + 0.023*\"christian\" + 0.022*\"cathol\" + 0.021*\"bishop\" + 0.018*\"sail\" + 0.016*\"retroflex\" + 0.010*\"relationship\" + 0.010*\"historiographi\" + 0.009*\"parish\" + 0.009*\"cathedr\"\n", - "2019-01-31 01:33:26,149 : INFO : topic #48 (0.020): 0.082*\"march\" + 0.078*\"octob\" + 0.078*\"sens\" + 0.071*\"januari\" + 0.070*\"notion\" + 0.069*\"juli\" + 0.068*\"august\" + 0.067*\"april\" + 0.067*\"judici\" + 0.066*\"decatur\"\n", - "2019-01-31 01:33:26,155 : INFO : topic diff=0.003947, rho=0.021110\n", - "2019-01-31 01:33:26,312 : INFO : PROGRESS: pass 0, at document #4490000/4922894\n", - "2019-01-31 01:33:27,678 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:33:27,944 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.008*\"woman\" + 0.007*\"human\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:33:27,946 : INFO : topic #27 (0.020): 0.077*\"questionnair\" + 0.021*\"candid\" + 0.019*\"taxpay\" + 0.013*\"tornado\" + 0.013*\"ret\" + 0.012*\"fool\" + 0.012*\"driver\" + 0.011*\"find\" + 0.010*\"champion\" + 0.010*\"squatter\"\n", - "2019-01-31 01:33:27,947 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.050*\"chilton\" + 0.022*\"kong\" + 0.022*\"hong\" + 0.021*\"korea\" + 0.018*\"korean\" + 0.016*\"leah\" + 0.016*\"kim\" + 0.016*\"sourc\" + 0.013*\"shirin\"\n", - "2019-01-31 01:33:27,948 : INFO : topic #28 (0.020): 0.035*\"build\" + 0.031*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.011*\"linear\" + 0.011*\"centuri\" + 0.011*\"constitut\" + 0.011*\"silicon\" + 0.011*\"depress\" + 0.010*\"pistol\"\n", - "2019-01-31 01:33:27,949 : INFO : topic #29 (0.020): 0.032*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.012*\"produc\" + 0.012*\"market\" + 0.011*\"bank\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 01:33:27,955 : INFO : topic diff=0.003029, rho=0.021105\n", - "2019-01-31 01:33:28,114 : INFO : PROGRESS: pass 0, at document #4492000/4922894\n", - "2019-01-31 01:33:29,517 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:33:29,784 : INFO : topic #28 (0.020): 0.035*\"build\" + 0.031*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.011*\"linear\" + 0.011*\"centuri\" + 0.011*\"constitut\" + 0.011*\"silicon\" + 0.011*\"depress\" + 0.010*\"pistol\"\n", - "2019-01-31 01:33:29,785 : INFO : topic #30 (0.020): 0.035*\"leagu\" + 0.035*\"cleveland\" + 0.030*\"place\" + 0.028*\"taxpay\" + 0.025*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:33:29,786 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.011*\"septemb\" + 0.011*\"anim\" + 0.010*\"man\" + 0.008*\"comic\" + 0.008*\"appear\" + 0.007*\"workplac\" + 0.007*\"fusiform\" + 0.007*\"storag\" + 0.006*\"black\"\n", - "2019-01-31 01:33:29,787 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.009*\"media\" + 0.008*\"disco\" + 0.008*\"have\" + 0.007*\"pathwai\" + 0.007*\"hormon\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 01:33:29,788 : INFO : topic #22 (0.020): 0.032*\"spars\" + 0.018*\"factor\" + 0.012*\"plaisir\" + 0.010*\"western\" + 0.009*\"genu\" + 0.009*\"biom\" + 0.008*\"median\" + 0.008*\"trap\" + 0.007*\"incom\" + 0.007*\"florida\"\n", - "2019-01-31 01:33:29,794 : INFO : topic diff=0.003244, rho=0.021101\n", - "2019-01-31 01:33:29,953 : INFO : PROGRESS: pass 0, at document #4494000/4922894\n", - "2019-01-31 01:33:31,323 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:33:31,590 : INFO : topic #22 (0.020): 0.032*\"spars\" + 0.018*\"factor\" + 0.012*\"plaisir\" + 0.010*\"western\" + 0.009*\"genu\" + 0.009*\"biom\" + 0.008*\"median\" + 0.008*\"trap\" + 0.007*\"incom\" + 0.007*\"florida\"\n", - "2019-01-31 01:33:31,591 : INFO : topic #33 (0.020): 0.060*\"french\" + 0.044*\"franc\" + 0.031*\"pari\" + 0.022*\"jean\" + 0.022*\"sail\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.012*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:33:31,592 : INFO : topic #31 (0.020): 0.050*\"fusiform\" + 0.026*\"scientist\" + 0.025*\"taxpay\" + 0.022*\"player\" + 0.019*\"place\" + 0.015*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:33:31,593 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.026*\"final\" + 0.024*\"wife\" + 0.020*\"tourist\" + 0.019*\"champion\" + 0.016*\"martin\" + 0.015*\"taxpay\" + 0.014*\"tiepolo\" + 0.014*\"chamber\" + 0.012*\"open\"\n", - "2019-01-31 01:33:31,594 : INFO : topic #13 (0.020): 0.027*\"australia\" + 0.026*\"london\" + 0.025*\"new\" + 0.025*\"sourc\" + 0.023*\"england\" + 0.022*\"australian\" + 0.020*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:33:31,600 : INFO : topic diff=0.003030, rho=0.021096\n", - "2019-01-31 01:33:31,753 : INFO : PROGRESS: pass 0, at document #4496000/4922894\n", - "2019-01-31 01:33:33,112 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:33:33,380 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.010*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"uruguayan\"\n", - "2019-01-31 01:33:33,381 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.055*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.017*\"polici\" + 0.015*\"republ\" + 0.014*\"bypass\" + 0.013*\"selma\" + 0.013*\"report\"\n", - "2019-01-31 01:33:33,382 : INFO : topic #31 (0.020): 0.050*\"fusiform\" + 0.026*\"scientist\" + 0.025*\"taxpay\" + 0.022*\"player\" + 0.019*\"place\" + 0.015*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:33:33,383 : INFO : topic #29 (0.020): 0.032*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.012*\"produc\" + 0.012*\"market\" + 0.011*\"bank\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 01:33:33,384 : INFO : topic #13 (0.020): 0.027*\"australia\" + 0.026*\"london\" + 0.026*\"new\" + 0.026*\"sourc\" + 0.023*\"england\" + 0.022*\"australian\" + 0.020*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:33:33,390 : INFO : topic diff=0.003168, rho=0.021091\n", - "2019-01-31 01:33:33,552 : INFO : PROGRESS: pass 0, at document #4498000/4922894\n", - "2019-01-31 01:33:34,972 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:33:35,238 : INFO : topic #13 (0.020): 0.027*\"australia\" + 0.026*\"sourc\" + 0.026*\"london\" + 0.025*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.020*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:33:35,239 : INFO : topic #29 (0.020): 0.032*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.012*\"produc\" + 0.012*\"market\" + 0.011*\"bank\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 01:33:35,240 : INFO : topic #30 (0.020): 0.035*\"leagu\" + 0.035*\"cleveland\" + 0.030*\"place\" + 0.028*\"taxpay\" + 0.025*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:33:35,241 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.029*\"son\" + 0.026*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.009*\"myspac\"\n", - "2019-01-31 01:33:35,242 : INFO : topic #48 (0.020): 0.082*\"march\" + 0.078*\"octob\" + 0.077*\"sens\" + 0.071*\"januari\" + 0.069*\"notion\" + 0.069*\"juli\" + 0.067*\"august\" + 0.067*\"april\" + 0.066*\"judici\" + 0.066*\"decatur\"\n", - "2019-01-31 01:33:35,248 : INFO : topic diff=0.003618, rho=0.021087\n", - "2019-01-31 01:33:37,925 : INFO : -11.841 per-word bound, 3667.8 perplexity estimate based on a held-out corpus of 2000 documents with 535707 words\n", - "2019-01-31 01:33:37,926 : INFO : PROGRESS: pass 0, at document #4500000/4922894\n", - "2019-01-31 01:33:39,306 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:33:39,572 : INFO : topic #26 (0.020): 0.029*\"workplac\" + 0.028*\"champion\" + 0.026*\"woman\" + 0.025*\"olymp\" + 0.023*\"men\" + 0.022*\"alic\" + 0.020*\"medal\" + 0.020*\"event\" + 0.018*\"taxpay\" + 0.018*\"rainfal\"\n", - "2019-01-31 01:33:39,573 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"like\" + 0.005*\"end\" + 0.005*\"retrospect\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:33:39,574 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.021*\"aggress\" + 0.020*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:33:39,575 : INFO : topic #46 (0.020): 0.018*\"sweden\" + 0.017*\"norwai\" + 0.016*\"swedish\" + 0.016*\"norwegian\" + 0.016*\"stop\" + 0.014*\"wind\" + 0.011*\"damag\" + 0.011*\"turkish\" + 0.011*\"denmark\" + 0.010*\"farid\"\n", - "2019-01-31 01:33:39,576 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.011*\"septemb\" + 0.011*\"anim\" + 0.010*\"man\" + 0.008*\"comic\" + 0.008*\"appear\" + 0.007*\"fusiform\" + 0.007*\"workplac\" + 0.007*\"storag\" + 0.006*\"black\"\n", - "2019-01-31 01:33:39,582 : INFO : topic diff=0.003336, rho=0.021082\n", - "2019-01-31 01:33:39,744 : INFO : PROGRESS: pass 0, at document #4502000/4922894\n", - "2019-01-31 01:33:41,144 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:33:41,411 : INFO : topic #49 (0.020): 0.042*\"india\" + 0.032*\"incumb\" + 0.013*\"pakistan\" + 0.013*\"islam\" + 0.012*\"anglo\" + 0.012*\"televis\" + 0.010*\"muskoge\" + 0.010*\"sri\" + 0.010*\"affection\" + 0.010*\"khalsa\"\n", - "2019-01-31 01:33:41,412 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.011*\"will\" + 0.011*\"david\" + 0.011*\"jame\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.007*\"paul\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:33:41,413 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.054*\"parti\" + 0.025*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.014*\"liber\" + 0.014*\"selma\" + 0.013*\"bypass\"\n", - "2019-01-31 01:33:41,414 : INFO : topic #27 (0.020): 0.076*\"questionnair\" + 0.021*\"candid\" + 0.019*\"taxpay\" + 0.014*\"tornado\" + 0.012*\"fool\" + 0.012*\"driver\" + 0.011*\"ret\" + 0.011*\"find\" + 0.010*\"champion\" + 0.010*\"squatter\"\n", - "2019-01-31 01:33:41,415 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"sack\" + 0.007*\"later\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"end\" + 0.005*\"retrospect\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:33:41,421 : INFO : topic diff=0.003045, rho=0.021077\n", - "2019-01-31 01:33:41,582 : INFO : PROGRESS: pass 0, at document #4504000/4922894\n", - "2019-01-31 01:33:42,980 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:33:43,247 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"sack\" + 0.007*\"later\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"end\" + 0.005*\"retrospect\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:33:43,248 : INFO : topic #29 (0.020): 0.032*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.012*\"produc\" + 0.011*\"market\" + 0.011*\"bank\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 01:33:43,249 : INFO : topic #13 (0.020): 0.027*\"australia\" + 0.026*\"sourc\" + 0.026*\"london\" + 0.025*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.020*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:33:43,250 : INFO : topic #20 (0.020): 0.146*\"scholar\" + 0.040*\"struggl\" + 0.034*\"high\" + 0.029*\"educ\" + 0.025*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.009*\"task\" + 0.009*\"gothic\"\n", - "2019-01-31 01:33:43,251 : INFO : topic #27 (0.020): 0.076*\"questionnair\" + 0.021*\"candid\" + 0.019*\"taxpay\" + 0.013*\"tornado\" + 0.012*\"fool\" + 0.012*\"driver\" + 0.011*\"find\" + 0.011*\"ret\" + 0.010*\"squatter\" + 0.010*\"champion\"\n", - "2019-01-31 01:33:43,257 : INFO : topic diff=0.003388, rho=0.021072\n", - "2019-01-31 01:33:43,418 : INFO : PROGRESS: pass 0, at document #4506000/4922894\n", - "2019-01-31 01:33:44,805 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:33:45,072 : INFO : topic #45 (0.020): 0.045*\"arsen\" + 0.030*\"jpg\" + 0.030*\"fifteenth\" + 0.027*\"museo\" + 0.021*\"pain\" + 0.020*\"illicit\" + 0.016*\"artist\" + 0.016*\"exhaust\" + 0.016*\"colder\" + 0.015*\"gai\"\n", - "2019-01-31 01:33:45,073 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.008*\"frontal\" + 0.007*\"southern\" + 0.006*\"poet\" + 0.006*\"gener\" + 0.006*\"servitud\" + 0.006*\"exampl\" + 0.006*\"théori\" + 0.006*\"utopian\" + 0.006*\"field\"\n", - "2019-01-31 01:33:45,074 : INFO : topic #29 (0.020): 0.032*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.012*\"produc\" + 0.011*\"market\" + 0.011*\"bank\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 01:33:45,075 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"uruguayan\"\n", - "2019-01-31 01:33:45,076 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.010*\"aza\" + 0.008*\"forc\" + 0.008*\"battalion\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.006*\"govern\" + 0.006*\"pour\" + 0.006*\"militari\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:33:45,082 : INFO : topic diff=0.003315, rho=0.021068\n", - "2019-01-31 01:33:45,246 : INFO : PROGRESS: pass 0, at document #4508000/4922894\n", - "2019-01-31 01:33:46,671 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:33:46,937 : INFO : topic #24 (0.020): 0.040*\"book\" + 0.035*\"publicis\" + 0.026*\"word\" + 0.020*\"new\" + 0.015*\"edit\" + 0.015*\"presid\" + 0.011*\"worldwid\" + 0.011*\"magazin\" + 0.011*\"nicola\" + 0.011*\"storag\"\n", - "2019-01-31 01:33:46,939 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:33:46,940 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"margin\" + 0.016*\"yawn\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"will\" + 0.012*\"deal\"\n", - "2019-01-31 01:33:46,941 : INFO : topic #6 (0.020): 0.070*\"fewer\" + 0.024*\"epiru\" + 0.019*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.013*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"direct\" + 0.010*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:33:46,942 : INFO : topic #28 (0.020): 0.035*\"build\" + 0.030*\"hous\" + 0.020*\"buford\" + 0.015*\"histor\" + 0.012*\"linear\" + 0.011*\"centuri\" + 0.011*\"constitut\" + 0.011*\"silicon\" + 0.010*\"depress\" + 0.010*\"pistol\"\n", - "2019-01-31 01:33:46,948 : INFO : topic diff=0.005003, rho=0.021063\n", - "2019-01-31 01:33:47,107 : INFO : PROGRESS: pass 0, at document #4510000/4922894\n", - "2019-01-31 01:33:48,486 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:33:48,753 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:33:48,754 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.008*\"frontal\" + 0.007*\"southern\" + 0.006*\"poet\" + 0.006*\"gener\" + 0.006*\"servitud\" + 0.006*\"exampl\" + 0.006*\"théori\" + 0.006*\"utopian\" + 0.006*\"field\"\n", - "2019-01-31 01:33:48,755 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.010*\"aza\" + 0.008*\"forc\" + 0.008*\"battalion\" + 0.007*\"empath\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.006*\"govern\" + 0.006*\"pour\" + 0.006*\"militari\"\n", - "2019-01-31 01:33:48,756 : INFO : topic #40 (0.020): 0.088*\"unit\" + 0.023*\"schuster\" + 0.022*\"requir\" + 0.022*\"institut\" + 0.020*\"collector\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"governor\" + 0.011*\"degre\"\n", - "2019-01-31 01:33:48,757 : INFO : topic #30 (0.020): 0.035*\"leagu\" + 0.035*\"cleveland\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.025*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.016*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:33:48,763 : INFO : topic diff=0.002978, rho=0.021058\n", - "2019-01-31 01:33:48,979 : INFO : PROGRESS: pass 0, at document #4512000/4922894\n", - "2019-01-31 01:33:50,344 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:33:50,610 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.031*\"perceptu\" + 0.019*\"theater\" + 0.018*\"compos\" + 0.018*\"place\" + 0.017*\"physician\" + 0.015*\"damn\" + 0.014*\"orchestr\" + 0.012*\"olympo\" + 0.012*\"son\"\n", - "2019-01-31 01:33:50,611 : INFO : topic #30 (0.020): 0.035*\"cleveland\" + 0.035*\"leagu\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.025*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:33:50,612 : INFO : topic #16 (0.020): 0.057*\"king\" + 0.032*\"priest\" + 0.019*\"rotterdam\" + 0.019*\"idiosyncrat\" + 0.017*\"duke\" + 0.017*\"grammat\" + 0.016*\"quarterli\" + 0.013*\"kingdom\" + 0.013*\"portugues\" + 0.012*\"princ\"\n", - "2019-01-31 01:33:50,613 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.008*\"woman\" + 0.007*\"human\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:33:50,615 : INFO : topic #42 (0.020): 0.045*\"german\" + 0.031*\"germani\" + 0.017*\"vol\" + 0.016*\"israel\" + 0.015*\"der\" + 0.015*\"jewish\" + 0.013*\"berlin\" + 0.010*\"isra\" + 0.009*\"european\" + 0.009*\"austria\"\n", - "2019-01-31 01:33:50,620 : INFO : topic diff=0.003161, rho=0.021054\n", - "2019-01-31 01:33:50,776 : INFO : PROGRESS: pass 0, at document #4514000/4922894\n", - "2019-01-31 01:33:52,140 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:33:52,407 : INFO : topic #27 (0.020): 0.076*\"questionnair\" + 0.021*\"candid\" + 0.019*\"taxpay\" + 0.013*\"tornado\" + 0.012*\"fool\" + 0.012*\"find\" + 0.012*\"driver\" + 0.011*\"ret\" + 0.010*\"champion\" + 0.010*\"horac\"\n", - "2019-01-31 01:33:52,408 : INFO : topic #39 (0.020): 0.061*\"canada\" + 0.047*\"canadian\" + 0.024*\"toronto\" + 0.022*\"ontario\" + 0.021*\"hoar\" + 0.016*\"hydrogen\" + 0.015*\"new\" + 0.015*\"misericordia\" + 0.015*\"novotná\" + 0.014*\"quebec\"\n", - "2019-01-31 01:33:52,409 : INFO : topic #22 (0.020): 0.032*\"spars\" + 0.017*\"factor\" + 0.012*\"plaisir\" + 0.010*\"genu\" + 0.010*\"western\" + 0.009*\"biom\" + 0.008*\"median\" + 0.007*\"trap\" + 0.007*\"incom\" + 0.007*\"florida\"\n", - "2019-01-31 01:33:52,410 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.026*\"final\" + 0.023*\"wife\" + 0.021*\"tourist\" + 0.018*\"champion\" + 0.017*\"martin\" + 0.015*\"taxpay\" + 0.014*\"tiepolo\" + 0.014*\"chamber\" + 0.012*\"open\"\n", - "2019-01-31 01:33:52,411 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.011*\"septemb\" + 0.011*\"anim\" + 0.010*\"man\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.007*\"fusiform\" + 0.007*\"workplac\" + 0.006*\"black\"\n", - "2019-01-31 01:33:52,417 : INFO : topic diff=0.003314, rho=0.021049\n", - "2019-01-31 01:33:52,575 : INFO : PROGRESS: pass 0, at document #4516000/4922894\n", - "2019-01-31 01:33:53,961 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:33:54,228 : INFO : topic #20 (0.020): 0.145*\"scholar\" + 0.040*\"struggl\" + 0.033*\"high\" + 0.029*\"educ\" + 0.024*\"collector\" + 0.018*\"yawn\" + 0.013*\"prognosi\" + 0.010*\"district\" + 0.009*\"task\" + 0.009*\"gothic\"\n", - "2019-01-31 01:33:54,229 : INFO : topic #34 (0.020): 0.065*\"start\" + 0.033*\"new\" + 0.031*\"american\" + 0.028*\"unionist\" + 0.027*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:33:54,230 : INFO : topic #16 (0.020): 0.056*\"king\" + 0.031*\"priest\" + 0.019*\"rotterdam\" + 0.019*\"idiosyncrat\" + 0.018*\"duke\" + 0.017*\"grammat\" + 0.016*\"quarterli\" + 0.014*\"portugues\" + 0.013*\"kingdom\" + 0.012*\"princ\"\n", - "2019-01-31 01:33:54,231 : INFO : topic #29 (0.020): 0.032*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.012*\"produc\" + 0.012*\"market\" + 0.011*\"bank\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 01:33:54,232 : INFO : topic #35 (0.020): 0.056*\"russia\" + 0.038*\"sovereignti\" + 0.034*\"rural\" + 0.026*\"personifi\" + 0.025*\"reprint\" + 0.025*\"poison\" + 0.019*\"moscow\" + 0.019*\"poland\" + 0.015*\"unfortun\" + 0.014*\"tyrant\"\n", - "2019-01-31 01:33:54,237 : INFO : topic diff=0.003146, rho=0.021044\n", - "2019-01-31 01:33:54,394 : INFO : PROGRESS: pass 0, at document #4518000/4922894\n", - "2019-01-31 01:33:55,762 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:33:56,029 : INFO : topic #39 (0.020): 0.061*\"canada\" + 0.047*\"canadian\" + 0.024*\"toronto\" + 0.022*\"ontario\" + 0.021*\"hoar\" + 0.016*\"hydrogen\" + 0.015*\"new\" + 0.015*\"misericordia\" + 0.015*\"novotná\" + 0.014*\"quebec\"\n", - "2019-01-31 01:33:56,030 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.010*\"prognosi\" + 0.009*\"pop\" + 0.009*\"cytokin\" + 0.008*\"develop\" + 0.008*\"user\" + 0.008*\"softwar\" + 0.008*\"diggin\" + 0.008*\"uruguayan\" + 0.007*\"includ\"\n", - "2019-01-31 01:33:56,031 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.045*\"popolo\" + 0.042*\"vigour\" + 0.036*\"tortur\" + 0.032*\"cotton\" + 0.023*\"adulthood\" + 0.022*\"area\" + 0.021*\"multitud\" + 0.020*\"cede\" + 0.018*\"citi\"\n", - "2019-01-31 01:33:56,032 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.010*\"aza\" + 0.008*\"forc\" + 0.008*\"battalion\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.007*\"teufel\" + 0.006*\"govern\" + 0.006*\"pour\" + 0.006*\"militari\"\n", - "2019-01-31 01:33:56,033 : INFO : topic #0 (0.020): 0.062*\"statewid\" + 0.039*\"line\" + 0.032*\"raid\" + 0.031*\"rivièr\" + 0.025*\"rosenwald\" + 0.022*\"airmen\" + 0.018*\"serv\" + 0.017*\"traceabl\" + 0.013*\"oper\" + 0.010*\"transient\"\n", - "2019-01-31 01:33:56,039 : INFO : topic diff=0.002334, rho=0.021040\n", - "2019-01-31 01:33:59,719 : INFO : -11.583 per-word bound, 3068.0 perplexity estimate based on a held-out corpus of 2000 documents with 562568 words\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:33:59,720 : INFO : PROGRESS: pass 0, at document #4520000/4922894\n", - "2019-01-31 01:34:01,117 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:34:01,383 : INFO : topic #41 (0.020): 0.042*\"citi\" + 0.025*\"palmer\" + 0.019*\"new\" + 0.016*\"strategist\" + 0.013*\"open\" + 0.013*\"center\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:34:01,385 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.048*\"chilton\" + 0.023*\"kong\" + 0.023*\"hong\" + 0.021*\"korea\" + 0.018*\"leah\" + 0.018*\"korean\" + 0.016*\"sourc\" + 0.015*\"kim\" + 0.013*\"shirin\"\n", - "2019-01-31 01:34:01,386 : INFO : topic #16 (0.020): 0.056*\"king\" + 0.031*\"priest\" + 0.019*\"rotterdam\" + 0.019*\"idiosyncrat\" + 0.018*\"duke\" + 0.017*\"grammat\" + 0.016*\"quarterli\" + 0.014*\"portugues\" + 0.014*\"kingdom\" + 0.012*\"princ\"\n", - "2019-01-31 01:34:01,387 : INFO : topic #13 (0.020): 0.026*\"australia\" + 0.026*\"sourc\" + 0.025*\"london\" + 0.025*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.020*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:34:01,388 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.011*\"septemb\" + 0.011*\"anim\" + 0.011*\"man\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.007*\"fusiform\" + 0.007*\"workplac\" + 0.006*\"black\"\n", - "2019-01-31 01:34:01,394 : INFO : topic diff=0.003146, rho=0.021035\n", - "2019-01-31 01:34:01,552 : INFO : PROGRESS: pass 0, at document #4522000/4922894\n", - "2019-01-31 01:34:02,926 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:34:03,193 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.040*\"shield\" + 0.017*\"narrat\" + 0.017*\"scot\" + 0.013*\"pope\" + 0.012*\"nativist\" + 0.012*\"blur\" + 0.010*\"class\" + 0.010*\"coalit\" + 0.009*\"fleet\"\n", - "2019-01-31 01:34:03,194 : INFO : topic #16 (0.020): 0.056*\"king\" + 0.031*\"priest\" + 0.020*\"rotterdam\" + 0.018*\"idiosyncrat\" + 0.018*\"duke\" + 0.017*\"grammat\" + 0.017*\"quarterli\" + 0.014*\"portugues\" + 0.013*\"kingdom\" + 0.012*\"princ\"\n", - "2019-01-31 01:34:03,195 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.024*\"minist\" + 0.024*\"nation\" + 0.024*\"offic\" + 0.022*\"govern\" + 0.021*\"member\" + 0.018*\"start\" + 0.016*\"gener\" + 0.015*\"serv\" + 0.014*\"council\"\n", - "2019-01-31 01:34:03,197 : INFO : topic #45 (0.020): 0.045*\"arsen\" + 0.030*\"jpg\" + 0.029*\"fifteenth\" + 0.028*\"museo\" + 0.022*\"pain\" + 0.020*\"illicit\" + 0.017*\"artist\" + 0.016*\"exhaust\" + 0.015*\"colder\" + 0.015*\"gai\"\n", - "2019-01-31 01:34:03,198 : INFO : topic #33 (0.020): 0.060*\"french\" + 0.045*\"franc\" + 0.031*\"pari\" + 0.024*\"sail\" + 0.022*\"jean\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.012*\"loui\" + 0.011*\"piec\" + 0.008*\"wine\"\n", - "2019-01-31 01:34:03,204 : INFO : topic diff=0.003080, rho=0.021031\n", - "2019-01-31 01:34:03,361 : INFO : PROGRESS: pass 0, at document #4524000/4922894\n", - "2019-01-31 01:34:04,739 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:34:05,006 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.009*\"media\" + 0.008*\"disco\" + 0.008*\"have\" + 0.007*\"pathwai\" + 0.007*\"hormon\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 01:34:05,007 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.030*\"perceptu\" + 0.019*\"theater\" + 0.018*\"compos\" + 0.018*\"place\" + 0.016*\"physician\" + 0.015*\"damn\" + 0.014*\"orchestr\" + 0.012*\"olympo\" + 0.012*\"son\"\n", - "2019-01-31 01:34:05,009 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.020*\"aggress\" + 0.020*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.014*\"unionist\" + 0.014*\"oper\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:34:05,010 : INFO : topic #46 (0.020): 0.017*\"stop\" + 0.017*\"sweden\" + 0.016*\"norwai\" + 0.015*\"swedish\" + 0.015*\"norwegian\" + 0.013*\"wind\" + 0.013*\"treeless\" + 0.013*\"damag\" + 0.011*\"turkish\" + 0.010*\"denmark\"\n", - "2019-01-31 01:34:05,011 : INFO : topic #20 (0.020): 0.145*\"scholar\" + 0.040*\"struggl\" + 0.033*\"high\" + 0.029*\"educ\" + 0.024*\"collector\" + 0.018*\"yawn\" + 0.012*\"prognosi\" + 0.011*\"district\" + 0.009*\"task\" + 0.009*\"gothic\"\n", - "2019-01-31 01:34:05,018 : INFO : topic diff=0.003270, rho=0.021026\n", - "2019-01-31 01:34:05,178 : INFO : PROGRESS: pass 0, at document #4526000/4922894\n", - "2019-01-31 01:34:06,572 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:34:06,838 : INFO : topic #49 (0.020): 0.041*\"india\" + 0.032*\"incumb\" + 0.013*\"pakistan\" + 0.013*\"islam\" + 0.012*\"anglo\" + 0.012*\"televis\" + 0.010*\"muskoge\" + 0.010*\"khalsa\" + 0.010*\"affection\" + 0.010*\"tajikistan\"\n", - "2019-01-31 01:34:06,839 : INFO : topic #6 (0.020): 0.069*\"fewer\" + 0.024*\"epiru\" + 0.019*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.013*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"direct\" + 0.010*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:34:06,841 : INFO : topic #42 (0.020): 0.046*\"german\" + 0.031*\"germani\" + 0.017*\"vol\" + 0.015*\"berlin\" + 0.015*\"israel\" + 0.015*\"jewish\" + 0.015*\"der\" + 0.009*\"austria\" + 0.009*\"isra\" + 0.009*\"european\"\n", - "2019-01-31 01:34:06,842 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.006*\"poet\" + 0.006*\"southern\" + 0.006*\"servitud\" + 0.006*\"exampl\" + 0.006*\"utopian\" + 0.006*\"théori\" + 0.006*\"measur\"\n", - "2019-01-31 01:34:06,843 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.039*\"shield\" + 0.018*\"narrat\" + 0.017*\"scot\" + 0.013*\"pope\" + 0.012*\"nativist\" + 0.012*\"blur\" + 0.010*\"class\" + 0.010*\"coalit\" + 0.009*\"fleet\"\n", - "2019-01-31 01:34:06,849 : INFO : topic diff=0.003658, rho=0.021021\n", - "2019-01-31 01:34:07,008 : INFO : PROGRESS: pass 0, at document #4528000/4922894\n", - "2019-01-31 01:34:08,390 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:34:08,657 : INFO : topic #26 (0.020): 0.028*\"workplac\" + 0.028*\"champion\" + 0.026*\"woman\" + 0.024*\"olymp\" + 0.023*\"men\" + 0.021*\"alic\" + 0.020*\"medal\" + 0.020*\"event\" + 0.018*\"rainfal\" + 0.018*\"taxpay\"\n", - "2019-01-31 01:34:08,658 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.019*\"di\" + 0.018*\"factor\" + 0.016*\"margin\" + 0.016*\"yawn\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"will\" + 0.012*\"deal\"\n", - "2019-01-31 01:34:08,659 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.010*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"uruguayan\"\n", - "2019-01-31 01:34:08,660 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"end\" + 0.005*\"retrospect\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:34:08,662 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.045*\"popolo\" + 0.042*\"vigour\" + 0.036*\"tortur\" + 0.032*\"cotton\" + 0.023*\"adulthood\" + 0.022*\"area\" + 0.021*\"multitud\" + 0.020*\"cede\" + 0.018*\"citi\"\n", - "2019-01-31 01:34:08,667 : INFO : topic diff=0.002950, rho=0.021017\n", - "2019-01-31 01:34:08,827 : INFO : PROGRESS: pass 0, at document #4530000/4922894\n", - "2019-01-31 01:34:10,222 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:34:10,489 : INFO : topic #10 (0.020): 0.010*\"cdd\" + 0.009*\"media\" + 0.008*\"disco\" + 0.008*\"have\" + 0.007*\"pathwai\" + 0.007*\"hormon\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 01:34:10,490 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.019*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"will\" + 0.012*\"deal\"\n", - "2019-01-31 01:34:10,491 : INFO : topic #48 (0.020): 0.081*\"march\" + 0.077*\"octob\" + 0.076*\"sens\" + 0.072*\"januari\" + 0.069*\"notion\" + 0.068*\"juli\" + 0.067*\"april\" + 0.066*\"august\" + 0.066*\"decatur\" + 0.065*\"judici\"\n", - "2019-01-31 01:34:10,492 : INFO : topic #4 (0.020): 0.021*\"enfranchis\" + 0.015*\"depress\" + 0.013*\"pour\" + 0.008*\"mode\" + 0.008*\"uruguayan\" + 0.008*\"elabor\" + 0.007*\"veget\" + 0.006*\"turn\" + 0.006*\"produc\" + 0.006*\"develop\"\n", - "2019-01-31 01:34:10,494 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.024*\"minist\" + 0.024*\"nation\" + 0.024*\"offic\" + 0.023*\"govern\" + 0.021*\"member\" + 0.018*\"start\" + 0.016*\"gener\" + 0.015*\"serv\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:34:10,499 : INFO : topic diff=0.003394, rho=0.021012\n", - "2019-01-31 01:34:10,658 : INFO : PROGRESS: pass 0, at document #4532000/4922894\n", - "2019-01-31 01:34:12,061 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:34:12,327 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.045*\"popolo\" + 0.043*\"vigour\" + 0.036*\"tortur\" + 0.032*\"cotton\" + 0.023*\"adulthood\" + 0.022*\"area\" + 0.021*\"multitud\" + 0.020*\"cede\" + 0.018*\"citi\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:34:12,328 : INFO : topic #34 (0.020): 0.066*\"start\" + 0.033*\"new\" + 0.031*\"american\" + 0.029*\"unionist\" + 0.026*\"cotton\" + 0.022*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:34:12,329 : INFO : topic #6 (0.020): 0.069*\"fewer\" + 0.024*\"epiru\" + 0.019*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.012*\"proclaim\" + 0.012*\"rodríguez\" + 0.012*\"direct\" + 0.010*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:34:12,331 : INFO : topic #45 (0.020): 0.045*\"arsen\" + 0.030*\"jpg\" + 0.029*\"fifteenth\" + 0.028*\"museo\" + 0.022*\"pain\" + 0.020*\"illicit\" + 0.017*\"artist\" + 0.015*\"exhaust\" + 0.015*\"colder\" + 0.015*\"gai\"\n", - "2019-01-31 01:34:12,332 : INFO : topic #36 (0.020): 0.010*\"network\" + 0.010*\"prognosi\" + 0.009*\"pop\" + 0.009*\"cytokin\" + 0.008*\"develop\" + 0.008*\"user\" + 0.008*\"softwar\" + 0.008*\"diggin\" + 0.008*\"uruguayan\" + 0.007*\"includ\"\n", - "2019-01-31 01:34:12,338 : INFO : topic diff=0.003423, rho=0.021007\n", - "2019-01-31 01:34:12,496 : INFO : PROGRESS: pass 0, at document #4534000/4922894\n", - "2019-01-31 01:34:13,891 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:34:14,157 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.011*\"will\" + 0.011*\"david\" + 0.011*\"jame\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.007*\"paul\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:34:14,159 : INFO : topic #41 (0.020): 0.042*\"citi\" + 0.024*\"palmer\" + 0.020*\"new\" + 0.017*\"strategist\" + 0.013*\"open\" + 0.013*\"center\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:34:14,160 : INFO : topic #31 (0.020): 0.050*\"fusiform\" + 0.026*\"scientist\" + 0.025*\"taxpay\" + 0.022*\"player\" + 0.019*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.011*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:34:14,161 : INFO : topic #10 (0.020): 0.010*\"cdd\" + 0.009*\"media\" + 0.008*\"disco\" + 0.008*\"have\" + 0.007*\"pathwai\" + 0.007*\"hormon\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 01:34:14,162 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.039*\"shield\" + 0.018*\"narrat\" + 0.017*\"scot\" + 0.013*\"nativist\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.010*\"class\" + 0.010*\"coalit\" + 0.009*\"fleet\"\n", - "2019-01-31 01:34:14,168 : INFO : topic diff=0.003446, rho=0.021003\n", - "2019-01-31 01:34:14,320 : INFO : PROGRESS: pass 0, at document #4536000/4922894\n", - "2019-01-31 01:34:15,669 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:34:15,936 : INFO : topic #23 (0.020): 0.135*\"audit\" + 0.067*\"best\" + 0.035*\"yawn\" + 0.030*\"jacksonvil\" + 0.024*\"japanes\" + 0.022*\"noll\" + 0.019*\"women\" + 0.017*\"festiv\" + 0.016*\"intern\" + 0.014*\"prison\"\n", - "2019-01-31 01:34:15,937 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.039*\"shield\" + 0.018*\"narrat\" + 0.017*\"scot\" + 0.013*\"nativist\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.010*\"class\" + 0.010*\"coalit\" + 0.009*\"fleet\"\n", - "2019-01-31 01:34:15,938 : INFO : topic #25 (0.020): 0.031*\"ring\" + 0.018*\"area\" + 0.018*\"lagrang\" + 0.016*\"warmth\" + 0.015*\"mount\" + 0.010*\"north\" + 0.009*\"land\" + 0.009*\"sourc\" + 0.008*\"lobe\" + 0.008*\"foam\"\n", - "2019-01-31 01:34:15,939 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"human\" + 0.006*\"workplac\"\n", - "2019-01-31 01:34:15,940 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.026*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:34:15,946 : INFO : topic diff=0.003079, rho=0.020998\n", - "2019-01-31 01:34:16,102 : INFO : PROGRESS: pass 0, at document #4538000/4922894\n", - "2019-01-31 01:34:17,470 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:34:17,737 : INFO : topic #35 (0.020): 0.055*\"russia\" + 0.038*\"sovereignti\" + 0.034*\"rural\" + 0.026*\"personifi\" + 0.025*\"reprint\" + 0.024*\"poison\" + 0.021*\"moscow\" + 0.018*\"poland\" + 0.015*\"unfortun\" + 0.014*\"czech\"\n", - "2019-01-31 01:34:17,738 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.013*\"million\" + 0.012*\"produc\" + 0.012*\"market\" + 0.011*\"bank\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 01:34:17,739 : INFO : topic #13 (0.020): 0.026*\"australia\" + 0.026*\"sourc\" + 0.025*\"london\" + 0.025*\"new\" + 0.023*\"england\" + 0.023*\"australian\" + 0.020*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:34:17,740 : INFO : topic #43 (0.020): 0.065*\"elect\" + 0.054*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.016*\"republ\" + 0.014*\"selma\" + 0.014*\"report\" + 0.014*\"bypass\"\n", - "2019-01-31 01:34:17,741 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.018*\"factor\" + 0.011*\"plaisir\" + 0.010*\"genu\" + 0.010*\"western\" + 0.008*\"median\" + 0.008*\"biom\" + 0.007*\"trap\" + 0.007*\"incom\" + 0.007*\"florida\"\n", - "2019-01-31 01:34:17,747 : INFO : topic diff=0.003340, rho=0.020993\n", - "2019-01-31 01:34:20,452 : INFO : -11.600 per-word bound, 3103.9 perplexity estimate based on a held-out corpus of 2000 documents with 563320 words\n", - "2019-01-31 01:34:20,453 : INFO : PROGRESS: pass 0, at document #4540000/4922894\n", - "2019-01-31 01:34:21,832 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:34:22,099 : INFO : topic #35 (0.020): 0.055*\"russia\" + 0.038*\"sovereignti\" + 0.034*\"rural\" + 0.025*\"personifi\" + 0.025*\"reprint\" + 0.025*\"poison\" + 0.021*\"moscow\" + 0.018*\"poland\" + 0.015*\"unfortun\" + 0.014*\"czech\"\n", - "2019-01-31 01:34:22,100 : INFO : topic #26 (0.020): 0.028*\"workplac\" + 0.028*\"champion\" + 0.026*\"woman\" + 0.024*\"olymp\" + 0.023*\"men\" + 0.022*\"alic\" + 0.020*\"medal\" + 0.020*\"event\" + 0.019*\"rainfal\" + 0.018*\"taxpay\"\n", - "2019-01-31 01:34:22,101 : INFO : topic #34 (0.020): 0.066*\"start\" + 0.033*\"new\" + 0.031*\"american\" + 0.029*\"unionist\" + 0.026*\"cotton\" + 0.022*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:34:22,102 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.039*\"shield\" + 0.018*\"narrat\" + 0.017*\"scot\" + 0.013*\"nativist\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.010*\"coalit\" + 0.010*\"class\" + 0.009*\"fleet\"\n", - "2019-01-31 01:34:22,104 : INFO : topic #31 (0.020): 0.050*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.022*\"player\" + 0.020*\"place\" + 0.015*\"clot\" + 0.014*\"leagu\" + 0.011*\"folei\" + 0.011*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:34:22,110 : INFO : topic diff=0.003248, rho=0.020989\n", - "2019-01-31 01:34:22,323 : INFO : PROGRESS: pass 0, at document #4542000/4922894\n", - "2019-01-31 01:34:23,690 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:34:23,956 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.026*\"final\" + 0.023*\"wife\" + 0.021*\"tourist\" + 0.018*\"champion\" + 0.016*\"martin\" + 0.014*\"taxpay\" + 0.014*\"tiepolo\" + 0.014*\"chamber\" + 0.012*\"open\"\n", - "2019-01-31 01:34:23,957 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.031*\"germani\" + 0.016*\"vol\" + 0.015*\"jewish\" + 0.015*\"berlin\" + 0.015*\"der\" + 0.014*\"israel\" + 0.009*\"austria\" + 0.009*\"european\" + 0.009*\"isra\"\n", - "2019-01-31 01:34:23,959 : INFO : topic #43 (0.020): 0.065*\"elect\" + 0.054*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.014*\"selma\" + 0.014*\"report\" + 0.014*\"bypass\"\n", - "2019-01-31 01:34:23,960 : INFO : topic #26 (0.020): 0.028*\"workplac\" + 0.028*\"champion\" + 0.026*\"woman\" + 0.024*\"olymp\" + 0.023*\"men\" + 0.022*\"alic\" + 0.020*\"medal\" + 0.020*\"event\" + 0.019*\"rainfal\" + 0.018*\"taxpay\"\n", - "2019-01-31 01:34:23,961 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.011*\"david\" + 0.011*\"will\" + 0.011*\"jame\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.007*\"paul\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:34:23,967 : INFO : topic diff=0.003207, rho=0.020984\n", - "2019-01-31 01:34:24,123 : INFO : PROGRESS: pass 0, at document #4544000/4922894\n", - "2019-01-31 01:34:25,498 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:34:25,765 : INFO : topic #25 (0.020): 0.031*\"ring\" + 0.018*\"area\" + 0.018*\"lagrang\" + 0.016*\"warmth\" + 0.016*\"mount\" + 0.010*\"north\" + 0.009*\"sourc\" + 0.009*\"land\" + 0.009*\"lobe\" + 0.008*\"palmer\"\n", - "2019-01-31 01:34:25,766 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.011*\"david\" + 0.011*\"will\" + 0.011*\"jame\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.007*\"paul\" + 0.007*\"rhyme\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:34:25,767 : INFO : topic #6 (0.020): 0.069*\"fewer\" + 0.023*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.012*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"direct\" + 0.010*\"acrimoni\" + 0.010*\"movi\"\n", - "2019-01-31 01:34:25,768 : INFO : topic #48 (0.020): 0.081*\"march\" + 0.077*\"octob\" + 0.077*\"sens\" + 0.072*\"januari\" + 0.069*\"notion\" + 0.068*\"juli\" + 0.067*\"april\" + 0.067*\"august\" + 0.066*\"decatur\" + 0.065*\"judici\"\n", - "2019-01-31 01:34:25,769 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.024*\"cortic\" + 0.018*\"start\" + 0.016*\"act\" + 0.012*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.008*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 01:34:25,775 : INFO : topic diff=0.003201, rho=0.020980\n", - "2019-01-31 01:34:25,930 : INFO : PROGRESS: pass 0, at document #4546000/4922894\n", - "2019-01-31 01:34:27,301 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:34:27,567 : INFO : topic #36 (0.020): 0.011*\"prognosi\" + 0.010*\"network\" + 0.009*\"pop\" + 0.009*\"cytokin\" + 0.008*\"develop\" + 0.008*\"softwar\" + 0.008*\"diggin\" + 0.008*\"user\" + 0.008*\"uruguayan\" + 0.007*\"includ\"\n", - "2019-01-31 01:34:27,568 : INFO : topic #27 (0.020): 0.076*\"questionnair\" + 0.020*\"candid\" + 0.018*\"taxpay\" + 0.014*\"tornado\" + 0.012*\"driver\" + 0.012*\"fool\" + 0.012*\"find\" + 0.011*\"ret\" + 0.010*\"squatter\" + 0.010*\"landslid\"\n", - "2019-01-31 01:34:27,570 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"human\" + 0.006*\"workplac\"\n", - "2019-01-31 01:34:27,571 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.024*\"offic\" + 0.024*\"nation\" + 0.024*\"minist\" + 0.023*\"govern\" + 0.021*\"member\" + 0.018*\"start\" + 0.016*\"gener\" + 0.015*\"serv\" + 0.014*\"seri\"\n", - "2019-01-31 01:34:27,572 : INFO : topic #40 (0.020): 0.088*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.022*\"requir\" + 0.020*\"collector\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"governor\" + 0.011*\"degre\"\n", - "2019-01-31 01:34:27,578 : INFO : topic diff=0.003255, rho=0.020975\n", - "2019-01-31 01:34:27,739 : INFO : PROGRESS: pass 0, at document #4548000/4922894\n", - "2019-01-31 01:34:29,144 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:34:29,410 : INFO : topic #46 (0.020): 0.017*\"sweden\" + 0.016*\"norwai\" + 0.016*\"stop\" + 0.016*\"swedish\" + 0.014*\"norwegian\" + 0.013*\"wind\" + 0.013*\"treeless\" + 0.012*\"damag\" + 0.010*\"huntsvil\" + 0.010*\"turkish\"\n", - "2019-01-31 01:34:29,411 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.006*\"gener\" + 0.006*\"poet\" + 0.006*\"servitud\" + 0.006*\"southern\" + 0.006*\"exampl\" + 0.006*\"utopian\" + 0.006*\"théori\" + 0.006*\"measur\"\n", - "2019-01-31 01:34:29,412 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.012*\"david\" + 0.011*\"will\" + 0.011*\"jame\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"paul\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:34:29,413 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.020*\"armi\" + 0.020*\"aggress\" + 0.020*\"walter\" + 0.018*\"com\" + 0.014*\"oper\" + 0.014*\"unionist\" + 0.012*\"militari\" + 0.012*\"diversifi\" + 0.012*\"airbu\"\n", - "2019-01-31 01:34:29,414 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.039*\"shield\" + 0.018*\"narrat\" + 0.017*\"scot\" + 0.013*\"nativist\" + 0.012*\"pope\" + 0.011*\"blur\" + 0.010*\"coalit\" + 0.010*\"class\" + 0.009*\"fleet\"\n", - "2019-01-31 01:34:29,420 : INFO : topic diff=0.003421, rho=0.020970\n", - "2019-01-31 01:34:29,583 : INFO : PROGRESS: pass 0, at document #4550000/4922894\n", - "2019-01-31 01:34:30,991 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:34:31,258 : INFO : topic #41 (0.020): 0.042*\"citi\" + 0.024*\"palmer\" + 0.020*\"new\" + 0.018*\"strategist\" + 0.014*\"open\" + 0.013*\"center\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:34:31,259 : INFO : topic #49 (0.020): 0.041*\"india\" + 0.031*\"incumb\" + 0.013*\"islam\" + 0.013*\"anglo\" + 0.013*\"pakistan\" + 0.012*\"televis\" + 0.011*\"muskoge\" + 0.010*\"khalsa\" + 0.010*\"affection\" + 0.010*\"sri\"\n", - "2019-01-31 01:34:31,260 : INFO : topic #22 (0.020): 0.032*\"spars\" + 0.017*\"factor\" + 0.012*\"plaisir\" + 0.010*\"genu\" + 0.010*\"western\" + 0.008*\"median\" + 0.008*\"biom\" + 0.007*\"trap\" + 0.007*\"incom\" + 0.007*\"florida\"\n", - "2019-01-31 01:34:31,261 : INFO : topic #46 (0.020): 0.017*\"sweden\" + 0.016*\"norwai\" + 0.016*\"stop\" + 0.015*\"swedish\" + 0.014*\"norwegian\" + 0.013*\"wind\" + 0.012*\"treeless\" + 0.012*\"damag\" + 0.010*\"huntsvil\" + 0.010*\"denmark\"\n", - "2019-01-31 01:34:31,262 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.008*\"woman\" + 0.007*\"human\" + 0.006*\"workplac\"\n", - "2019-01-31 01:34:31,268 : INFO : topic diff=0.003661, rho=0.020966\n", - "2019-01-31 01:34:31,429 : INFO : PROGRESS: pass 0, at document #4552000/4922894\n", - "2019-01-31 01:34:32,847 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:34:33,114 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.007*\"teufel\" + 0.007*\"govern\" + 0.006*\"pour\" + 0.006*\"militari\"\n", - "2019-01-31 01:34:33,115 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.012*\"david\" + 0.011*\"will\" + 0.011*\"jame\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"paul\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:34:33,116 : INFO : topic #43 (0.020): 0.064*\"elect\" + 0.054*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.014*\"report\" + 0.014*\"selma\" + 0.014*\"bypass\"\n", - "2019-01-31 01:34:33,117 : INFO : topic #17 (0.020): 0.080*\"church\" + 0.023*\"christian\" + 0.022*\"cathol\" + 0.022*\"bishop\" + 0.017*\"sail\" + 0.016*\"retroflex\" + 0.010*\"relationship\" + 0.010*\"historiographi\" + 0.010*\"poll\" + 0.009*\"cathedr\"\n", - "2019-01-31 01:34:33,118 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.030*\"perceptu\" + 0.019*\"compos\" + 0.019*\"theater\" + 0.017*\"place\" + 0.015*\"physician\" + 0.015*\"damn\" + 0.013*\"orchestr\" + 0.013*\"olympo\" + 0.011*\"son\"\n", - "2019-01-31 01:34:33,124 : INFO : topic diff=0.003049, rho=0.020961\n", - "2019-01-31 01:34:33,284 : INFO : PROGRESS: pass 0, at document #4554000/4922894\n", - "2019-01-31 01:34:34,680 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:34:34,947 : INFO : topic #34 (0.020): 0.066*\"start\" + 0.033*\"new\" + 0.031*\"american\" + 0.029*\"unionist\" + 0.026*\"cotton\" + 0.022*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:34:34,948 : INFO : topic #31 (0.020): 0.051*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.022*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.014*\"leagu\" + 0.011*\"folei\" + 0.011*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:34:34,949 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.017*\"factor\" + 0.012*\"plaisir\" + 0.010*\"genu\" + 0.010*\"western\" + 0.008*\"median\" + 0.008*\"biom\" + 0.007*\"trap\" + 0.007*\"incom\" + 0.007*\"florida\"\n", - "2019-01-31 01:34:34,950 : INFO : topic #35 (0.020): 0.056*\"russia\" + 0.039*\"sovereignti\" + 0.034*\"rural\" + 0.025*\"poison\" + 0.025*\"personifi\" + 0.024*\"reprint\" + 0.020*\"moscow\" + 0.018*\"poland\" + 0.015*\"unfortun\" + 0.014*\"tyrant\"\n", - "2019-01-31 01:34:34,951 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.010*\"prognosi\" + 0.009*\"pop\" + 0.009*\"cytokin\" + 0.008*\"develop\" + 0.008*\"diggin\" + 0.008*\"softwar\" + 0.008*\"user\" + 0.008*\"uruguayan\" + 0.007*\"includ\"\n", - "2019-01-31 01:34:34,957 : INFO : topic diff=0.003596, rho=0.020956\n", - "2019-01-31 01:34:35,107 : INFO : PROGRESS: pass 0, at document #4556000/4922894\n", - "2019-01-31 01:34:36,430 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:34:36,696 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.010*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.009*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.007*\"uruguayan\"\n", - "2019-01-31 01:34:36,697 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.030*\"perceptu\" + 0.019*\"theater\" + 0.019*\"compos\" + 0.017*\"place\" + 0.015*\"physician\" + 0.015*\"damn\" + 0.013*\"orchestr\" + 0.013*\"olympo\" + 0.011*\"son\"\n", - "2019-01-31 01:34:36,698 : INFO : topic #45 (0.020): 0.046*\"arsen\" + 0.030*\"jpg\" + 0.029*\"fifteenth\" + 0.029*\"museo\" + 0.021*\"pain\" + 0.020*\"illicit\" + 0.017*\"artist\" + 0.016*\"exhaust\" + 0.015*\"gai\" + 0.015*\"colder\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:34:36,699 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"word\" + 0.008*\"woman\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.006*\"workplac\"\n", - "2019-01-31 01:34:36,700 : INFO : topic #0 (0.020): 0.062*\"statewid\" + 0.041*\"line\" + 0.032*\"rivièr\" + 0.030*\"raid\" + 0.025*\"rosenwald\" + 0.020*\"airmen\" + 0.018*\"traceabl\" + 0.018*\"serv\" + 0.013*\"oper\" + 0.010*\"transient\"\n", - "2019-01-31 01:34:36,706 : INFO : topic diff=0.003217, rho=0.020952\n", - "2019-01-31 01:34:36,866 : INFO : PROGRESS: pass 0, at document #4558000/4922894\n", - "2019-01-31 01:34:38,242 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:34:38,508 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"word\" + 0.008*\"woman\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.006*\"workplac\"\n", - "2019-01-31 01:34:38,510 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"will\" + 0.012*\"deal\"\n", - "2019-01-31 01:34:38,511 : INFO : topic #48 (0.020): 0.079*\"march\" + 0.076*\"sens\" + 0.075*\"octob\" + 0.070*\"januari\" + 0.067*\"april\" + 0.066*\"notion\" + 0.066*\"august\" + 0.066*\"juli\" + 0.065*\"decatur\" + 0.064*\"judici\"\n", - "2019-01-31 01:34:38,511 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.035*\"leagu\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:34:38,513 : INFO : topic #9 (0.020): 0.073*\"bone\" + 0.047*\"american\" + 0.027*\"valour\" + 0.018*\"player\" + 0.018*\"folei\" + 0.018*\"dutch\" + 0.017*\"english\" + 0.017*\"polit\" + 0.013*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 01:34:38,519 : INFO : topic diff=0.003054, rho=0.020947\n", - "2019-01-31 01:34:41,191 : INFO : -11.745 per-word bound, 3432.3 perplexity estimate based on a held-out corpus of 2000 documents with 548948 words\n", - "2019-01-31 01:34:41,191 : INFO : PROGRESS: pass 0, at document #4560000/4922894\n", - "2019-01-31 01:34:42,556 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:34:42,822 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.017*\"factor\" + 0.012*\"plaisir\" + 0.011*\"genu\" + 0.010*\"western\" + 0.008*\"median\" + 0.008*\"biom\" + 0.007*\"trap\" + 0.007*\"incom\" + 0.007*\"florida\"\n", - "2019-01-31 01:34:42,823 : INFO : topic #35 (0.020): 0.056*\"russia\" + 0.039*\"sovereignti\" + 0.034*\"rural\" + 0.025*\"personifi\" + 0.025*\"poison\" + 0.025*\"reprint\" + 0.020*\"moscow\" + 0.018*\"poland\" + 0.015*\"unfortun\" + 0.015*\"tyrant\"\n", - "2019-01-31 01:34:42,824 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.021*\"requir\" + 0.020*\"collector\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"http\" + 0.011*\"degre\"\n", - "2019-01-31 01:34:42,825 : INFO : topic #17 (0.020): 0.080*\"church\" + 0.023*\"christian\" + 0.022*\"bishop\" + 0.022*\"cathol\" + 0.017*\"sail\" + 0.016*\"retroflex\" + 0.010*\"relationship\" + 0.010*\"historiographi\" + 0.009*\"poll\" + 0.009*\"cathedr\"\n", - "2019-01-31 01:34:42,827 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.010*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.009*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.007*\"uruguayan\"\n", - "2019-01-31 01:34:42,832 : INFO : topic diff=0.003177, rho=0.020943\n", - "2019-01-31 01:34:42,988 : INFO : PROGRESS: pass 0, at document #4562000/4922894\n", - "2019-01-31 01:34:44,357 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:34:44,623 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"word\" + 0.008*\"woman\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.006*\"workplac\"\n", - "2019-01-31 01:34:44,624 : INFO : topic #35 (0.020): 0.056*\"russia\" + 0.038*\"sovereignti\" + 0.035*\"rural\" + 0.025*\"personifi\" + 0.025*\"reprint\" + 0.025*\"poison\" + 0.020*\"moscow\" + 0.018*\"poland\" + 0.015*\"unfortun\" + 0.015*\"tyrant\"\n", - "2019-01-31 01:34:44,625 : INFO : topic #31 (0.020): 0.051*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.022*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.014*\"leagu\" + 0.011*\"folei\" + 0.011*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:34:44,627 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"prognosi\" + 0.009*\"pop\" + 0.009*\"cytokin\" + 0.008*\"develop\" + 0.008*\"diggin\" + 0.008*\"softwar\" + 0.008*\"uruguayan\" + 0.008*\"user\" + 0.007*\"includ\"\n", - "2019-01-31 01:34:44,628 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.039*\"shield\" + 0.018*\"narrat\" + 0.016*\"scot\" + 0.012*\"nativist\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.010*\"coalit\" + 0.010*\"fleet\" + 0.009*\"class\"\n", - "2019-01-31 01:34:44,633 : INFO : topic diff=0.003266, rho=0.020938\n", - "2019-01-31 01:34:44,790 : INFO : PROGRESS: pass 0, at document #4564000/4922894\n", - "2019-01-31 01:34:46,175 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:34:46,442 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.020*\"armi\" + 0.020*\"aggress\" + 0.020*\"walter\" + 0.018*\"com\" + 0.015*\"oper\" + 0.013*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.012*\"diversifi\"\n", - "2019-01-31 01:34:46,443 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.010*\"aza\" + 0.009*\"battalion\" + 0.009*\"forc\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.007*\"govern\" + 0.006*\"teufel\" + 0.006*\"militari\" + 0.006*\"pour\"\n", - "2019-01-31 01:34:46,444 : INFO : topic #46 (0.020): 0.017*\"stop\" + 0.016*\"sweden\" + 0.016*\"norwai\" + 0.015*\"swedish\" + 0.014*\"norwegian\" + 0.014*\"damag\" + 0.013*\"wind\" + 0.012*\"treeless\" + 0.011*\"huntsvil\" + 0.010*\"turkish\"\n", - "2019-01-31 01:34:46,445 : INFO : topic #33 (0.020): 0.059*\"french\" + 0.043*\"franc\" + 0.031*\"pari\" + 0.023*\"sail\" + 0.021*\"jean\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.011*\"piec\" + 0.011*\"loui\" + 0.009*\"wine\"\n", - "2019-01-31 01:34:46,446 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.006*\"gener\" + 0.006*\"poet\" + 0.006*\"servitud\" + 0.006*\"southern\" + 0.006*\"method\" + 0.006*\"exampl\" + 0.006*\"utopian\" + 0.006*\"measur\"\n", - "2019-01-31 01:34:46,452 : INFO : topic diff=0.003177, rho=0.020934\n", - "2019-01-31 01:34:46,616 : INFO : PROGRESS: pass 0, at document #4566000/4922894\n", - "2019-01-31 01:34:48,031 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:34:48,298 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"end\" + 0.005*\"retrospect\" + 0.004*\"call\" + 0.004*\"kenworthi\"\n", - "2019-01-31 01:34:48,299 : INFO : topic #26 (0.020): 0.029*\"workplac\" + 0.028*\"champion\" + 0.025*\"woman\" + 0.024*\"men\" + 0.024*\"olymp\" + 0.021*\"medal\" + 0.020*\"alic\" + 0.020*\"event\" + 0.018*\"rainfal\" + 0.018*\"taxpay\"\n", - "2019-01-31 01:34:48,300 : INFO : topic #33 (0.020): 0.059*\"french\" + 0.043*\"franc\" + 0.031*\"pari\" + 0.023*\"sail\" + 0.021*\"jean\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.012*\"piec\" + 0.011*\"loui\" + 0.009*\"wine\"\n", - "2019-01-31 01:34:48,301 : INFO : topic #43 (0.020): 0.065*\"elect\" + 0.055*\"parti\" + 0.025*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.014*\"report\" + 0.014*\"selma\" + 0.014*\"bypass\"\n", - "2019-01-31 01:34:48,301 : INFO : topic #30 (0.020): 0.036*\"cleveland\" + 0.035*\"leagu\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:34:48,307 : INFO : topic diff=0.004027, rho=0.020929\n", - "2019-01-31 01:34:48,467 : INFO : PROGRESS: pass 0, at document #4568000/4922894\n", - "2019-01-31 01:34:49,856 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:34:50,122 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.025*\"offic\" + 0.025*\"nation\" + 0.024*\"minist\" + 0.023*\"govern\" + 0.021*\"member\" + 0.018*\"start\" + 0.016*\"gener\" + 0.015*\"serv\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:34:50,123 : INFO : topic #7 (0.020): 0.022*\"snatch\" + 0.019*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"will\" + 0.012*\"deal\"\n", - "2019-01-31 01:34:50,125 : INFO : topic #49 (0.020): 0.041*\"india\" + 0.031*\"incumb\" + 0.013*\"islam\" + 0.013*\"anglo\" + 0.012*\"pakistan\" + 0.012*\"televis\" + 0.010*\"khalsa\" + 0.010*\"muskoge\" + 0.010*\"affection\" + 0.010*\"sri\"\n", - "2019-01-31 01:34:50,126 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.039*\"shield\" + 0.018*\"narrat\" + 0.016*\"scot\" + 0.012*\"pope\" + 0.012*\"nativist\" + 0.012*\"blur\" + 0.010*\"coalit\" + 0.009*\"class\" + 0.009*\"fleet\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:34:50,127 : INFO : topic #45 (0.020): 0.047*\"arsen\" + 0.031*\"jpg\" + 0.029*\"fifteenth\" + 0.028*\"museo\" + 0.021*\"pain\" + 0.020*\"illicit\" + 0.017*\"artist\" + 0.016*\"exhaust\" + 0.015*\"gai\" + 0.015*\"colder\"\n", - "2019-01-31 01:34:50,133 : INFO : topic diff=0.003309, rho=0.020924\n", - "2019-01-31 01:34:50,290 : INFO : PROGRESS: pass 0, at document #4570000/4922894\n", - "2019-01-31 01:34:51,668 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:34:51,935 : INFO : topic #44 (0.020): 0.029*\"rooftop\" + 0.025*\"final\" + 0.023*\"wife\" + 0.021*\"tourist\" + 0.018*\"champion\" + 0.015*\"martin\" + 0.015*\"taxpay\" + 0.014*\"chamber\" + 0.013*\"tiepolo\" + 0.012*\"women\"\n", - "2019-01-31 01:34:51,936 : INFO : topic #34 (0.020): 0.066*\"start\" + 0.033*\"new\" + 0.031*\"american\" + 0.029*\"unionist\" + 0.026*\"cotton\" + 0.022*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:34:51,937 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.039*\"shield\" + 0.018*\"narrat\" + 0.016*\"scot\" + 0.012*\"pope\" + 0.012*\"nativist\" + 0.012*\"blur\" + 0.010*\"coalit\" + 0.009*\"class\" + 0.009*\"fleet\"\n", - "2019-01-31 01:34:51,938 : INFO : topic #49 (0.020): 0.041*\"india\" + 0.031*\"incumb\" + 0.013*\"islam\" + 0.013*\"pakistan\" + 0.012*\"anglo\" + 0.012*\"televis\" + 0.010*\"khalsa\" + 0.010*\"muskoge\" + 0.010*\"affection\" + 0.010*\"sri\"\n", - "2019-01-31 01:34:51,939 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.048*\"chilton\" + 0.024*\"kong\" + 0.023*\"hong\" + 0.021*\"korea\" + 0.018*\"korean\" + 0.016*\"leah\" + 0.016*\"sourc\" + 0.014*\"kim\" + 0.013*\"shirin\"\n", - "2019-01-31 01:34:51,944 : INFO : topic diff=0.003055, rho=0.020920\n", - "2019-01-31 01:34:52,103 : INFO : PROGRESS: pass 0, at document #4572000/4922894\n", - "2019-01-31 01:34:53,499 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:34:53,765 : INFO : topic #27 (0.020): 0.075*\"questionnair\" + 0.019*\"candid\" + 0.018*\"taxpay\" + 0.014*\"tornado\" + 0.012*\"driver\" + 0.012*\"fool\" + 0.012*\"ret\" + 0.011*\"find\" + 0.010*\"squatter\" + 0.010*\"landslid\"\n", - "2019-01-31 01:34:53,766 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.039*\"shield\" + 0.018*\"narrat\" + 0.016*\"scot\" + 0.012*\"pope\" + 0.012*\"nativist\" + 0.012*\"blur\" + 0.010*\"coalit\" + 0.009*\"class\" + 0.009*\"fleet\"\n", - "2019-01-31 01:34:53,767 : INFO : topic #42 (0.020): 0.048*\"german\" + 0.031*\"germani\" + 0.016*\"vol\" + 0.016*\"jewish\" + 0.015*\"israel\" + 0.015*\"berlin\" + 0.014*\"der\" + 0.010*\"isra\" + 0.009*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:34:53,768 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.045*\"popolo\" + 0.042*\"vigour\" + 0.034*\"tortur\" + 0.033*\"cotton\" + 0.023*\"adulthood\" + 0.022*\"area\" + 0.022*\"multitud\" + 0.020*\"cede\" + 0.018*\"citi\"\n", - "2019-01-31 01:34:53,769 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.010*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.009*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"ancestor\"\n", - "2019-01-31 01:34:53,775 : INFO : topic diff=0.004102, rho=0.020915\n", - "2019-01-31 01:34:53,986 : INFO : PROGRESS: pass 0, at document #4574000/4922894\n", - "2019-01-31 01:34:55,374 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:34:55,640 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.048*\"chilton\" + 0.023*\"kong\" + 0.023*\"hong\" + 0.020*\"korea\" + 0.018*\"korean\" + 0.016*\"leah\" + 0.015*\"sourc\" + 0.014*\"kim\" + 0.012*\"shirin\"\n", - "2019-01-31 01:34:55,641 : INFO : topic #41 (0.020): 0.042*\"citi\" + 0.024*\"palmer\" + 0.019*\"new\" + 0.018*\"strategist\" + 0.013*\"open\" + 0.013*\"center\" + 0.011*\"includ\" + 0.011*\"lobe\" + 0.011*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:34:55,642 : INFO : topic #0 (0.020): 0.063*\"statewid\" + 0.041*\"line\" + 0.032*\"rivièr\" + 0.030*\"raid\" + 0.025*\"rosenwald\" + 0.020*\"airmen\" + 0.018*\"serv\" + 0.018*\"traceabl\" + 0.013*\"oper\" + 0.010*\"transient\"\n", - "2019-01-31 01:34:55,643 : INFO : topic #30 (0.020): 0.035*\"leagu\" + 0.035*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:34:55,644 : INFO : topic #35 (0.020): 0.057*\"russia\" + 0.038*\"sovereignti\" + 0.034*\"rural\" + 0.026*\"poison\" + 0.025*\"reprint\" + 0.025*\"personifi\" + 0.020*\"moscow\" + 0.018*\"poland\" + 0.015*\"unfortun\" + 0.015*\"tyrant\"\n", - "2019-01-31 01:34:55,649 : INFO : topic diff=0.002974, rho=0.020911\n", - "2019-01-31 01:34:55,805 : INFO : PROGRESS: pass 0, at document #4576000/4922894\n", - "2019-01-31 01:34:57,181 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:34:57,447 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.018*\"area\" + 0.018*\"lagrang\" + 0.017*\"warmth\" + 0.015*\"mount\" + 0.010*\"north\" + 0.009*\"land\" + 0.009*\"sourc\" + 0.008*\"lobe\" + 0.008*\"palmer\"\n", - "2019-01-31 01:34:57,448 : INFO : topic #35 (0.020): 0.057*\"russia\" + 0.038*\"sovereignti\" + 0.034*\"rural\" + 0.025*\"reprint\" + 0.025*\"poison\" + 0.025*\"personifi\" + 0.020*\"moscow\" + 0.018*\"poland\" + 0.015*\"unfortun\" + 0.015*\"tyrant\"\n", - "2019-01-31 01:34:57,449 : INFO : topic #17 (0.020): 0.080*\"church\" + 0.023*\"christian\" + 0.022*\"cathol\" + 0.022*\"bishop\" + 0.016*\"sail\" + 0.016*\"retroflex\" + 0.010*\"relationship\" + 0.010*\"historiographi\" + 0.009*\"cathedr\" + 0.009*\"poll\"\n", - "2019-01-31 01:34:57,450 : INFO : topic #30 (0.020): 0.035*\"leagu\" + 0.035*\"cleveland\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:34:57,451 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.056*\"parti\" + 0.025*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.014*\"report\" + 0.014*\"bypass\" + 0.014*\"selma\"\n", - "2019-01-31 01:34:57,457 : INFO : topic diff=0.003470, rho=0.020906\n", - "2019-01-31 01:34:57,614 : INFO : PROGRESS: pass 0, at document #4578000/4922894\n", - "2019-01-31 01:34:58,984 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:34:59,251 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.018*\"area\" + 0.017*\"lagrang\" + 0.017*\"warmth\" + 0.015*\"mount\" + 0.010*\"north\" + 0.009*\"land\" + 0.009*\"sourc\" + 0.008*\"lobe\" + 0.008*\"palmer\"\n", - "2019-01-31 01:34:59,252 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.022*\"spain\" + 0.017*\"del\" + 0.016*\"italian\" + 0.016*\"mexico\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"lizard\" + 0.010*\"francisco\"\n", - "2019-01-31 01:34:59,253 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.012*\"david\" + 0.011*\"will\" + 0.011*\"jame\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"paul\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:34:59,254 : INFO : topic #28 (0.020): 0.035*\"build\" + 0.030*\"hous\" + 0.019*\"buford\" + 0.014*\"histor\" + 0.012*\"linear\" + 0.011*\"depress\" + 0.011*\"centuri\" + 0.011*\"silicon\" + 0.011*\"constitut\" + 0.010*\"pistol\"\n", - "2019-01-31 01:34:59,254 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.045*\"popolo\" + 0.042*\"vigour\" + 0.034*\"tortur\" + 0.033*\"cotton\" + 0.023*\"adulthood\" + 0.022*\"area\" + 0.022*\"multitud\" + 0.020*\"cede\" + 0.018*\"citi\"\n", - "2019-01-31 01:34:59,260 : INFO : topic diff=0.003281, rho=0.020901\n", - "2019-01-31 01:35:01,933 : INFO : -11.547 per-word bound, 2992.5 perplexity estimate based on a held-out corpus of 2000 documents with 547904 words\n", - "2019-01-31 01:35:01,933 : INFO : PROGRESS: pass 0, at document #4580000/4922894\n", - "2019-01-31 01:35:03,305 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:35:03,572 : INFO : topic #31 (0.020): 0.051*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.022*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.014*\"leagu\" + 0.011*\"folei\" + 0.011*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:35:03,573 : INFO : topic #9 (0.020): 0.077*\"bone\" + 0.047*\"american\" + 0.026*\"valour\" + 0.019*\"folei\" + 0.018*\"player\" + 0.018*\"dutch\" + 0.017*\"english\" + 0.017*\"polit\" + 0.013*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 01:35:03,574 : INFO : topic #16 (0.020): 0.057*\"king\" + 0.032*\"priest\" + 0.021*\"rotterdam\" + 0.018*\"duke\" + 0.018*\"idiosyncrat\" + 0.017*\"grammat\" + 0.016*\"quarterli\" + 0.014*\"kingdom\" + 0.013*\"portugues\" + 0.012*\"princ\"\n", - "2019-01-31 01:35:03,575 : INFO : topic #24 (0.020): 0.040*\"book\" + 0.036*\"publicis\" + 0.025*\"word\" + 0.020*\"new\" + 0.015*\"presid\" + 0.015*\"edit\" + 0.011*\"magazin\" + 0.011*\"author\" + 0.011*\"nicola\" + 0.011*\"storag\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:35:03,576 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.021*\"aggress\" + 0.021*\"armi\" + 0.019*\"walter\" + 0.018*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:35:03,582 : INFO : topic diff=0.002793, rho=0.020897\n", - "2019-01-31 01:35:03,741 : INFO : PROGRESS: pass 0, at document #4582000/4922894\n", - "2019-01-31 01:35:05,120 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:35:05,386 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.017*\"factor\" + 0.012*\"plaisir\" + 0.011*\"genu\" + 0.010*\"western\" + 0.008*\"median\" + 0.008*\"biom\" + 0.008*\"trap\" + 0.007*\"incom\" + 0.006*\"florida\"\n", - "2019-01-31 01:35:05,387 : INFO : topic #45 (0.020): 0.047*\"arsen\" + 0.031*\"jpg\" + 0.029*\"museo\" + 0.029*\"fifteenth\" + 0.021*\"pain\" + 0.020*\"illicit\" + 0.017*\"artist\" + 0.016*\"exhaust\" + 0.016*\"gai\" + 0.015*\"colder\"\n", - "2019-01-31 01:35:05,388 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.006*\"poet\" + 0.006*\"gener\" + 0.006*\"servitud\" + 0.006*\"exampl\" + 0.006*\"measur\" + 0.006*\"method\" + 0.006*\"utopian\" + 0.006*\"southern\"\n", - "2019-01-31 01:35:05,389 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.021*\"aggress\" + 0.021*\"armi\" + 0.019*\"walter\" + 0.018*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:35:05,390 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.070*\"best\" + 0.036*\"yawn\" + 0.029*\"jacksonvil\" + 0.024*\"japanes\" + 0.022*\"noll\" + 0.019*\"women\" + 0.018*\"intern\" + 0.018*\"festiv\" + 0.014*\"prison\"\n", - "2019-01-31 01:35:05,396 : INFO : topic diff=0.003381, rho=0.020892\n", - "2019-01-31 01:35:05,555 : INFO : PROGRESS: pass 0, at document #4584000/4922894\n", - "2019-01-31 01:35:06,947 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:35:07,213 : INFO : topic #13 (0.020): 0.026*\"australia\" + 0.026*\"london\" + 0.025*\"sourc\" + 0.025*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.020*\"british\" + 0.018*\"ireland\" + 0.014*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:35:07,214 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.006*\"poet\" + 0.006*\"gener\" + 0.006*\"exampl\" + 0.006*\"servitud\" + 0.006*\"measur\" + 0.006*\"method\" + 0.006*\"utopian\" + 0.006*\"southern\"\n", - "2019-01-31 01:35:07,215 : INFO : topic #34 (0.020): 0.066*\"start\" + 0.033*\"new\" + 0.031*\"american\" + 0.029*\"unionist\" + 0.026*\"cotton\" + 0.022*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.011*\"north\"\n", - "2019-01-31 01:35:07,216 : INFO : topic #10 (0.020): 0.010*\"cdd\" + 0.009*\"media\" + 0.008*\"disco\" + 0.007*\"have\" + 0.007*\"pathwai\" + 0.007*\"hormon\" + 0.007*\"proper\" + 0.007*\"caus\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 01:35:07,218 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:35:07,223 : INFO : topic diff=0.003149, rho=0.020888\n", - "2019-01-31 01:35:07,379 : INFO : PROGRESS: pass 0, at document #4586000/4922894\n", - "2019-01-31 01:35:08,751 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:35:09,019 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.016*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.012*\"nativist\" + 0.010*\"coalit\" + 0.010*\"fleet\" + 0.010*\"class\"\n", - "2019-01-31 01:35:09,020 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.021*\"aggress\" + 0.021*\"armi\" + 0.019*\"walter\" + 0.018*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:35:09,021 : INFO : topic #13 (0.020): 0.026*\"australia\" + 0.025*\"sourc\" + 0.025*\"london\" + 0.025*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.020*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:35:09,022 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.011*\"david\" + 0.011*\"will\" + 0.011*\"jame\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"paul\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:35:09,023 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.022*\"spain\" + 0.017*\"mexico\" + 0.017*\"del\" + 0.016*\"italian\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.010*\"lizard\" + 0.010*\"francisco\"\n", - "2019-01-31 01:35:09,028 : INFO : topic diff=0.003194, rho=0.020883\n", - "2019-01-31 01:35:09,187 : INFO : PROGRESS: pass 0, at document #4588000/4922894\n", - "2019-01-31 01:35:10,564 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:35:10,830 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"will\" + 0.012*\"deal\"\n", - "2019-01-31 01:35:10,831 : INFO : topic #33 (0.020): 0.060*\"french\" + 0.043*\"franc\" + 0.031*\"pari\" + 0.023*\"sail\" + 0.022*\"jean\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.012*\"piec\" + 0.012*\"loui\" + 0.009*\"wine\"\n", - "2019-01-31 01:35:10,833 : INFO : topic #6 (0.020): 0.069*\"fewer\" + 0.023*\"epiru\" + 0.019*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.011*\"acrimoni\" + 0.010*\"movi\"\n", - "2019-01-31 01:35:10,834 : INFO : topic #20 (0.020): 0.145*\"scholar\" + 0.039*\"struggl\" + 0.032*\"high\" + 0.030*\"educ\" + 0.024*\"collector\" + 0.018*\"yawn\" + 0.012*\"prognosi\" + 0.011*\"district\" + 0.010*\"gothic\" + 0.010*\"task\"\n", - "2019-01-31 01:35:10,835 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.022*\"requir\" + 0.020*\"collector\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"governor\" + 0.011*\"degre\"\n", - "2019-01-31 01:35:10,840 : INFO : topic diff=0.002834, rho=0.020879\n", - "2019-01-31 01:35:10,998 : INFO : PROGRESS: pass 0, at document #4590000/4922894\n", - "2019-01-31 01:35:12,397 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:35:12,663 : INFO : topic #48 (0.020): 0.080*\"march\" + 0.077*\"sens\" + 0.077*\"octob\" + 0.071*\"januari\" + 0.069*\"april\" + 0.069*\"juli\" + 0.068*\"august\" + 0.068*\"notion\" + 0.066*\"decatur\" + 0.066*\"judici\"\n", - "2019-01-31 01:35:12,664 : INFO : topic #45 (0.020): 0.047*\"arsen\" + 0.030*\"jpg\" + 0.030*\"museo\" + 0.028*\"fifteenth\" + 0.022*\"pain\" + 0.020*\"illicit\" + 0.017*\"artist\" + 0.016*\"exhaust\" + 0.016*\"gai\" + 0.015*\"colder\"\n", - "2019-01-31 01:35:12,665 : INFO : topic #9 (0.020): 0.076*\"bone\" + 0.047*\"american\" + 0.026*\"valour\" + 0.019*\"folei\" + 0.018*\"dutch\" + 0.018*\"player\" + 0.017*\"english\" + 0.017*\"polit\" + 0.013*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:35:12,666 : INFO : topic #23 (0.020): 0.136*\"audit\" + 0.069*\"best\" + 0.036*\"yawn\" + 0.029*\"jacksonvil\" + 0.025*\"japanes\" + 0.021*\"noll\" + 0.019*\"women\" + 0.018*\"intern\" + 0.018*\"festiv\" + 0.015*\"prison\"\n", - "2019-01-31 01:35:12,667 : INFO : topic #4 (0.020): 0.020*\"enfranchis\" + 0.014*\"depress\" + 0.014*\"pour\" + 0.008*\"uruguayan\" + 0.008*\"mode\" + 0.008*\"elabor\" + 0.007*\"veget\" + 0.007*\"turn\" + 0.006*\"teratogen\" + 0.006*\"stanc\"\n", - "2019-01-31 01:35:12,673 : INFO : topic diff=0.002706, rho=0.020874\n", - "2019-01-31 01:35:12,831 : INFO : PROGRESS: pass 0, at document #4592000/4922894\n", - "2019-01-31 01:35:14,204 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:35:14,470 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.045*\"popolo\" + 0.042*\"vigour\" + 0.035*\"tortur\" + 0.032*\"cotton\" + 0.023*\"adulthood\" + 0.022*\"area\" + 0.022*\"multitud\" + 0.020*\"cede\" + 0.018*\"citi\"\n", - "2019-01-31 01:35:14,471 : INFO : topic #26 (0.020): 0.029*\"workplac\" + 0.028*\"champion\" + 0.026*\"woman\" + 0.025*\"olymp\" + 0.024*\"men\" + 0.021*\"medal\" + 0.020*\"event\" + 0.019*\"alic\" + 0.018*\"taxpay\" + 0.018*\"rainfal\"\n", - "2019-01-31 01:35:14,472 : INFO : topic #39 (0.020): 0.059*\"canada\" + 0.046*\"canadian\" + 0.023*\"toronto\" + 0.023*\"hoar\" + 0.023*\"ontario\" + 0.016*\"hydrogen\" + 0.015*\"novotná\" + 0.015*\"new\" + 0.014*\"misericordia\" + 0.013*\"quebec\"\n", - "2019-01-31 01:35:14,473 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"woman\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.007*\"human\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:35:14,474 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.017*\"factor\" + 0.012*\"plaisir\" + 0.010*\"genu\" + 0.010*\"western\" + 0.008*\"biom\" + 0.008*\"median\" + 0.007*\"trap\" + 0.007*\"incom\" + 0.006*\"florida\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:35:14,480 : INFO : topic diff=0.003560, rho=0.020870\n", - "2019-01-31 01:35:14,636 : INFO : PROGRESS: pass 0, at document #4594000/4922894\n", - "2019-01-31 01:35:15,990 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:35:16,256 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.022*\"spain\" + 0.017*\"mexico\" + 0.017*\"del\" + 0.017*\"italian\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.010*\"lizard\" + 0.010*\"francisco\"\n", - "2019-01-31 01:35:16,257 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.021*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.019*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.013*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:35:16,258 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.031*\"perceptu\" + 0.020*\"theater\" + 0.018*\"compos\" + 0.017*\"place\" + 0.016*\"damn\" + 0.014*\"physician\" + 0.013*\"olympo\" + 0.013*\"orchestr\" + 0.011*\"son\"\n", - "2019-01-31 01:35:16,259 : INFO : topic #41 (0.020): 0.042*\"citi\" + 0.024*\"palmer\" + 0.020*\"new\" + 0.017*\"strategist\" + 0.013*\"open\" + 0.013*\"center\" + 0.011*\"lobe\" + 0.011*\"includ\" + 0.011*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:35:16,261 : INFO : topic #27 (0.020): 0.076*\"questionnair\" + 0.019*\"candid\" + 0.018*\"taxpay\" + 0.013*\"tornado\" + 0.012*\"driver\" + 0.012*\"fool\" + 0.011*\"ret\" + 0.011*\"find\" + 0.010*\"landslid\" + 0.010*\"squatter\"\n", - "2019-01-31 01:35:16,266 : INFO : topic diff=0.003182, rho=0.020865\n", - "2019-01-31 01:35:16,420 : INFO : PROGRESS: pass 0, at document #4596000/4922894\n", - "2019-01-31 01:35:17,766 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:35:18,032 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.055*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.014*\"selma\" + 0.014*\"bypass\" + 0.014*\"report\"\n", - "2019-01-31 01:35:18,033 : INFO : topic #1 (0.020): 0.057*\"china\" + 0.049*\"chilton\" + 0.023*\"kong\" + 0.023*\"hong\" + 0.021*\"korea\" + 0.018*\"korean\" + 0.016*\"leah\" + 0.015*\"sourc\" + 0.014*\"kim\" + 0.013*\"shirin\"\n", - "2019-01-31 01:35:18,034 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.044*\"franc\" + 0.030*\"pari\" + 0.023*\"sail\" + 0.022*\"jean\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.012*\"piec\" + 0.012*\"loui\" + 0.010*\"wreath\"\n", - "2019-01-31 01:35:18,035 : INFO : topic #13 (0.020): 0.026*\"australia\" + 0.026*\"sourc\" + 0.025*\"london\" + 0.025*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:35:18,036 : INFO : topic #21 (0.020): 0.035*\"samford\" + 0.022*\"spain\" + 0.017*\"mexico\" + 0.017*\"del\" + 0.017*\"italian\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"francisco\" + 0.010*\"carlo\"\n", - "2019-01-31 01:35:18,042 : INFO : topic diff=0.003279, rho=0.020861\n", - "2019-01-31 01:35:18,208 : INFO : PROGRESS: pass 0, at document #4598000/4922894\n", - "2019-01-31 01:35:19,622 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:35:19,888 : INFO : topic #9 (0.020): 0.076*\"bone\" + 0.046*\"american\" + 0.026*\"valour\" + 0.019*\"folei\" + 0.019*\"dutch\" + 0.018*\"player\" + 0.017*\"english\" + 0.017*\"polit\" + 0.012*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 01:35:19,889 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.011*\"david\" + 0.011*\"jame\" + 0.011*\"will\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"paul\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:35:19,890 : INFO : topic #13 (0.020): 0.026*\"australia\" + 0.025*\"sourc\" + 0.025*\"london\" + 0.025*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:35:19,891 : INFO : topic #34 (0.020): 0.066*\"start\" + 0.033*\"new\" + 0.031*\"american\" + 0.029*\"unionist\" + 0.027*\"cotton\" + 0.022*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"north\" + 0.012*\"terri\"\n", - "2019-01-31 01:35:19,892 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.022*\"requir\" + 0.020*\"collector\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"governor\" + 0.011*\"degre\"\n", - "2019-01-31 01:35:19,898 : INFO : topic diff=0.003189, rho=0.020856\n", - "2019-01-31 01:35:22,686 : INFO : -11.689 per-word bound, 3302.6 perplexity estimate based on a held-out corpus of 2000 documents with 598140 words\n", - "2019-01-31 01:35:22,687 : INFO : PROGRESS: pass 0, at document #4600000/4922894\n", - "2019-01-31 01:35:24,102 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:35:24,369 : INFO : topic #45 (0.020): 0.048*\"arsen\" + 0.031*\"museo\" + 0.030*\"jpg\" + 0.028*\"fifteenth\" + 0.022*\"pain\" + 0.020*\"illicit\" + 0.017*\"artist\" + 0.016*\"exhaust\" + 0.016*\"gai\" + 0.015*\"colder\"\n", - "2019-01-31 01:35:24,370 : INFO : topic #28 (0.020): 0.035*\"build\" + 0.031*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.012*\"linear\" + 0.011*\"depress\" + 0.011*\"centuri\" + 0.011*\"silicon\" + 0.011*\"constitut\" + 0.010*\"pistol\"\n", - "2019-01-31 01:35:24,371 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.019*\"area\" + 0.017*\"lagrang\" + 0.017*\"warmth\" + 0.015*\"mount\" + 0.010*\"north\" + 0.009*\"land\" + 0.009*\"sourc\" + 0.009*\"palmer\" + 0.008*\"lobe\"\n", - "2019-01-31 01:35:24,372 : INFO : topic #48 (0.020): 0.079*\"march\" + 0.078*\"sens\" + 0.077*\"octob\" + 0.071*\"januari\" + 0.069*\"april\" + 0.069*\"juli\" + 0.069*\"august\" + 0.068*\"notion\" + 0.066*\"judici\" + 0.066*\"decatur\"\n", - "2019-01-31 01:35:24,373 : INFO : topic #26 (0.020): 0.029*\"workplac\" + 0.028*\"champion\" + 0.025*\"woman\" + 0.024*\"olymp\" + 0.024*\"men\" + 0.022*\"alic\" + 0.021*\"medal\" + 0.020*\"event\" + 0.018*\"rainfal\" + 0.018*\"taxpay\"\n", - "2019-01-31 01:35:24,379 : INFO : topic diff=0.003067, rho=0.020851\n", - "2019-01-31 01:35:24,537 : INFO : PROGRESS: pass 0, at document #4602000/4922894\n", - "2019-01-31 01:35:25,897 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:35:26,163 : INFO : topic #27 (0.020): 0.076*\"questionnair\" + 0.020*\"candid\" + 0.017*\"taxpay\" + 0.013*\"tornado\" + 0.012*\"driver\" + 0.012*\"fool\" + 0.011*\"find\" + 0.011*\"ret\" + 0.010*\"landslid\" + 0.010*\"squatter\"\n", - "2019-01-31 01:35:26,164 : INFO : topic #9 (0.020): 0.075*\"bone\" + 0.046*\"american\" + 0.026*\"valour\" + 0.020*\"folei\" + 0.019*\"dutch\" + 0.018*\"player\" + 0.017*\"english\" + 0.017*\"polit\" + 0.012*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 01:35:26,165 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.023*\"cortic\" + 0.018*\"start\" + 0.016*\"act\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.009*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 01:35:26,166 : INFO : topic #48 (0.020): 0.079*\"march\" + 0.078*\"sens\" + 0.077*\"octob\" + 0.071*\"januari\" + 0.069*\"juli\" + 0.069*\"august\" + 0.069*\"april\" + 0.068*\"notion\" + 0.067*\"judici\" + 0.066*\"decatur\"\n", - "2019-01-31 01:35:26,167 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.045*\"popolo\" + 0.042*\"vigour\" + 0.034*\"tortur\" + 0.032*\"cotton\" + 0.023*\"adulthood\" + 0.022*\"area\" + 0.022*\"multitud\" + 0.020*\"cede\" + 0.018*\"citi\"\n", - "2019-01-31 01:35:26,173 : INFO : topic diff=0.003019, rho=0.020847\n", - "2019-01-31 01:35:26,327 : INFO : PROGRESS: pass 0, at document #4604000/4922894\n", - "2019-01-31 01:35:27,697 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:35:27,963 : INFO : topic #48 (0.020): 0.079*\"march\" + 0.078*\"sens\" + 0.077*\"octob\" + 0.071*\"januari\" + 0.070*\"juli\" + 0.069*\"august\" + 0.069*\"april\" + 0.068*\"notion\" + 0.067*\"judici\" + 0.066*\"decatur\"\n", - "2019-01-31 01:35:27,964 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.026*\"final\" + 0.023*\"wife\" + 0.021*\"tourist\" + 0.018*\"champion\" + 0.016*\"martin\" + 0.014*\"taxpay\" + 0.014*\"chamber\" + 0.013*\"tiepolo\" + 0.012*\"winner\"\n", - "2019-01-31 01:35:27,966 : INFO : topic #10 (0.020): 0.010*\"cdd\" + 0.009*\"media\" + 0.008*\"disco\" + 0.007*\"have\" + 0.007*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 01:35:27,967 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.055*\"parti\" + 0.025*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.017*\"polici\" + 0.015*\"republ\" + 0.014*\"selma\" + 0.014*\"bypass\" + 0.014*\"report\"\n", - "2019-01-31 01:35:27,968 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.031*\"germani\" + 0.016*\"vol\" + 0.015*\"jewish\" + 0.015*\"israel\" + 0.015*\"berlin\" + 0.014*\"der\" + 0.009*\"isra\" + 0.009*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:35:27,973 : INFO : topic diff=0.002804, rho=0.020842\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:35:28,132 : INFO : PROGRESS: pass 0, at document #4606000/4922894\n", - "2019-01-31 01:35:29,514 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:35:29,780 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.023*\"cortic\" + 0.018*\"start\" + 0.016*\"act\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.009*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 01:35:29,781 : INFO : topic #41 (0.020): 0.042*\"citi\" + 0.024*\"palmer\" + 0.020*\"new\" + 0.017*\"strategist\" + 0.013*\"open\" + 0.013*\"center\" + 0.011*\"lobe\" + 0.011*\"includ\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:35:29,782 : INFO : topic #30 (0.020): 0.035*\"cleveland\" + 0.034*\"leagu\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.013*\"schmitz\"\n", - "2019-01-31 01:35:29,783 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.010*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"uruguayan\"\n", - "2019-01-31 01:35:29,784 : INFO : topic #46 (0.020): 0.017*\"stop\" + 0.015*\"sweden\" + 0.015*\"swedish\" + 0.014*\"norwai\" + 0.014*\"damag\" + 0.014*\"wind\" + 0.013*\"norwegian\" + 0.012*\"treeless\" + 0.011*\"huntsvil\" + 0.010*\"turkish\"\n", - "2019-01-31 01:35:29,790 : INFO : topic diff=0.002650, rho=0.020838\n", - "2019-01-31 01:35:30,005 : INFO : PROGRESS: pass 0, at document #4608000/4922894\n", - "2019-01-31 01:35:31,372 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:35:31,639 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.027*\"minist\" + 0.025*\"offic\" + 0.025*\"nation\" + 0.023*\"govern\" + 0.021*\"member\" + 0.018*\"start\" + 0.016*\"gener\" + 0.015*\"serv\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:35:31,640 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.038*\"shield\" + 0.017*\"narrat\" + 0.015*\"scot\" + 0.012*\"upturn\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.010*\"fleet\"\n", - "2019-01-31 01:35:31,641 : INFO : topic #7 (0.020): 0.022*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"faster\" + 0.013*\"life\" + 0.012*\"will\" + 0.012*\"deal\"\n", - "2019-01-31 01:35:31,642 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.036*\"publicis\" + 0.025*\"word\" + 0.020*\"new\" + 0.015*\"presid\" + 0.015*\"edit\" + 0.011*\"nicola\" + 0.011*\"magazin\" + 0.011*\"worldwid\" + 0.011*\"author\"\n", - "2019-01-31 01:35:31,643 : INFO : topic #27 (0.020): 0.076*\"questionnair\" + 0.020*\"candid\" + 0.017*\"taxpay\" + 0.013*\"tornado\" + 0.012*\"driver\" + 0.012*\"fool\" + 0.011*\"find\" + 0.011*\"ret\" + 0.010*\"squatter\" + 0.010*\"landslid\"\n", - "2019-01-31 01:35:31,649 : INFO : topic diff=0.003006, rho=0.020833\n", - "2019-01-31 01:35:31,809 : INFO : PROGRESS: pass 0, at document #4610000/4922894\n", - "2019-01-31 01:35:33,211 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:35:33,478 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.022*\"schuster\" + 0.022*\"institut\" + 0.021*\"requir\" + 0.020*\"collector\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"governor\" + 0.011*\"degre\"\n", - "2019-01-31 01:35:33,479 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.006*\"poet\" + 0.006*\"gener\" + 0.006*\"exampl\" + 0.006*\"servitud\" + 0.006*\"théori\" + 0.006*\"utopian\" + 0.006*\"method\" + 0.006*\"measur\"\n", - "2019-01-31 01:35:33,480 : INFO : topic #24 (0.020): 0.040*\"book\" + 0.036*\"publicis\" + 0.025*\"word\" + 0.020*\"new\" + 0.015*\"presid\" + 0.015*\"edit\" + 0.011*\"nicola\" + 0.011*\"magazin\" + 0.011*\"author\" + 0.011*\"storag\"\n", - "2019-01-31 01:35:33,481 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.025*\"final\" + 0.023*\"wife\" + 0.020*\"tourist\" + 0.019*\"champion\" + 0.016*\"martin\" + 0.014*\"taxpay\" + 0.014*\"chamber\" + 0.013*\"tiepolo\" + 0.012*\"women\"\n", - "2019-01-31 01:35:33,482 : INFO : topic #23 (0.020): 0.137*\"audit\" + 0.068*\"best\" + 0.036*\"yawn\" + 0.030*\"jacksonvil\" + 0.025*\"japanes\" + 0.021*\"noll\" + 0.019*\"women\" + 0.018*\"intern\" + 0.018*\"festiv\" + 0.014*\"prison\"\n", - "2019-01-31 01:35:33,488 : INFO : topic diff=0.003296, rho=0.020829\n", - "2019-01-31 01:35:33,649 : INFO : PROGRESS: pass 0, at document #4612000/4922894\n", - "2019-01-31 01:35:35,041 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:35:35,308 : INFO : topic #33 (0.020): 0.060*\"french\" + 0.044*\"franc\" + 0.030*\"pari\" + 0.023*\"sail\" + 0.022*\"jean\" + 0.016*\"daphn\" + 0.013*\"lazi\" + 0.012*\"piec\" + 0.011*\"loui\" + 0.010*\"wreath\"\n", - "2019-01-31 01:35:35,309 : INFO : topic #23 (0.020): 0.137*\"audit\" + 0.068*\"best\" + 0.035*\"yawn\" + 0.030*\"jacksonvil\" + 0.025*\"japanes\" + 0.021*\"noll\" + 0.019*\"women\" + 0.018*\"intern\" + 0.018*\"festiv\" + 0.014*\"prison\"\n", - "2019-01-31 01:35:35,310 : INFO : topic #13 (0.020): 0.026*\"australia\" + 0.026*\"london\" + 0.026*\"sourc\" + 0.025*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.020*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:35:35,311 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.008*\"woman\" + 0.007*\"human\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:35:35,312 : INFO : topic #26 (0.020): 0.030*\"workplac\" + 0.029*\"champion\" + 0.025*\"woman\" + 0.024*\"olymp\" + 0.024*\"men\" + 0.022*\"medal\" + 0.021*\"alic\" + 0.020*\"event\" + 0.018*\"taxpay\" + 0.018*\"rainfal\"\n", - "2019-01-31 01:35:35,318 : INFO : topic diff=0.003460, rho=0.020824\n", - "2019-01-31 01:35:35,475 : INFO : PROGRESS: pass 0, at document #4614000/4922894\n", - "2019-01-31 01:35:36,845 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:35:37,112 : INFO : topic #26 (0.020): 0.030*\"workplac\" + 0.029*\"champion\" + 0.025*\"woman\" + 0.024*\"olymp\" + 0.024*\"men\" + 0.022*\"medal\" + 0.021*\"alic\" + 0.020*\"event\" + 0.018*\"taxpay\" + 0.018*\"rainfal\"\n", - "2019-01-31 01:35:37,113 : INFO : topic #9 (0.020): 0.073*\"bone\" + 0.047*\"american\" + 0.026*\"valour\" + 0.019*\"folei\" + 0.019*\"dutch\" + 0.018*\"player\" + 0.017*\"english\" + 0.017*\"polit\" + 0.012*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 01:35:37,114 : INFO : topic #0 (0.020): 0.062*\"statewid\" + 0.040*\"line\" + 0.032*\"rivièr\" + 0.031*\"raid\" + 0.026*\"rosenwald\" + 0.021*\"airmen\" + 0.018*\"traceabl\" + 0.018*\"serv\" + 0.013*\"oper\" + 0.010*\"briarwood\"\n", - "2019-01-31 01:35:37,115 : INFO : topic #20 (0.020): 0.146*\"scholar\" + 0.040*\"struggl\" + 0.032*\"high\" + 0.030*\"educ\" + 0.024*\"collector\" + 0.018*\"yawn\" + 0.012*\"prognosi\" + 0.010*\"district\" + 0.010*\"gothic\" + 0.010*\"task\"\n", - "2019-01-31 01:35:37,116 : INFO : topic #46 (0.020): 0.017*\"stop\" + 0.016*\"sweden\" + 0.016*\"swedish\" + 0.015*\"norwai\" + 0.014*\"damag\" + 0.013*\"wind\" + 0.013*\"norwegian\" + 0.011*\"treeless\" + 0.011*\"huntsvil\" + 0.010*\"denmark\"\n", - "2019-01-31 01:35:37,122 : INFO : topic diff=0.002780, rho=0.020820\n", - "2019-01-31 01:35:37,278 : INFO : PROGRESS: pass 0, at document #4616000/4922894\n", - "2019-01-31 01:35:38,655 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:35:38,921 : INFO : topic #28 (0.020): 0.036*\"build\" + 0.030*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.012*\"depress\" + 0.011*\"linear\" + 0.011*\"centuri\" + 0.011*\"silicon\" + 0.011*\"constitut\" + 0.010*\"pistol\"\n", - "2019-01-31 01:35:38,922 : INFO : topic #47 (0.020): 0.066*\"muscl\" + 0.031*\"perceptu\" + 0.020*\"theater\" + 0.018*\"compos\" + 0.017*\"place\" + 0.015*\"damn\" + 0.013*\"physician\" + 0.013*\"orchestr\" + 0.013*\"olympo\" + 0.011*\"word\"\n", - "2019-01-31 01:35:38,923 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.026*\"rel\" + 0.025*\"reconstruct\" + 0.020*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.009*\"myspac\"\n", - "2019-01-31 01:35:38,925 : INFO : topic #10 (0.020): 0.010*\"cdd\" + 0.009*\"media\" + 0.008*\"disco\" + 0.008*\"have\" + 0.007*\"pathwai\" + 0.007*\"hormon\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 01:35:38,925 : INFO : topic #32 (0.020): 0.049*\"district\" + 0.046*\"popolo\" + 0.043*\"vigour\" + 0.034*\"tortur\" + 0.032*\"cotton\" + 0.023*\"adulthood\" + 0.022*\"area\" + 0.021*\"multitud\" + 0.020*\"cede\" + 0.018*\"citi\"\n", - "2019-01-31 01:35:38,931 : INFO : topic diff=0.002501, rho=0.020815\n", - "2019-01-31 01:35:39,091 : INFO : PROGRESS: pass 0, at document #4618000/4922894\n", - "2019-01-31 01:35:40,492 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:35:40,759 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.010*\"aza\" + 0.009*\"forc\" + 0.009*\"battalion\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.007*\"govern\" + 0.006*\"teufel\" + 0.006*\"militari\" + 0.006*\"pour\"\n", - "2019-01-31 01:35:40,760 : INFO : topic #45 (0.020): 0.047*\"arsen\" + 0.031*\"museo\" + 0.030*\"jpg\" + 0.028*\"fifteenth\" + 0.022*\"pain\" + 0.020*\"illicit\" + 0.017*\"artist\" + 0.016*\"exhaust\" + 0.016*\"gai\" + 0.015*\"colder\"\n", - "2019-01-31 01:35:40,762 : INFO : topic #4 (0.020): 0.019*\"enfranchis\" + 0.014*\"depress\" + 0.014*\"pour\" + 0.008*\"mode\" + 0.008*\"elabor\" + 0.008*\"uruguayan\" + 0.008*\"veget\" + 0.007*\"turn\" + 0.006*\"produc\" + 0.006*\"develop\"\n", - "2019-01-31 01:35:40,763 : INFO : topic #41 (0.020): 0.042*\"citi\" + 0.024*\"palmer\" + 0.020*\"new\" + 0.017*\"strategist\" + 0.013*\"open\" + 0.013*\"center\" + 0.011*\"lobe\" + 0.011*\"includ\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:35:40,764 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.027*\"minist\" + 0.025*\"nation\" + 0.024*\"offic\" + 0.023*\"govern\" + 0.021*\"member\" + 0.017*\"start\" + 0.016*\"gener\" + 0.015*\"serv\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:35:40,770 : INFO : topic diff=0.002865, rho=0.020811\n", - "2019-01-31 01:35:43,446 : INFO : -11.793 per-word bound, 3548.8 perplexity estimate based on a held-out corpus of 2000 documents with 539496 words\n", - "2019-01-31 01:35:43,446 : INFO : PROGRESS: pass 0, at document #4620000/4922894\n", - "2019-01-31 01:35:44,816 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:35:45,082 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.022*\"requir\" + 0.020*\"collector\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"governor\" + 0.011*\"degre\"\n", - "2019-01-31 01:35:45,084 : INFO : topic #0 (0.020): 0.062*\"statewid\" + 0.039*\"line\" + 0.031*\"rivièr\" + 0.031*\"raid\" + 0.026*\"rosenwald\" + 0.021*\"airmen\" + 0.018*\"traceabl\" + 0.018*\"serv\" + 0.013*\"oper\" + 0.010*\"briarwood\"\n", - "2019-01-31 01:35:45,085 : INFO : topic #26 (0.020): 0.030*\"workplac\" + 0.029*\"champion\" + 0.026*\"woman\" + 0.025*\"men\" + 0.024*\"olymp\" + 0.022*\"medal\" + 0.021*\"alic\" + 0.020*\"event\" + 0.018*\"taxpay\" + 0.018*\"rainfal\"\n", - "2019-01-31 01:35:45,086 : INFO : topic #33 (0.020): 0.060*\"french\" + 0.044*\"franc\" + 0.030*\"pari\" + 0.023*\"sail\" + 0.022*\"jean\" + 0.016*\"daphn\" + 0.013*\"lazi\" + 0.012*\"piec\" + 0.012*\"loui\" + 0.009*\"wine\"\n", - "2019-01-31 01:35:45,087 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.055*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.017*\"polici\" + 0.015*\"republ\" + 0.014*\"report\" + 0.014*\"bypass\" + 0.014*\"selma\"\n", - "2019-01-31 01:35:45,092 : INFO : topic diff=0.002813, rho=0.020806\n", - "2019-01-31 01:35:45,255 : INFO : PROGRESS: pass 0, at document #4622000/4922894\n", - "2019-01-31 01:35:46,673 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:35:46,939 : INFO : topic #13 (0.020): 0.026*\"australia\" + 0.026*\"sourc\" + 0.026*\"london\" + 0.025*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.020*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 01:35:46,940 : INFO : topic #42 (0.020): 0.048*\"german\" + 0.031*\"germani\" + 0.016*\"vol\" + 0.015*\"israel\" + 0.015*\"jewish\" + 0.014*\"berlin\" + 0.014*\"der\" + 0.009*\"european\" + 0.009*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:35:46,941 : INFO : topic #23 (0.020): 0.137*\"audit\" + 0.069*\"best\" + 0.035*\"yawn\" + 0.030*\"jacksonvil\" + 0.025*\"japanes\" + 0.021*\"noll\" + 0.019*\"women\" + 0.018*\"intern\" + 0.018*\"festiv\" + 0.014*\"prison\"\n", - "2019-01-31 01:35:46,942 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.026*\"rel\" + 0.025*\"reconstruct\" + 0.020*\"band\" + 0.017*\"muscl\" + 0.015*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:35:46,943 : INFO : topic #17 (0.020): 0.080*\"church\" + 0.024*\"cathol\" + 0.024*\"christian\" + 0.021*\"bishop\" + 0.016*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.010*\"historiographi\" + 0.009*\"cathedr\" + 0.009*\"poll\"\n", - "2019-01-31 01:35:46,949 : INFO : topic diff=0.003733, rho=0.020802\n", - "2019-01-31 01:35:47,108 : INFO : PROGRESS: pass 0, at document #4624000/4922894\n", - "2019-01-31 01:35:48,501 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:35:48,767 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.017*\"factor\" + 0.012*\"plaisir\" + 0.010*\"genu\" + 0.010*\"western\" + 0.008*\"biom\" + 0.008*\"median\" + 0.007*\"trap\" + 0.007*\"incom\" + 0.006*\"florida\"\n", - "2019-01-31 01:35:48,768 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.011*\"david\" + 0.011*\"jame\" + 0.011*\"will\" + 0.010*\"rival\" + 0.010*\"mexican–american\" + 0.008*\"paul\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:35:48,769 : INFO : topic #10 (0.020): 0.010*\"cdd\" + 0.009*\"media\" + 0.008*\"disco\" + 0.008*\"have\" + 0.007*\"pathwai\" + 0.007*\"hormon\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 01:35:48,770 : INFO : topic #40 (0.020): 0.086*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.022*\"requir\" + 0.020*\"collector\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"governor\" + 0.011*\"degre\"\n", - "2019-01-31 01:35:48,771 : INFO : topic #39 (0.020): 0.060*\"canada\" + 0.047*\"canadian\" + 0.024*\"toronto\" + 0.023*\"hoar\" + 0.022*\"ontario\" + 0.016*\"misericordia\" + 0.015*\"novotná\" + 0.015*\"hydrogen\" + 0.014*\"new\" + 0.014*\"quebec\"\n", - "2019-01-31 01:35:48,777 : INFO : topic diff=0.003301, rho=0.020797\n", - "2019-01-31 01:35:48,933 : INFO : PROGRESS: pass 0, at document #4626000/4922894\n", - "2019-01-31 01:35:50,301 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:35:50,568 : INFO : topic #48 (0.020): 0.082*\"march\" + 0.077*\"sens\" + 0.076*\"octob\" + 0.072*\"januari\" + 0.069*\"juli\" + 0.069*\"april\" + 0.068*\"august\" + 0.068*\"notion\" + 0.067*\"judici\" + 0.065*\"decatur\"\n", - "2019-01-31 01:35:50,569 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.023*\"cortic\" + 0.018*\"start\" + 0.016*\"act\" + 0.013*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.009*\"legal\" + 0.007*\"judaism\"\n", - "2019-01-31 01:35:50,570 : INFO : topic #13 (0.020): 0.027*\"australia\" + 0.026*\"sourc\" + 0.025*\"london\" + 0.025*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.020*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:35:50,571 : INFO : topic #31 (0.020): 0.051*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.022*\"player\" + 0.020*\"place\" + 0.015*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.011*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:35:50,572 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.026*\"rel\" + 0.025*\"reconstruct\" + 0.020*\"band\" + 0.016*\"muscl\" + 0.015*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:35:50,578 : INFO : topic diff=0.003136, rho=0.020793\n", - "2019-01-31 01:35:50,735 : INFO : PROGRESS: pass 0, at document #4628000/4922894\n", - "2019-01-31 01:35:52,108 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:35:52,374 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.055*\"parti\" + 0.024*\"voluntari\" + 0.024*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.014*\"bypass\" + 0.014*\"selma\" + 0.014*\"liber\"\n", - "2019-01-31 01:35:52,375 : INFO : topic #45 (0.020): 0.047*\"arsen\" + 0.031*\"museo\" + 0.030*\"jpg\" + 0.028*\"fifteenth\" + 0.022*\"pain\" + 0.020*\"illicit\" + 0.017*\"artist\" + 0.016*\"exhaust\" + 0.016*\"gai\" + 0.015*\"colder\"\n", - "2019-01-31 01:35:52,376 : INFO : topic #39 (0.020): 0.060*\"canada\" + 0.048*\"canadian\" + 0.024*\"toronto\" + 0.023*\"hoar\" + 0.023*\"ontario\" + 0.016*\"misericordia\" + 0.015*\"novotná\" + 0.015*\"hydrogen\" + 0.014*\"new\" + 0.014*\"quebec\"\n", - "2019-01-31 01:35:52,377 : INFO : topic #47 (0.020): 0.066*\"muscl\" + 0.031*\"perceptu\" + 0.020*\"theater\" + 0.018*\"compos\" + 0.017*\"place\" + 0.015*\"damn\" + 0.013*\"orchestr\" + 0.013*\"olympo\" + 0.013*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 01:35:52,378 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.036*\"publicis\" + 0.025*\"word\" + 0.020*\"new\" + 0.014*\"presid\" + 0.014*\"edit\" + 0.012*\"nicola\" + 0.011*\"magazin\" + 0.011*\"worldwid\" + 0.011*\"author\"\n", - "2019-01-31 01:35:52,384 : INFO : topic diff=0.003417, rho=0.020788\n", - "2019-01-31 01:35:52,537 : INFO : PROGRESS: pass 0, at document #4630000/4922894\n", - "2019-01-31 01:35:53,894 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:35:54,160 : INFO : topic #26 (0.020): 0.029*\"workplac\" + 0.028*\"champion\" + 0.026*\"woman\" + 0.025*\"men\" + 0.024*\"olymp\" + 0.022*\"alic\" + 0.022*\"medal\" + 0.020*\"event\" + 0.018*\"taxpay\" + 0.018*\"rainfal\"\n", - "2019-01-31 01:35:54,161 : INFO : topic #39 (0.020): 0.060*\"canada\" + 0.049*\"canadian\" + 0.024*\"toronto\" + 0.023*\"hoar\" + 0.022*\"ontario\" + 0.016*\"misericordia\" + 0.015*\"novotná\" + 0.015*\"hydrogen\" + 0.014*\"new\" + 0.014*\"quebec\"\n", - "2019-01-31 01:35:54,162 : INFO : topic #23 (0.020): 0.137*\"audit\" + 0.069*\"best\" + 0.035*\"yawn\" + 0.030*\"jacksonvil\" + 0.025*\"japanes\" + 0.022*\"noll\" + 0.019*\"women\" + 0.018*\"intern\" + 0.018*\"festiv\" + 0.014*\"prison\"\n", - "2019-01-31 01:35:54,163 : INFO : topic #40 (0.020): 0.086*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.022*\"requir\" + 0.020*\"collector\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"governor\" + 0.011*\"degre\"\n", - "2019-01-31 01:35:54,164 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.009*\"aza\" + 0.009*\"forc\" + 0.009*\"battalion\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.007*\"govern\" + 0.006*\"militari\" + 0.006*\"teufel\" + 0.006*\"pour\"\n", - "2019-01-31 01:35:54,170 : INFO : topic diff=0.003429, rho=0.020784\n", - "2019-01-31 01:35:54,320 : INFO : PROGRESS: pass 0, at document #4632000/4922894\n", - "2019-01-31 01:35:56,120 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:35:56,386 : INFO : topic #30 (0.020): 0.034*\"cleveland\" + 0.034*\"leagu\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.013*\"schmitz\"\n", - "2019-01-31 01:35:56,388 : INFO : topic #31 (0.020): 0.051*\"fusiform\" + 0.027*\"scientist\" + 0.026*\"taxpay\" + 0.022*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.011*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:35:56,389 : INFO : topic #42 (0.020): 0.048*\"german\" + 0.031*\"germani\" + 0.016*\"vol\" + 0.015*\"israel\" + 0.014*\"jewish\" + 0.014*\"berlin\" + 0.014*\"der\" + 0.009*\"european\" + 0.009*\"austria\" + 0.009*\"europ\"\n", - "2019-01-31 01:35:56,390 : INFO : topic #49 (0.020): 0.042*\"india\" + 0.030*\"incumb\" + 0.013*\"islam\" + 0.012*\"pakistan\" + 0.012*\"anglo\" + 0.011*\"televis\" + 0.011*\"affection\" + 0.010*\"muskoge\" + 0.010*\"khalsa\" + 0.009*\"sri\"\n", - "2019-01-31 01:35:56,391 : INFO : topic #27 (0.020): 0.075*\"questionnair\" + 0.020*\"candid\" + 0.017*\"taxpay\" + 0.014*\"ret\" + 0.013*\"driver\" + 0.012*\"tornado\" + 0.012*\"fool\" + 0.011*\"find\" + 0.010*\"squatter\" + 0.010*\"landslid\"\n", - "2019-01-31 01:35:56,396 : INFO : topic diff=0.003634, rho=0.020779\n", - "2019-01-31 01:35:56,558 : INFO : PROGRESS: pass 0, at document #4634000/4922894\n", - "2019-01-31 01:35:58,045 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:35:58,312 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.012*\"septemb\" + 0.011*\"anim\" + 0.011*\"man\" + 0.009*\"comic\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.007*\"fusiform\" + 0.007*\"workplac\" + 0.006*\"black\"\n", - "2019-01-31 01:35:58,313 : INFO : topic #27 (0.020): 0.075*\"questionnair\" + 0.020*\"candid\" + 0.017*\"taxpay\" + 0.014*\"ret\" + 0.013*\"driver\" + 0.013*\"tornado\" + 0.012*\"fool\" + 0.011*\"find\" + 0.011*\"squatter\" + 0.010*\"landslid\"\n", - "2019-01-31 01:35:58,314 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.038*\"shield\" + 0.017*\"narrat\" + 0.015*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.010*\"upturn\" + 0.010*\"coalit\" + 0.010*\"fleet\"\n", - "2019-01-31 01:35:58,315 : INFO : topic #28 (0.020): 0.036*\"build\" + 0.031*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.012*\"linear\" + 0.011*\"depress\" + 0.011*\"centuri\" + 0.011*\"constitut\" + 0.011*\"silicon\" + 0.010*\"pistol\"\n", - "2019-01-31 01:35:58,316 : INFO : topic #41 (0.020): 0.042*\"citi\" + 0.024*\"palmer\" + 0.019*\"new\" + 0.017*\"strategist\" + 0.013*\"open\" + 0.013*\"center\" + 0.011*\"lobe\" + 0.011*\"includ\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:35:58,322 : INFO : topic diff=0.003200, rho=0.020775\n", - "2019-01-31 01:35:58,482 : INFO : PROGRESS: pass 0, at document #4636000/4922894\n", - "2019-01-31 01:35:59,864 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:36:00,130 : INFO : topic #38 (0.020): 0.023*\"walter\" + 0.009*\"aza\" + 0.009*\"forc\" + 0.009*\"battalion\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.007*\"govern\" + 0.006*\"teufel\" + 0.006*\"militari\" + 0.006*\"pour\"\n", - "2019-01-31 01:36:00,132 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.021*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.019*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.013*\"airbu\" + 0.012*\"militari\" + 0.011*\"refut\"\n", - "2019-01-31 01:36:00,133 : INFO : topic #1 (0.020): 0.056*\"china\" + 0.048*\"chilton\" + 0.026*\"hong\" + 0.025*\"kong\" + 0.020*\"korea\" + 0.017*\"korean\" + 0.015*\"leah\" + 0.014*\"sourc\" + 0.014*\"kim\" + 0.013*\"shirin\"\n", - "2019-01-31 01:36:00,134 : INFO : topic #26 (0.020): 0.029*\"workplac\" + 0.028*\"champion\" + 0.026*\"woman\" + 0.025*\"men\" + 0.024*\"olymp\" + 0.022*\"alic\" + 0.022*\"medal\" + 0.020*\"event\" + 0.018*\"taxpay\" + 0.018*\"rainfal\"\n", - "2019-01-31 01:36:00,135 : INFO : topic #17 (0.020): 0.080*\"church\" + 0.024*\"cathol\" + 0.023*\"christian\" + 0.021*\"bishop\" + 0.016*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.010*\"historiographi\" + 0.009*\"cathedr\" + 0.008*\"poll\"\n", - "2019-01-31 01:36:00,141 : INFO : topic diff=0.002718, rho=0.020770\n", - "2019-01-31 01:36:00,358 : INFO : PROGRESS: pass 0, at document #4638000/4922894\n", - "2019-01-31 01:36:01,746 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:36:02,013 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.017*\"factor\" + 0.012*\"plaisir\" + 0.010*\"genu\" + 0.010*\"western\" + 0.009*\"biom\" + 0.008*\"median\" + 0.007*\"trap\" + 0.007*\"incom\" + 0.006*\"florida\"\n", - "2019-01-31 01:36:02,014 : INFO : topic #0 (0.020): 0.062*\"statewid\" + 0.040*\"line\" + 0.031*\"raid\" + 0.031*\"rivièr\" + 0.025*\"rosenwald\" + 0.022*\"airmen\" + 0.018*\"traceabl\" + 0.018*\"serv\" + 0.013*\"oper\" + 0.010*\"briarwood\"\n", - "2019-01-31 01:36:02,015 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.026*\"minist\" + 0.026*\"nation\" + 0.025*\"offic\" + 0.023*\"govern\" + 0.021*\"member\" + 0.017*\"start\" + 0.017*\"serv\" + 0.016*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:36:02,016 : INFO : topic #13 (0.020): 0.027*\"australia\" + 0.026*\"sourc\" + 0.026*\"london\" + 0.025*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 01:36:02,017 : INFO : topic #42 (0.020): 0.048*\"german\" + 0.032*\"germani\" + 0.016*\"vol\" + 0.015*\"israel\" + 0.014*\"berlin\" + 0.014*\"jewish\" + 0.014*\"der\" + 0.009*\"european\" + 0.009*\"austria\" + 0.009*\"europ\"\n", - "2019-01-31 01:36:02,023 : INFO : topic diff=0.003064, rho=0.020766\n", - "2019-01-31 01:36:04,662 : INFO : -11.738 per-word bound, 3415.9 perplexity estimate based on a held-out corpus of 2000 documents with 547135 words\n", - "2019-01-31 01:36:04,663 : INFO : PROGRESS: pass 0, at document #4640000/4922894\n", - "2019-01-31 01:36:06,023 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:36:06,289 : INFO : topic #17 (0.020): 0.080*\"church\" + 0.024*\"cathol\" + 0.023*\"christian\" + 0.021*\"bishop\" + 0.016*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.010*\"historiographi\" + 0.009*\"cathedr\" + 0.009*\"parish\"\n", - "2019-01-31 01:36:06,291 : INFO : topic #34 (0.020): 0.066*\"start\" + 0.033*\"new\" + 0.032*\"american\" + 0.029*\"unionist\" + 0.025*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:36:06,292 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.025*\"final\" + 0.022*\"wife\" + 0.020*\"tourist\" + 0.019*\"champion\" + 0.015*\"martin\" + 0.015*\"taxpay\" + 0.014*\"chamber\" + 0.014*\"tiepolo\" + 0.012*\"workplac\"\n", - "2019-01-31 01:36:06,293 : INFO : topic #46 (0.020): 0.018*\"stop\" + 0.017*\"sweden\" + 0.016*\"swedish\" + 0.015*\"norwai\" + 0.014*\"damag\" + 0.013*\"wind\" + 0.013*\"norwegian\" + 0.011*\"huntsvil\" + 0.011*\"treeless\" + 0.011*\"turkish\"\n", - "2019-01-31 01:36:06,294 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.026*\"rel\" + 0.025*\"reconstruct\" + 0.020*\"band\" + 0.016*\"muscl\" + 0.015*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:36:06,300 : INFO : topic diff=0.003229, rho=0.020761\n", - "2019-01-31 01:36:06,459 : INFO : PROGRESS: pass 0, at document #4642000/4922894\n", - "2019-01-31 01:36:07,833 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:36:08,100 : INFO : topic #23 (0.020): 0.138*\"audit\" + 0.069*\"best\" + 0.036*\"yawn\" + 0.029*\"jacksonvil\" + 0.024*\"japanes\" + 0.021*\"noll\" + 0.019*\"women\" + 0.018*\"intern\" + 0.018*\"festiv\" + 0.014*\"prison\"\n", - "2019-01-31 01:36:08,101 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.026*\"minist\" + 0.026*\"nation\" + 0.025*\"offic\" + 0.023*\"govern\" + 0.021*\"member\" + 0.017*\"start\" + 0.017*\"serv\" + 0.016*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:36:08,103 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.025*\"final\" + 0.022*\"wife\" + 0.020*\"tourist\" + 0.019*\"champion\" + 0.015*\"martin\" + 0.014*\"taxpay\" + 0.014*\"chamber\" + 0.014*\"tiepolo\" + 0.012*\"open\"\n", - "2019-01-31 01:36:08,104 : INFO : topic #1 (0.020): 0.056*\"china\" + 0.049*\"chilton\" + 0.025*\"hong\" + 0.024*\"kong\" + 0.020*\"korea\" + 0.017*\"korean\" + 0.016*\"leah\" + 0.014*\"sourc\" + 0.014*\"kim\" + 0.013*\"shirin\"\n", - "2019-01-31 01:36:08,105 : INFO : topic #30 (0.020): 0.034*\"cleveland\" + 0.034*\"leagu\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.013*\"schmitz\"\n", - "2019-01-31 01:36:08,111 : INFO : topic diff=0.002943, rho=0.020757\n", - "2019-01-31 01:36:08,269 : INFO : PROGRESS: pass 0, at document #4644000/4922894\n", - "2019-01-31 01:36:09,659 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:36:09,925 : INFO : topic #20 (0.020): 0.144*\"scholar\" + 0.040*\"struggl\" + 0.033*\"high\" + 0.029*\"educ\" + 0.024*\"collector\" + 0.018*\"yawn\" + 0.012*\"prognosi\" + 0.010*\"district\" + 0.010*\"gothic\" + 0.009*\"task\"\n", - "2019-01-31 01:36:09,926 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.007*\"uruguayan\"\n", - "2019-01-31 01:36:09,928 : INFO : topic #9 (0.020): 0.070*\"bone\" + 0.046*\"american\" + 0.028*\"valour\" + 0.020*\"folei\" + 0.019*\"dutch\" + 0.019*\"player\" + 0.017*\"english\" + 0.016*\"polit\" + 0.013*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 01:36:09,929 : INFO : topic #31 (0.020): 0.050*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.022*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.014*\"leagu\" + 0.011*\"yawn\" + 0.011*\"folei\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:36:09,930 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.017*\"factor\" + 0.012*\"plaisir\" + 0.011*\"genu\" + 0.010*\"western\" + 0.009*\"biom\" + 0.008*\"median\" + 0.007*\"trap\" + 0.007*\"incom\" + 0.006*\"florida\"\n", - "2019-01-31 01:36:09,936 : INFO : topic diff=0.003041, rho=0.020752\n", - "2019-01-31 01:36:10,093 : INFO : PROGRESS: pass 0, at document #4646000/4922894\n", - "2019-01-31 01:36:11,450 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:36:11,716 : INFO : topic #39 (0.020): 0.060*\"canada\" + 0.048*\"canadian\" + 0.024*\"toronto\" + 0.023*\"hoar\" + 0.022*\"ontario\" + 0.015*\"misericordia\" + 0.015*\"hydrogen\" + 0.015*\"novotná\" + 0.014*\"new\" + 0.013*\"quebec\"\n", - "2019-01-31 01:36:11,717 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.026*\"minist\" + 0.026*\"nation\" + 0.024*\"offic\" + 0.023*\"govern\" + 0.021*\"member\" + 0.017*\"start\" + 0.017*\"serv\" + 0.016*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:36:11,718 : INFO : topic #27 (0.020): 0.075*\"questionnair\" + 0.020*\"candid\" + 0.017*\"taxpay\" + 0.013*\"ret\" + 0.012*\"driver\" + 0.012*\"tornado\" + 0.012*\"fool\" + 0.011*\"squatter\" + 0.011*\"find\" + 0.010*\"horac\"\n", - "2019-01-31 01:36:11,720 : INFO : topic #48 (0.020): 0.080*\"march\" + 0.076*\"sens\" + 0.075*\"octob\" + 0.071*\"januari\" + 0.068*\"juli\" + 0.068*\"notion\" + 0.068*\"april\" + 0.067*\"august\" + 0.065*\"judici\" + 0.064*\"decatur\"\n", - "2019-01-31 01:36:11,721 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.031*\"perceptu\" + 0.021*\"theater\" + 0.018*\"compos\" + 0.017*\"place\" + 0.016*\"damn\" + 0.013*\"physician\" + 0.013*\"orchestr\" + 0.013*\"olympo\" + 0.011*\"word\"\n", - "2019-01-31 01:36:11,727 : INFO : topic diff=0.003355, rho=0.020748\n", - "2019-01-31 01:36:11,881 : INFO : PROGRESS: pass 0, at document #4648000/4922894\n", - "2019-01-31 01:36:13,231 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:36:13,497 : INFO : topic #28 (0.020): 0.036*\"build\" + 0.031*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.011*\"linear\" + 0.011*\"depress\" + 0.011*\"centuri\" + 0.011*\"constitut\" + 0.011*\"silicon\" + 0.010*\"pistol\"\n", - "2019-01-31 01:36:13,498 : INFO : topic #46 (0.020): 0.018*\"stop\" + 0.016*\"sweden\" + 0.015*\"swedish\" + 0.015*\"norwai\" + 0.014*\"damag\" + 0.014*\"wind\" + 0.013*\"norwegian\" + 0.011*\"treeless\" + 0.011*\"huntsvil\" + 0.010*\"turkish\"\n", - "2019-01-31 01:36:13,500 : INFO : topic #32 (0.020): 0.049*\"district\" + 0.046*\"popolo\" + 0.043*\"vigour\" + 0.034*\"tortur\" + 0.032*\"cotton\" + 0.023*\"adulthood\" + 0.022*\"multitud\" + 0.021*\"area\" + 0.020*\"cede\" + 0.018*\"citi\"\n", - "2019-01-31 01:36:13,501 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.036*\"publicis\" + 0.025*\"word\" + 0.020*\"new\" + 0.015*\"presid\" + 0.014*\"edit\" + 0.012*\"nicola\" + 0.011*\"magazin\" + 0.011*\"worldwid\" + 0.011*\"storag\"\n", - "2019-01-31 01:36:13,502 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.054*\"parti\" + 0.025*\"voluntari\" + 0.024*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.014*\"bypass\" + 0.014*\"selma\" + 0.013*\"report\"\n", - "2019-01-31 01:36:13,508 : INFO : topic diff=0.002759, rho=0.020743\n", - "2019-01-31 01:36:13,675 : INFO : PROGRESS: pass 0, at document #4650000/4922894\n", - "2019-01-31 01:36:15,091 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:36:15,357 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.045*\"franc\" + 0.031*\"pari\" + 0.022*\"jean\" + 0.022*\"sail\" + 0.017*\"daphn\" + 0.013*\"loui\" + 0.013*\"lazi\" + 0.013*\"piec\" + 0.009*\"wine\"\n", - "2019-01-31 01:36:15,358 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.025*\"final\" + 0.022*\"wife\" + 0.020*\"tourist\" + 0.019*\"champion\" + 0.015*\"martin\" + 0.015*\"taxpay\" + 0.014*\"tiepolo\" + 0.014*\"chamber\" + 0.012*\"open\"\n", - "2019-01-31 01:36:15,360 : INFO : topic #39 (0.020): 0.060*\"canada\" + 0.049*\"canadian\" + 0.024*\"toronto\" + 0.023*\"hoar\" + 0.022*\"ontario\" + 0.015*\"misericordia\" + 0.015*\"novotná\" + 0.015*\"hydrogen\" + 0.014*\"new\" + 0.013*\"quebec\"\n", - "2019-01-31 01:36:15,361 : INFO : topic #16 (0.020): 0.057*\"king\" + 0.031*\"priest\" + 0.020*\"duke\" + 0.019*\"rotterdam\" + 0.018*\"idiosyncrat\" + 0.017*\"grammat\" + 0.017*\"quarterli\" + 0.015*\"portugues\" + 0.014*\"kingdom\" + 0.012*\"brazil\"\n", - "2019-01-31 01:36:15,362 : INFO : topic #4 (0.020): 0.019*\"enfranchis\" + 0.014*\"depress\" + 0.014*\"pour\" + 0.008*\"mode\" + 0.008*\"elabor\" + 0.008*\"uruguayan\" + 0.007*\"veget\" + 0.007*\"turn\" + 0.006*\"produc\" + 0.006*\"develop\"\n", - "2019-01-31 01:36:15,368 : INFO : topic diff=0.004041, rho=0.020739\n", - "2019-01-31 01:36:15,528 : INFO : PROGRESS: pass 0, at document #4652000/4922894\n", - "2019-01-31 01:36:16,919 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:36:17,186 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"million\" + 0.012*\"busi\" + 0.012*\"produc\" + 0.011*\"market\" + 0.010*\"industri\" + 0.010*\"bank\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 01:36:17,187 : INFO : topic #16 (0.020): 0.057*\"king\" + 0.031*\"priest\" + 0.021*\"duke\" + 0.018*\"rotterdam\" + 0.018*\"idiosyncrat\" + 0.017*\"grammat\" + 0.017*\"quarterli\" + 0.015*\"portugues\" + 0.014*\"kingdom\" + 0.012*\"brazil\"\n", - "2019-01-31 01:36:17,188 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.054*\"parti\" + 0.025*\"voluntari\" + 0.024*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.014*\"bypass\" + 0.014*\"selma\" + 0.014*\"report\"\n", - "2019-01-31 01:36:17,189 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.006*\"gener\" + 0.006*\"poet\" + 0.006*\"exampl\" + 0.006*\"servitud\" + 0.006*\"théori\" + 0.006*\"mode\" + 0.006*\"measur\" + 0.006*\"southern\"\n", - "2019-01-31 01:36:17,190 : INFO : topic #48 (0.020): 0.080*\"march\" + 0.076*\"sens\" + 0.074*\"octob\" + 0.070*\"januari\" + 0.068*\"juli\" + 0.067*\"april\" + 0.067*\"notion\" + 0.067*\"august\" + 0.065*\"judici\" + 0.063*\"decatur\"\n", - "2019-01-31 01:36:17,196 : INFO : topic diff=0.003276, rho=0.020735\n", - "2019-01-31 01:36:17,355 : INFO : PROGRESS: pass 0, at document #4654000/4922894\n", - "2019-01-31 01:36:18,719 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:36:18,985 : INFO : topic #39 (0.020): 0.060*\"canada\" + 0.048*\"canadian\" + 0.024*\"toronto\" + 0.023*\"hoar\" + 0.022*\"ontario\" + 0.015*\"misericordia\" + 0.015*\"hydrogen\" + 0.015*\"novotná\" + 0.014*\"new\" + 0.013*\"quebec\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:36:18,987 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.012*\"septemb\" + 0.011*\"anim\" + 0.010*\"man\" + 0.009*\"comic\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.007*\"fusiform\" + 0.007*\"workplac\" + 0.006*\"black\"\n", - "2019-01-31 01:36:18,988 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.045*\"franc\" + 0.030*\"pari\" + 0.023*\"jean\" + 0.022*\"sail\" + 0.017*\"daphn\" + 0.014*\"loui\" + 0.013*\"lazi\" + 0.013*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 01:36:18,989 : INFO : topic #40 (0.020): 0.085*\"unit\" + 0.023*\"schuster\" + 0.022*\"requir\" + 0.022*\"institut\" + 0.020*\"collector\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"governor\" + 0.011*\"degre\"\n", - "2019-01-31 01:36:18,990 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.027*\"minist\" + 0.026*\"nation\" + 0.024*\"offic\" + 0.023*\"govern\" + 0.021*\"member\" + 0.018*\"start\" + 0.017*\"serv\" + 0.016*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:36:18,996 : INFO : topic diff=0.003550, rho=0.020730\n", - "2019-01-31 01:36:19,154 : INFO : PROGRESS: pass 0, at document #4656000/4922894\n", - "2019-01-31 01:36:20,531 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:36:20,797 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.010*\"prognosi\" + 0.009*\"pop\" + 0.009*\"cytokin\" + 0.008*\"develop\" + 0.008*\"diggin\" + 0.008*\"softwar\" + 0.008*\"uruguayan\" + 0.008*\"user\" + 0.007*\"includ\"\n", - "2019-01-31 01:36:20,798 : INFO : topic #1 (0.020): 0.056*\"china\" + 0.049*\"chilton\" + 0.025*\"hong\" + 0.024*\"kong\" + 0.021*\"korea\" + 0.018*\"korean\" + 0.015*\"leah\" + 0.015*\"sourc\" + 0.014*\"kim\" + 0.013*\"shirin\"\n", - "2019-01-31 01:36:20,799 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.036*\"publicis\" + 0.025*\"word\" + 0.020*\"new\" + 0.015*\"presid\" + 0.014*\"edit\" + 0.012*\"nicola\" + 0.011*\"magazin\" + 0.011*\"worldwid\" + 0.011*\"storag\"\n", - "2019-01-31 01:36:20,800 : INFO : topic #45 (0.020): 0.048*\"arsen\" + 0.030*\"jpg\" + 0.030*\"museo\" + 0.028*\"fifteenth\" + 0.022*\"pain\" + 0.020*\"illicit\" + 0.017*\"artist\" + 0.017*\"exhaust\" + 0.016*\"colder\" + 0.016*\"gai\"\n", - "2019-01-31 01:36:20,801 : INFO : topic #9 (0.020): 0.070*\"bone\" + 0.047*\"american\" + 0.029*\"valour\" + 0.020*\"folei\" + 0.020*\"dutch\" + 0.018*\"player\" + 0.017*\"english\" + 0.017*\"polit\" + 0.013*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 01:36:20,807 : INFO : topic diff=0.003081, rho=0.020726\n", - "2019-01-31 01:36:20,964 : INFO : PROGRESS: pass 0, at document #4658000/4922894\n", - "2019-01-31 01:36:22,329 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:36:22,595 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.038*\"shield\" + 0.017*\"narrat\" + 0.015*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.010*\"class\" + 0.010*\"coalit\" + 0.009*\"fleet\"\n", - "2019-01-31 01:36:22,596 : INFO : topic #0 (0.020): 0.061*\"statewid\" + 0.040*\"line\" + 0.031*\"raid\" + 0.030*\"rivièr\" + 0.026*\"rosenwald\" + 0.022*\"airmen\" + 0.018*\"traceabl\" + 0.018*\"serv\" + 0.013*\"oper\" + 0.010*\"briarwood\"\n", - "2019-01-31 01:36:22,597 : INFO : topic #34 (0.020): 0.066*\"start\" + 0.033*\"new\" + 0.032*\"american\" + 0.029*\"unionist\" + 0.025*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:36:22,598 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.013*\"airbu\" + 0.012*\"militari\" + 0.011*\"refut\"\n", - "2019-01-31 01:36:22,599 : INFO : topic #27 (0.020): 0.075*\"questionnair\" + 0.020*\"candid\" + 0.017*\"taxpay\" + 0.014*\"tornado\" + 0.013*\"ret\" + 0.012*\"driver\" + 0.011*\"fool\" + 0.011*\"squatter\" + 0.011*\"find\" + 0.010*\"horac\"\n", - "2019-01-31 01:36:22,605 : INFO : topic diff=0.002912, rho=0.020721\n", - "2019-01-31 01:36:25,307 : INFO : -11.554 per-word bound, 3005.8 perplexity estimate based on a held-out corpus of 2000 documents with 547383 words\n", - "2019-01-31 01:36:25,308 : INFO : PROGRESS: pass 0, at document #4660000/4922894\n", - "2019-01-31 01:36:26,687 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:36:26,953 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.007*\"uruguayan\"\n", - "2019-01-31 01:36:26,954 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.012*\"septemb\" + 0.011*\"anim\" + 0.010*\"man\" + 0.008*\"comic\" + 0.007*\"fusiform\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.007*\"workplac\" + 0.006*\"black\"\n", - "2019-01-31 01:36:26,955 : INFO : topic #45 (0.020): 0.047*\"arsen\" + 0.030*\"jpg\" + 0.029*\"museo\" + 0.028*\"fifteenth\" + 0.022*\"pain\" + 0.020*\"illicit\" + 0.017*\"artist\" + 0.016*\"exhaust\" + 0.016*\"colder\" + 0.016*\"gai\"\n", - "2019-01-31 01:36:26,956 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.038*\"shield\" + 0.017*\"narrat\" + 0.015*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.010*\"class\" + 0.010*\"coalit\" + 0.009*\"fleet\"\n", - "2019-01-31 01:36:26,957 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"have\" + 0.007*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 01:36:26,963 : INFO : topic diff=0.002779, rho=0.020717\n", - "2019-01-31 01:36:27,122 : INFO : PROGRESS: pass 0, at document #4662000/4922894\n", - "2019-01-31 01:36:28,494 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:36:28,761 : INFO : topic #35 (0.020): 0.059*\"russia\" + 0.036*\"sovereignti\" + 0.036*\"rural\" + 0.026*\"reprint\" + 0.025*\"poison\" + 0.024*\"personifi\" + 0.020*\"moscow\" + 0.017*\"poland\" + 0.015*\"tyrant\" + 0.014*\"unfortun\"\n", - "2019-01-31 01:36:28,762 : INFO : topic #21 (0.020): 0.037*\"samford\" + 0.022*\"spain\" + 0.017*\"del\" + 0.017*\"italian\" + 0.016*\"mexico\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"francisco\" + 0.010*\"carlo\"\n", - "2019-01-31 01:36:28,762 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.045*\"franc\" + 0.031*\"pari\" + 0.023*\"jean\" + 0.021*\"sail\" + 0.017*\"daphn\" + 0.013*\"loui\" + 0.013*\"lazi\" + 0.013*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 01:36:28,764 : INFO : topic #49 (0.020): 0.042*\"india\" + 0.029*\"incumb\" + 0.013*\"islam\" + 0.012*\"anglo\" + 0.011*\"pakistan\" + 0.011*\"televis\" + 0.011*\"affection\" + 0.010*\"muskoge\" + 0.010*\"khalsa\" + 0.010*\"sri\"\n", - "2019-01-31 01:36:28,765 : INFO : topic #11 (0.020): 0.022*\"john\" + 0.011*\"will\" + 0.011*\"david\" + 0.011*\"jame\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"rhyme\" + 0.008*\"paul\" + 0.007*\"georg\"\n", - "2019-01-31 01:36:28,770 : INFO : topic diff=0.002856, rho=0.020712\n", - "2019-01-31 01:36:28,931 : INFO : PROGRESS: pass 0, at document #4664000/4922894\n", - "2019-01-31 01:36:30,294 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:36:30,563 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.012*\"million\" + 0.012*\"busi\" + 0.012*\"produc\" + 0.011*\"market\" + 0.010*\"bank\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 01:36:30,564 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.025*\"palmer\" + 0.019*\"new\" + 0.017*\"strategist\" + 0.013*\"open\" + 0.012*\"center\" + 0.012*\"lobe\" + 0.011*\"includ\" + 0.011*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:36:30,565 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.045*\"franc\" + 0.031*\"pari\" + 0.023*\"jean\" + 0.021*\"sail\" + 0.017*\"daphn\" + 0.013*\"loui\" + 0.013*\"lazi\" + 0.013*\"piec\" + 0.010*\"wine\"\n", - "2019-01-31 01:36:30,566 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.038*\"shield\" + 0.017*\"narrat\" + 0.015*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.010*\"class\" + 0.010*\"coalit\" + 0.009*\"fleet\"\n", - "2019-01-31 01:36:30,567 : INFO : topic #16 (0.020): 0.057*\"king\" + 0.031*\"priest\" + 0.021*\"duke\" + 0.019*\"rotterdam\" + 0.018*\"idiosyncrat\" + 0.017*\"quarterli\" + 0.017*\"grammat\" + 0.016*\"portugues\" + 0.013*\"kingdom\" + 0.012*\"brazil\"\n", - "2019-01-31 01:36:30,573 : INFO : topic diff=0.002665, rho=0.020708\n", - "2019-01-31 01:36:30,730 : INFO : PROGRESS: pass 0, at document #4666000/4922894\n", - "2019-01-31 01:36:32,103 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:36:32,370 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.025*\"final\" + 0.023*\"wife\" + 0.020*\"tourist\" + 0.019*\"champion\" + 0.015*\"martin\" + 0.015*\"taxpay\" + 0.014*\"chamber\" + 0.014*\"tiepolo\" + 0.012*\"open\"\n", - "2019-01-31 01:36:32,372 : INFO : topic #6 (0.020): 0.068*\"fewer\" + 0.024*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.015*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"direct\" + 0.010*\"movi\" + 0.010*\"acrimoni\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:36:32,373 : INFO : topic #20 (0.020): 0.143*\"scholar\" + 0.039*\"struggl\" + 0.032*\"high\" + 0.029*\"educ\" + 0.024*\"collector\" + 0.017*\"yawn\" + 0.012*\"prognosi\" + 0.011*\"district\" + 0.010*\"gothic\" + 0.010*\"task\"\n", - "2019-01-31 01:36:32,374 : INFO : topic #27 (0.020): 0.075*\"questionnair\" + 0.020*\"candid\" + 0.017*\"taxpay\" + 0.013*\"tornado\" + 0.012*\"ret\" + 0.012*\"driver\" + 0.012*\"fool\" + 0.011*\"find\" + 0.011*\"squatter\" + 0.010*\"horac\"\n", - "2019-01-31 01:36:32,375 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.010*\"class\" + 0.010*\"coalit\" + 0.009*\"fleet\"\n", - "2019-01-31 01:36:32,381 : INFO : topic diff=0.003147, rho=0.020703\n", - "2019-01-31 01:36:32,536 : INFO : PROGRESS: pass 0, at document #4668000/4922894\n", - "2019-01-31 01:36:33,893 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:36:34,159 : INFO : topic #17 (0.020): 0.082*\"church\" + 0.023*\"cathol\" + 0.023*\"christian\" + 0.021*\"bishop\" + 0.017*\"sail\" + 0.015*\"retroflex\" + 0.011*\"relationship\" + 0.010*\"historiographi\" + 0.009*\"cathedr\" + 0.009*\"parish\"\n", - "2019-01-31 01:36:34,160 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.009*\"aza\" + 0.009*\"forc\" + 0.009*\"battalion\" + 0.007*\"armi\" + 0.007*\"teufel\" + 0.007*\"empath\" + 0.007*\"govern\" + 0.006*\"pour\" + 0.006*\"till\"\n", - "2019-01-31 01:36:34,161 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.054*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.017*\"polici\" + 0.015*\"republ\" + 0.014*\"bypass\" + 0.014*\"selma\" + 0.013*\"report\"\n", - "2019-01-31 01:36:34,162 : INFO : topic #39 (0.020): 0.060*\"canada\" + 0.048*\"canadian\" + 0.025*\"toronto\" + 0.022*\"hoar\" + 0.022*\"ontario\" + 0.015*\"misericordia\" + 0.015*\"hydrogen\" + 0.014*\"new\" + 0.014*\"novotná\" + 0.014*\"quebec\"\n", - "2019-01-31 01:36:34,163 : INFO : topic #41 (0.020): 0.041*\"citi\" + 0.025*\"palmer\" + 0.019*\"new\" + 0.017*\"strategist\" + 0.013*\"open\" + 0.012*\"center\" + 0.012*\"lobe\" + 0.011*\"includ\" + 0.011*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:36:34,169 : INFO : topic diff=0.003079, rho=0.020699\n", - "2019-01-31 01:36:34,383 : INFO : PROGRESS: pass 0, at document #4670000/4922894\n", - "2019-01-31 01:36:35,785 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:36:36,051 : INFO : topic #40 (0.020): 0.085*\"unit\" + 0.023*\"schuster\" + 0.022*\"requir\" + 0.022*\"institut\" + 0.020*\"collector\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"governor\" + 0.011*\"degre\"\n", - "2019-01-31 01:36:36,052 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.019*\"area\" + 0.017*\"lagrang\" + 0.017*\"warmth\" + 0.015*\"mount\" + 0.010*\"north\" + 0.009*\"land\" + 0.009*\"sourc\" + 0.009*\"lobe\" + 0.008*\"palmer\"\n", - "2019-01-31 01:36:36,053 : INFO : topic #30 (0.020): 0.035*\"leagu\" + 0.035*\"cleveland\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.013*\"schmitz\"\n", - "2019-01-31 01:36:36,054 : INFO : topic #0 (0.020): 0.061*\"statewid\" + 0.040*\"line\" + 0.030*\"raid\" + 0.030*\"rivièr\" + 0.026*\"rosenwald\" + 0.022*\"airmen\" + 0.018*\"serv\" + 0.018*\"traceabl\" + 0.013*\"oper\" + 0.011*\"briarwood\"\n", - "2019-01-31 01:36:36,055 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.008*\"woman\" + 0.007*\"human\" + 0.006*\"workplac\"\n", - "2019-01-31 01:36:36,062 : INFO : topic diff=0.002544, rho=0.020695\n", - "2019-01-31 01:36:36,215 : INFO : PROGRESS: pass 0, at document #4672000/4922894\n", - "2019-01-31 01:36:37,569 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:36:37,835 : INFO : topic #24 (0.020): 0.040*\"book\" + 0.036*\"publicis\" + 0.025*\"word\" + 0.020*\"new\" + 0.015*\"presid\" + 0.014*\"edit\" + 0.011*\"magazin\" + 0.011*\"nicola\" + 0.011*\"worldwid\" + 0.011*\"storag\"\n", - "2019-01-31 01:36:37,836 : INFO : topic #45 (0.020): 0.047*\"arsen\" + 0.031*\"jpg\" + 0.029*\"museo\" + 0.028*\"fifteenth\" + 0.022*\"pain\" + 0.020*\"illicit\" + 0.017*\"artist\" + 0.016*\"colder\" + 0.016*\"exhaust\" + 0.016*\"gai\"\n", - "2019-01-31 01:36:37,837 : INFO : topic #7 (0.020): 0.022*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"daughter\" + 0.012*\"deal\"\n", - "2019-01-31 01:36:37,838 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.019*\"area\" + 0.017*\"lagrang\" + 0.017*\"warmth\" + 0.015*\"mount\" + 0.010*\"north\" + 0.009*\"land\" + 0.009*\"sourc\" + 0.009*\"foam\" + 0.008*\"lobe\"\n", - "2019-01-31 01:36:37,839 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"uruguayan\"\n", - "2019-01-31 01:36:37,845 : INFO : topic diff=0.002748, rho=0.020690\n", - "2019-01-31 01:36:38,004 : INFO : PROGRESS: pass 0, at document #4674000/4922894\n", - "2019-01-31 01:36:39,358 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:36:39,628 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"like\" + 0.005*\"end\" + 0.005*\"retrospect\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:36:39,629 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.011*\"david\" + 0.011*\"will\" + 0.011*\"jame\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"rhyme\" + 0.008*\"paul\" + 0.007*\"georg\"\n", - "2019-01-31 01:36:39,630 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.045*\"franc\" + 0.031*\"pari\" + 0.023*\"jean\" + 0.022*\"sail\" + 0.017*\"daphn\" + 0.014*\"loui\" + 0.013*\"lazi\" + 0.012*\"piec\" + 0.011*\"wine\"\n", - "2019-01-31 01:36:39,631 : INFO : topic #31 (0.020): 0.050*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.022*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:36:39,632 : INFO : topic #39 (0.020): 0.060*\"canada\" + 0.047*\"canadian\" + 0.025*\"toronto\" + 0.022*\"hoar\" + 0.022*\"ontario\" + 0.015*\"hydrogen\" + 0.015*\"misericordia\" + 0.014*\"new\" + 0.014*\"novotná\" + 0.013*\"quebec\"\n", - "2019-01-31 01:36:39,638 : INFO : topic diff=0.003452, rho=0.020686\n", - "2019-01-31 01:36:39,795 : INFO : PROGRESS: pass 0, at document #4676000/4922894\n", - "2019-01-31 01:36:41,180 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:36:41,446 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.026*\"final\" + 0.024*\"wife\" + 0.021*\"tourist\" + 0.019*\"champion\" + 0.015*\"martin\" + 0.015*\"taxpay\" + 0.014*\"chamber\" + 0.014*\"tiepolo\" + 0.013*\"open\"\n", - "2019-01-31 01:36:41,447 : INFO : topic #35 (0.020): 0.059*\"russia\" + 0.036*\"sovereignti\" + 0.036*\"rural\" + 0.026*\"reprint\" + 0.025*\"poison\" + 0.024*\"personifi\" + 0.020*\"moscow\" + 0.017*\"poland\" + 0.014*\"unfortun\" + 0.014*\"tyrant\"\n", - "2019-01-31 01:36:41,448 : INFO : topic #20 (0.020): 0.143*\"scholar\" + 0.040*\"struggl\" + 0.032*\"high\" + 0.029*\"educ\" + 0.024*\"collector\" + 0.017*\"yawn\" + 0.012*\"prognosi\" + 0.010*\"district\" + 0.010*\"gothic\" + 0.010*\"task\"\n", - "2019-01-31 01:36:41,449 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.012*\"septemb\" + 0.011*\"anim\" + 0.010*\"man\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.007*\"fusiform\" + 0.007*\"storag\" + 0.007*\"workplac\" + 0.006*\"black\"\n", - "2019-01-31 01:36:41,450 : INFO : topic #46 (0.020): 0.017*\"sweden\" + 0.017*\"stop\" + 0.016*\"swedish\" + 0.016*\"norwai\" + 0.014*\"wind\" + 0.013*\"damag\" + 0.013*\"norwegian\" + 0.011*\"treeless\" + 0.010*\"turkish\" + 0.010*\"denmark\"\n", - "2019-01-31 01:36:41,456 : INFO : topic diff=0.003220, rho=0.020681\n", - "2019-01-31 01:36:41,616 : INFO : PROGRESS: pass 0, at document #4678000/4922894\n", - "2019-01-31 01:36:43,012 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:36:43,279 : INFO : topic #34 (0.020): 0.066*\"start\" + 0.033*\"new\" + 0.032*\"american\" + 0.029*\"unionist\" + 0.026*\"cotton\" + 0.021*\"year\" + 0.016*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:36:43,280 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.006*\"gener\" + 0.006*\"exampl\" + 0.006*\"poet\" + 0.006*\"théori\" + 0.006*\"servitud\" + 0.006*\"mode\" + 0.006*\"measur\" + 0.006*\"southern\"\n", - "2019-01-31 01:36:43,281 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.032*\"perceptu\" + 0.021*\"theater\" + 0.018*\"compos\" + 0.017*\"place\" + 0.016*\"damn\" + 0.013*\"physician\" + 0.013*\"orchestr\" + 0.012*\"olympo\" + 0.011*\"word\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:36:43,282 : INFO : topic #22 (0.020): 0.033*\"spars\" + 0.017*\"factor\" + 0.011*\"plaisir\" + 0.011*\"genu\" + 0.010*\"western\" + 0.009*\"biom\" + 0.008*\"median\" + 0.007*\"trap\" + 0.007*\"incom\" + 0.006*\"florida\"\n", - "2019-01-31 01:36:43,283 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.054*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.017*\"polici\" + 0.015*\"republ\" + 0.014*\"bypass\" + 0.014*\"liber\" + 0.013*\"report\"\n", - "2019-01-31 01:36:43,289 : INFO : topic diff=0.002784, rho=0.020677\n", - "2019-01-31 01:36:45,969 : INFO : -11.830 per-word bound, 3640.8 perplexity estimate based on a held-out corpus of 2000 documents with 564955 words\n", - "2019-01-31 01:36:45,969 : INFO : PROGRESS: pass 0, at document #4680000/4922894\n", - "2019-01-31 01:36:47,338 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:36:47,605 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.022*\"cortic\" + 0.018*\"start\" + 0.016*\"act\" + 0.012*\"case\" + 0.012*\"ricardo\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.009*\"legal\" + 0.007*\"rudolf\"\n", - "2019-01-31 01:36:47,606 : INFO : topic #42 (0.020): 0.048*\"german\" + 0.032*\"germani\" + 0.016*\"vol\" + 0.014*\"berlin\" + 0.014*\"israel\" + 0.014*\"jewish\" + 0.014*\"der\" + 0.010*\"european\" + 0.009*\"austria\" + 0.009*\"europ\"\n", - "2019-01-31 01:36:47,607 : INFO : topic #39 (0.020): 0.060*\"canada\" + 0.047*\"canadian\" + 0.025*\"toronto\" + 0.022*\"hoar\" + 0.022*\"ontario\" + 0.015*\"misericordia\" + 0.015*\"hydrogen\" + 0.014*\"new\" + 0.014*\"novotná\" + 0.014*\"quebec\"\n", - "2019-01-31 01:36:47,608 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.010*\"class\" + 0.009*\"fleet\"\n", - "2019-01-31 01:36:47,609 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.012*\"million\" + 0.012*\"busi\" + 0.012*\"produc\" + 0.011*\"market\" + 0.010*\"industri\" + 0.010*\"bank\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 01:36:47,615 : INFO : topic diff=0.003103, rho=0.020672\n", - "2019-01-31 01:36:47,775 : INFO : PROGRESS: pass 0, at document #4682000/4922894\n", - "2019-01-31 01:36:49,161 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:36:49,427 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.015*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.009*\"myspac\"\n", - "2019-01-31 01:36:49,428 : INFO : topic #4 (0.020): 0.019*\"enfranchis\" + 0.015*\"depress\" + 0.013*\"pour\" + 0.008*\"elabor\" + 0.008*\"mode\" + 0.008*\"uruguayan\" + 0.007*\"veget\" + 0.006*\"turn\" + 0.006*\"produc\" + 0.006*\"develop\"\n", - "2019-01-31 01:36:49,429 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.009*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.008*\"woman\" + 0.007*\"human\" + 0.006*\"workplac\"\n", - "2019-01-31 01:36:49,430 : INFO : topic #13 (0.020): 0.027*\"australia\" + 0.026*\"sourc\" + 0.026*\"london\" + 0.025*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.014*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 01:36:49,431 : INFO : topic #0 (0.020): 0.062*\"statewid\" + 0.040*\"line\" + 0.030*\"raid\" + 0.030*\"rivièr\" + 0.026*\"rosenwald\" + 0.022*\"airmen\" + 0.018*\"serv\" + 0.018*\"traceabl\" + 0.013*\"oper\" + 0.012*\"briarwood\"\n", - "2019-01-31 01:36:49,438 : INFO : topic diff=0.002960, rho=0.020668\n", - "2019-01-31 01:36:49,591 : INFO : PROGRESS: pass 0, at document #4684000/4922894\n", - "2019-01-31 01:36:50,940 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:36:51,207 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"uruguayan\"\n", - "2019-01-31 01:36:51,208 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.054*\"parti\" + 0.025*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.017*\"polici\" + 0.014*\"bypass\" + 0.014*\"republ\" + 0.014*\"liber\" + 0.013*\"report\"\n", - "2019-01-31 01:36:51,209 : INFO : topic #45 (0.020): 0.048*\"arsen\" + 0.030*\"jpg\" + 0.029*\"museo\" + 0.028*\"fifteenth\" + 0.022*\"pain\" + 0.020*\"illicit\" + 0.017*\"artist\" + 0.016*\"exhaust\" + 0.016*\"colder\" + 0.016*\"gai\"\n", - "2019-01-31 01:36:51,210 : INFO : topic #17 (0.020): 0.082*\"church\" + 0.023*\"cathol\" + 0.023*\"christian\" + 0.021*\"bishop\" + 0.017*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.010*\"historiographi\" + 0.009*\"cathedr\" + 0.009*\"parish\"\n", - "2019-01-31 01:36:51,211 : INFO : topic #39 (0.020): 0.060*\"canada\" + 0.047*\"canadian\" + 0.025*\"toronto\" + 0.022*\"hoar\" + 0.022*\"ontario\" + 0.015*\"misericordia\" + 0.015*\"hydrogen\" + 0.014*\"new\" + 0.014*\"novotná\" + 0.014*\"quebec\"\n", - "2019-01-31 01:36:51,217 : INFO : topic diff=0.003033, rho=0.020664\n", - "2019-01-31 01:36:51,375 : INFO : PROGRESS: pass 0, at document #4686000/4922894\n", - "2019-01-31 01:36:52,754 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:36:53,020 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.010*\"class\" + 0.009*\"fleet\"\n", - "2019-01-31 01:36:53,021 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.006*\"gener\" + 0.006*\"exampl\" + 0.006*\"poet\" + 0.006*\"théori\" + 0.006*\"southern\" + 0.006*\"servitud\" + 0.006*\"mode\" + 0.006*\"measur\"\n", - "2019-01-31 01:36:53,022 : INFO : topic #28 (0.020): 0.036*\"build\" + 0.030*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.011*\"linear\" + 0.011*\"constitut\" + 0.011*\"depress\" + 0.011*\"centuri\" + 0.011*\"silicon\" + 0.010*\"pistol\"\n", - "2019-01-31 01:36:53,024 : INFO : topic #30 (0.020): 0.035*\"leagu\" + 0.035*\"cleveland\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.024*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.013*\"schmitz\"\n", - "2019-01-31 01:36:53,025 : INFO : topic #17 (0.020): 0.082*\"church\" + 0.023*\"cathol\" + 0.023*\"christian\" + 0.021*\"bishop\" + 0.017*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.010*\"historiographi\" + 0.009*\"cathedr\" + 0.009*\"parish\"\n", - "2019-01-31 01:36:53,030 : INFO : topic diff=0.003063, rho=0.020659\n", - "2019-01-31 01:36:53,189 : INFO : PROGRESS: pass 0, at document #4688000/4922894\n", - "2019-01-31 01:36:54,597 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:36:54,864 : INFO : topic #40 (0.020): 0.085*\"unit\" + 0.023*\"schuster\" + 0.022*\"requir\" + 0.022*\"institut\" + 0.020*\"collector\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"governor\" + 0.011*\"http\"\n", - "2019-01-31 01:36:54,865 : INFO : topic #35 (0.020): 0.059*\"russia\" + 0.036*\"sovereignti\" + 0.035*\"rural\" + 0.026*\"reprint\" + 0.026*\"poison\" + 0.024*\"personifi\" + 0.020*\"moscow\" + 0.017*\"poland\" + 0.014*\"czech\" + 0.014*\"unfortun\"\n", - "2019-01-31 01:36:54,866 : INFO : topic #45 (0.020): 0.047*\"arsen\" + 0.030*\"jpg\" + 0.029*\"museo\" + 0.028*\"fifteenth\" + 0.022*\"pain\" + 0.022*\"illicit\" + 0.017*\"artist\" + 0.016*\"exhaust\" + 0.016*\"colder\" + 0.016*\"gai\"\n", - "2019-01-31 01:36:54,867 : INFO : topic #20 (0.020): 0.143*\"scholar\" + 0.039*\"struggl\" + 0.032*\"high\" + 0.029*\"educ\" + 0.024*\"collector\" + 0.017*\"yawn\" + 0.012*\"prognosi\" + 0.011*\"district\" + 0.010*\"task\" + 0.010*\"gothic\"\n", - "2019-01-31 01:36:54,868 : INFO : topic #3 (0.020): 0.034*\"present\" + 0.026*\"minist\" + 0.026*\"nation\" + 0.025*\"offic\" + 0.023*\"govern\" + 0.021*\"member\" + 0.017*\"start\" + 0.017*\"serv\" + 0.016*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:36:54,874 : INFO : topic diff=0.003146, rho=0.020655\n", - "2019-01-31 01:36:55,032 : INFO : PROGRESS: pass 0, at document #4690000/4922894\n", - "2019-01-31 01:36:56,394 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:36:56,662 : INFO : topic #27 (0.020): 0.076*\"questionnair\" + 0.022*\"candid\" + 0.017*\"taxpay\" + 0.013*\"tornado\" + 0.012*\"driver\" + 0.012*\"fool\" + 0.011*\"ret\" + 0.011*\"find\" + 0.011*\"squatter\" + 0.010*\"horac\"\n", - "2019-01-31 01:36:56,663 : INFO : topic #16 (0.020): 0.057*\"king\" + 0.031*\"priest\" + 0.020*\"duke\" + 0.018*\"rotterdam\" + 0.018*\"idiosyncrat\" + 0.017*\"grammat\" + 0.017*\"portugues\" + 0.017*\"quarterli\" + 0.013*\"kingdom\" + 0.013*\"brazil\"\n", - "2019-01-31 01:36:56,664 : INFO : topic #31 (0.020): 0.049*\"fusiform\" + 0.027*\"scientist\" + 0.026*\"taxpay\" + 0.022*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.014*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:36:56,665 : INFO : topic #6 (0.020): 0.068*\"fewer\" + 0.023*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.014*\"stake\" + 0.012*\"proclaim\" + 0.012*\"rodríguez\" + 0.010*\"movi\" + 0.010*\"direct\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:36:56,666 : INFO : topic #13 (0.020): 0.026*\"australia\" + 0.026*\"sourc\" + 0.026*\"london\" + 0.025*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.015*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 01:36:56,672 : INFO : topic diff=0.003062, rho=0.020650\n", - "2019-01-31 01:36:56,827 : INFO : PROGRESS: pass 0, at document #4692000/4922894\n", - "2019-01-31 01:36:58,190 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:36:58,457 : INFO : topic #21 (0.020): 0.037*\"samford\" + 0.023*\"spain\" + 0.018*\"del\" + 0.017*\"mexico\" + 0.017*\"italian\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"francisco\" + 0.010*\"carlo\"\n", - "2019-01-31 01:36:58,459 : INFO : topic #27 (0.020): 0.076*\"questionnair\" + 0.022*\"candid\" + 0.017*\"taxpay\" + 0.014*\"tornado\" + 0.012*\"driver\" + 0.012*\"fool\" + 0.011*\"ret\" + 0.011*\"squatter\" + 0.011*\"find\" + 0.010*\"horac\"\n", - "2019-01-31 01:36:58,460 : INFO : topic #35 (0.020): 0.059*\"russia\" + 0.037*\"sovereignti\" + 0.035*\"rural\" + 0.026*\"reprint\" + 0.026*\"poison\" + 0.024*\"personifi\" + 0.020*\"moscow\" + 0.017*\"poland\" + 0.014*\"unfortun\" + 0.014*\"czech\"\n", - "2019-01-31 01:36:58,460 : INFO : topic #26 (0.020): 0.030*\"workplac\" + 0.029*\"champion\" + 0.026*\"woman\" + 0.025*\"olymp\" + 0.024*\"men\" + 0.022*\"medal\" + 0.020*\"event\" + 0.020*\"alic\" + 0.018*\"taxpay\" + 0.017*\"rainfal\"\n", - "2019-01-31 01:36:58,462 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.011*\"will\" + 0.011*\"david\" + 0.011*\"jame\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"rhyme\" + 0.008*\"paul\" + 0.007*\"georg\"\n", - "2019-01-31 01:36:58,467 : INFO : topic diff=0.002836, rho=0.020646\n", - "2019-01-31 01:36:58,624 : INFO : PROGRESS: pass 0, at document #4694000/4922894\n", - "2019-01-31 01:36:59,987 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:37:00,254 : INFO : topic #39 (0.020): 0.060*\"canada\" + 0.046*\"canadian\" + 0.025*\"toronto\" + 0.022*\"hoar\" + 0.021*\"ontario\" + 0.015*\"misericordia\" + 0.015*\"hydrogen\" + 0.014*\"new\" + 0.014*\"novotná\" + 0.013*\"quebec\"\n", - "2019-01-31 01:37:00,255 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.022*\"cortic\" + 0.017*\"start\" + 0.017*\"act\" + 0.012*\"case\" + 0.012*\"ricardo\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.009*\"legal\" + 0.008*\"order\"\n", - "2019-01-31 01:37:00,256 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.026*\"minist\" + 0.026*\"nation\" + 0.025*\"offic\" + 0.022*\"govern\" + 0.021*\"member\" + 0.017*\"start\" + 0.017*\"serv\" + 0.016*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:37:00,257 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.012*\"busi\" + 0.012*\"million\" + 0.012*\"produc\" + 0.012*\"market\" + 0.010*\"industri\" + 0.010*\"bank\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 01:37:00,258 : INFO : topic #40 (0.020): 0.085*\"unit\" + 0.023*\"schuster\" + 0.022*\"requir\" + 0.022*\"institut\" + 0.020*\"collector\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"governor\" + 0.011*\"http\"\n", - "2019-01-31 01:37:00,264 : INFO : topic diff=0.003665, rho=0.020642\n", - "2019-01-31 01:37:00,417 : INFO : PROGRESS: pass 0, at document #4696000/4922894\n", - "2019-01-31 01:37:01,766 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:37:02,032 : INFO : topic #48 (0.020): 0.081*\"march\" + 0.077*\"sens\" + 0.076*\"octob\" + 0.071*\"januari\" + 0.071*\"juli\" + 0.069*\"april\" + 0.068*\"august\" + 0.068*\"notion\" + 0.068*\"judici\" + 0.065*\"decatur\"\n", - "2019-01-31 01:37:02,034 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.006*\"exampl\" + 0.006*\"poet\" + 0.006*\"théori\" + 0.006*\"servitud\" + 0.006*\"southern\" + 0.006*\"mode\" + 0.006*\"measur\"\n", - "2019-01-31 01:37:02,035 : INFO : topic #0 (0.020): 0.061*\"statewid\" + 0.040*\"line\" + 0.032*\"rivièr\" + 0.029*\"raid\" + 0.025*\"rosenwald\" + 0.022*\"airmen\" + 0.018*\"serv\" + 0.018*\"traceabl\" + 0.013*\"oper\" + 0.012*\"briarwood\"\n", - "2019-01-31 01:37:02,036 : INFO : topic #26 (0.020): 0.029*\"workplac\" + 0.029*\"champion\" + 0.026*\"woman\" + 0.025*\"olymp\" + 0.024*\"men\" + 0.023*\"alic\" + 0.022*\"medal\" + 0.020*\"event\" + 0.018*\"taxpay\" + 0.017*\"rainfal\"\n", - "2019-01-31 01:37:02,037 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.054*\"parti\" + 0.025*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.017*\"polici\" + 0.014*\"republ\" + 0.014*\"bypass\" + 0.014*\"liber\" + 0.013*\"report\"\n", - "2019-01-31 01:37:02,043 : INFO : topic diff=0.003034, rho=0.020637\n", - "2019-01-31 01:37:02,196 : INFO : PROGRESS: pass 0, at document #4698000/4922894\n", - "2019-01-31 01:37:03,541 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:37:03,807 : INFO : topic #4 (0.020): 0.019*\"enfranchis\" + 0.015*\"depress\" + 0.013*\"pour\" + 0.008*\"mode\" + 0.008*\"elabor\" + 0.008*\"uruguayan\" + 0.007*\"veget\" + 0.006*\"produc\" + 0.006*\"turn\" + 0.006*\"encyclopedia\"\n", - "2019-01-31 01:37:03,808 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.009*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.008*\"woman\" + 0.007*\"human\" + 0.006*\"workplac\"\n", - "2019-01-31 01:37:03,810 : INFO : topic #28 (0.020): 0.036*\"build\" + 0.030*\"hous\" + 0.019*\"buford\" + 0.016*\"histor\" + 0.011*\"linear\" + 0.011*\"depress\" + 0.011*\"centuri\" + 0.011*\"constitut\" + 0.011*\"silicon\" + 0.010*\"pistol\"\n", - "2019-01-31 01:37:03,811 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.011*\"will\" + 0.011*\"david\" + 0.011*\"jame\" + 0.010*\"rival\" + 0.010*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"rhyme\" + 0.008*\"paul\" + 0.007*\"georg\"\n", - "2019-01-31 01:37:03,812 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.011*\"septemb\" + 0.011*\"man\" + 0.011*\"anim\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.007*\"fusiform\" + 0.007*\"workplac\" + 0.007*\"storag\" + 0.006*\"black\"\n", - "2019-01-31 01:37:03,818 : INFO : topic diff=0.003210, rho=0.020633\n", - "2019-01-31 01:37:06,495 : INFO : -11.710 per-word bound, 3349.6 perplexity estimate based on a held-out corpus of 2000 documents with 559991 words\n", - "2019-01-31 01:37:06,495 : INFO : PROGRESS: pass 0, at document #4700000/4922894\n", - "2019-01-31 01:37:07,862 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:37:08,128 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.030*\"incumb\" + 0.013*\"islam\" + 0.012*\"pakistan\" + 0.011*\"anglo\" + 0.011*\"televis\" + 0.011*\"khalsa\" + 0.011*\"affection\" + 0.010*\"muskoge\" + 0.010*\"sri\"\n", - "2019-01-31 01:37:08,129 : INFO : topic #0 (0.020): 0.061*\"statewid\" + 0.039*\"line\" + 0.033*\"rivièr\" + 0.029*\"raid\" + 0.026*\"rosenwald\" + 0.021*\"airmen\" + 0.018*\"serv\" + 0.017*\"traceabl\" + 0.013*\"oper\" + 0.012*\"briarwood\"\n", - "2019-01-31 01:37:08,130 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.017*\"factor\" + 0.012*\"plaisir\" + 0.010*\"genu\" + 0.010*\"western\" + 0.008*\"biom\" + 0.008*\"median\" + 0.007*\"trap\" + 0.006*\"incom\" + 0.006*\"florida\"\n", - "2019-01-31 01:37:08,131 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.026*\"nation\" + 0.026*\"minist\" + 0.025*\"offic\" + 0.023*\"govern\" + 0.021*\"member\" + 0.017*\"start\" + 0.017*\"serv\" + 0.016*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:37:08,132 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.015*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.009*\"myspac\"\n", - "2019-01-31 01:37:08,138 : INFO : topic diff=0.002938, rho=0.020628\n", - "2019-01-31 01:37:08,296 : INFO : PROGRESS: pass 0, at document #4702000/4922894\n", - "2019-01-31 01:37:09,667 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:37:09,934 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.054*\"parti\" + 0.025*\"voluntari\" + 0.023*\"democrat\" + 0.020*\"member\" + 0.017*\"polici\" + 0.014*\"republ\" + 0.014*\"bypass\" + 0.014*\"liber\" + 0.013*\"report\"\n", - "2019-01-31 01:37:09,936 : INFO : topic #6 (0.020): 0.068*\"fewer\" + 0.023*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.014*\"stake\" + 0.012*\"proclaim\" + 0.012*\"rodríguez\" + 0.010*\"movi\" + 0.010*\"direct\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:37:09,937 : INFO : topic #17 (0.020): 0.080*\"church\" + 0.023*\"christian\" + 0.022*\"cathol\" + 0.020*\"bishop\" + 0.017*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.009*\"parish\" + 0.009*\"historiographi\" + 0.009*\"cathedr\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:37:09,938 : INFO : topic #27 (0.020): 0.075*\"questionnair\" + 0.022*\"candid\" + 0.017*\"taxpay\" + 0.014*\"tornado\" + 0.012*\"driver\" + 0.012*\"squatter\" + 0.011*\"find\" + 0.011*\"fool\" + 0.011*\"ret\" + 0.010*\"horac\"\n", - "2019-01-31 01:37:09,939 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.010*\"class\" + 0.009*\"fleet\"\n", - "2019-01-31 01:37:09,945 : INFO : topic diff=0.003708, rho=0.020624\n", - "2019-01-31 01:37:10,160 : INFO : PROGRESS: pass 0, at document #4704000/4922894\n", - "2019-01-31 01:37:11,533 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:37:11,800 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.006*\"uruguayan\"\n", - "2019-01-31 01:37:11,801 : INFO : topic #40 (0.020): 0.085*\"unit\" + 0.023*\"schuster\" + 0.022*\"requir\" + 0.022*\"institut\" + 0.020*\"collector\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"governor\" + 0.011*\"http\"\n", - "2019-01-31 01:37:11,803 : INFO : topic #24 (0.020): 0.040*\"book\" + 0.036*\"publicis\" + 0.025*\"word\" + 0.020*\"new\" + 0.015*\"presid\" + 0.014*\"edit\" + 0.012*\"magazin\" + 0.011*\"nicola\" + 0.011*\"worldwid\" + 0.011*\"storag\"\n", - "2019-01-31 01:37:11,804 : INFO : topic #35 (0.020): 0.059*\"russia\" + 0.036*\"sovereignti\" + 0.035*\"rural\" + 0.026*\"poison\" + 0.026*\"reprint\" + 0.023*\"personifi\" + 0.020*\"moscow\" + 0.017*\"poland\" + 0.014*\"tyrant\" + 0.014*\"unfortun\"\n", - "2019-01-31 01:37:11,805 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.012*\"busi\" + 0.012*\"million\" + 0.012*\"market\" + 0.012*\"produc\" + 0.010*\"bank\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 01:37:11,811 : INFO : topic diff=0.003334, rho=0.020620\n", - "2019-01-31 01:37:11,970 : INFO : PROGRESS: pass 0, at document #4706000/4922894\n", - "2019-01-31 01:37:13,352 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:37:13,618 : INFO : topic #39 (0.020): 0.060*\"canada\" + 0.046*\"canadian\" + 0.025*\"toronto\" + 0.022*\"hoar\" + 0.021*\"ontario\" + 0.015*\"hydrogen\" + 0.015*\"misericordia\" + 0.014*\"new\" + 0.014*\"quebec\" + 0.014*\"novotná\"\n", - "2019-01-31 01:37:13,619 : INFO : topic #0 (0.020): 0.061*\"statewid\" + 0.039*\"line\" + 0.033*\"rivièr\" + 0.029*\"raid\" + 0.025*\"rosenwald\" + 0.021*\"airmen\" + 0.018*\"serv\" + 0.018*\"traceabl\" + 0.013*\"oper\" + 0.012*\"briarwood\"\n", - "2019-01-31 01:37:13,620 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.031*\"germani\" + 0.015*\"vol\" + 0.015*\"israel\" + 0.014*\"berlin\" + 0.014*\"jewish\" + 0.014*\"der\" + 0.010*\"european\" + 0.009*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:37:13,621 : INFO : topic #40 (0.020): 0.085*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.022*\"requir\" + 0.020*\"collector\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"governor\" + 0.011*\"http\"\n", - "2019-01-31 01:37:13,622 : INFO : topic #24 (0.020): 0.040*\"book\" + 0.036*\"publicis\" + 0.024*\"word\" + 0.020*\"new\" + 0.015*\"presid\" + 0.014*\"edit\" + 0.012*\"magazin\" + 0.011*\"nicola\" + 0.011*\"worldwid\" + 0.011*\"storag\"\n", - "2019-01-31 01:37:13,628 : INFO : topic diff=0.003315, rho=0.020615\n", - "2019-01-31 01:37:13,782 : INFO : PROGRESS: pass 0, at document #4708000/4922894\n", - "2019-01-31 01:37:15,149 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:37:15,416 : INFO : topic #20 (0.020): 0.141*\"scholar\" + 0.039*\"struggl\" + 0.032*\"high\" + 0.030*\"educ\" + 0.024*\"collector\" + 0.017*\"yawn\" + 0.012*\"prognosi\" + 0.011*\"district\" + 0.010*\"task\" + 0.009*\"gothic\"\n", - "2019-01-31 01:37:15,417 : INFO : topic #6 (0.020): 0.068*\"fewer\" + 0.023*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.014*\"stake\" + 0.012*\"proclaim\" + 0.012*\"rodríguez\" + 0.010*\"movi\" + 0.010*\"direct\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:37:15,418 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.032*\"perceptu\" + 0.021*\"theater\" + 0.018*\"compos\" + 0.017*\"place\" + 0.016*\"damn\" + 0.013*\"orchestr\" + 0.013*\"physician\" + 0.013*\"olympo\" + 0.011*\"word\"\n", - "2019-01-31 01:37:15,419 : INFO : topic #30 (0.020): 0.035*\"cleveland\" + 0.035*\"leagu\" + 0.029*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.013*\"schmitz\"\n", - "2019-01-31 01:37:15,420 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.016*\"mexico\" + 0.016*\"italian\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"francisco\" + 0.011*\"juan\" + 0.010*\"lizard\"\n", - "2019-01-31 01:37:15,426 : INFO : topic diff=0.002818, rho=0.020611\n", - "2019-01-31 01:37:15,581 : INFO : PROGRESS: pass 0, at document #4710000/4922894\n", - "2019-01-31 01:37:16,943 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:37:17,209 : INFO : topic #35 (0.020): 0.061*\"russia\" + 0.037*\"rural\" + 0.037*\"sovereignti\" + 0.026*\"poison\" + 0.026*\"reprint\" + 0.024*\"personifi\" + 0.020*\"moscow\" + 0.018*\"poland\" + 0.015*\"tyrant\" + 0.014*\"unfortun\"\n", - "2019-01-31 01:37:17,211 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.014*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.007*\"uruguayan\"\n", - "2019-01-31 01:37:17,212 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.006*\"exampl\" + 0.006*\"poet\" + 0.006*\"théori\" + 0.006*\"servitud\" + 0.006*\"southern\" + 0.006*\"mode\" + 0.006*\"measur\"\n", - "2019-01-31 01:37:17,213 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.032*\"perceptu\" + 0.021*\"theater\" + 0.018*\"compos\" + 0.017*\"place\" + 0.016*\"damn\" + 0.014*\"orchestr\" + 0.013*\"physician\" + 0.013*\"olympo\" + 0.011*\"word\"\n", - "2019-01-31 01:37:17,214 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.045*\"popolo\" + 0.042*\"vigour\" + 0.034*\"tortur\" + 0.032*\"cotton\" + 0.023*\"adulthood\" + 0.022*\"multitud\" + 0.021*\"area\" + 0.020*\"commun\" + 0.020*\"cede\"\n", - "2019-01-31 01:37:17,220 : INFO : topic diff=0.002997, rho=0.020607\n", - "2019-01-31 01:37:17,379 : INFO : PROGRESS: pass 0, at document #4712000/4922894\n", - "2019-01-31 01:37:18,766 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:37:19,033 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.026*\"nation\" + 0.025*\"minist\" + 0.025*\"offic\" + 0.023*\"govern\" + 0.021*\"member\" + 0.018*\"start\" + 0.017*\"serv\" + 0.016*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:37:19,034 : INFO : topic #48 (0.020): 0.081*\"march\" + 0.075*\"octob\" + 0.075*\"sens\" + 0.073*\"januari\" + 0.070*\"juli\" + 0.069*\"april\" + 0.068*\"notion\" + 0.068*\"judici\" + 0.067*\"august\" + 0.067*\"decatur\"\n", - "2019-01-31 01:37:19,035 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.022*\"spain\" + 0.019*\"del\" + 0.017*\"mexico\" + 0.016*\"italian\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"francisco\" + 0.011*\"juan\" + 0.010*\"lizard\"\n", - "2019-01-31 01:37:19,036 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"prognosi\" + 0.010*\"pop\" + 0.009*\"cytokin\" + 0.008*\"develop\" + 0.008*\"diggin\" + 0.007*\"softwar\" + 0.007*\"uruguayan\" + 0.007*\"includ\" + 0.007*\"user\"\n", - "2019-01-31 01:37:19,037 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.013*\"faster\" + 0.012*\"deal\" + 0.012*\"will\"\n", - "2019-01-31 01:37:19,043 : INFO : topic diff=0.003257, rho=0.020602\n", - "2019-01-31 01:37:19,205 : INFO : PROGRESS: pass 0, at document #4714000/4922894\n", - "2019-01-31 01:37:20,580 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:37:20,847 : INFO : topic #24 (0.020): 0.040*\"book\" + 0.036*\"publicis\" + 0.025*\"word\" + 0.020*\"new\" + 0.014*\"presid\" + 0.014*\"edit\" + 0.012*\"magazin\" + 0.011*\"worldwid\" + 0.011*\"nicola\" + 0.011*\"author\"\n", - "2019-01-31 01:37:20,849 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.009*\"myspac\"\n", - "2019-01-31 01:37:20,850 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.026*\"final\" + 0.024*\"wife\" + 0.021*\"tourist\" + 0.018*\"champion\" + 0.014*\"chamber\" + 0.014*\"martin\" + 0.014*\"taxpay\" + 0.014*\"tiepolo\" + 0.012*\"open\"\n", - "2019-01-31 01:37:20,851 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"prognosi\" + 0.010*\"pop\" + 0.009*\"cytokin\" + 0.008*\"diggin\" + 0.008*\"develop\" + 0.007*\"softwar\" + 0.007*\"uruguayan\" + 0.007*\"includ\" + 0.007*\"user\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:37:20,852 : INFO : topic #4 (0.020): 0.019*\"enfranchis\" + 0.015*\"depress\" + 0.013*\"pour\" + 0.008*\"mode\" + 0.008*\"veget\" + 0.008*\"uruguayan\" + 0.008*\"elabor\" + 0.006*\"turn\" + 0.006*\"produc\" + 0.006*\"develop\"\n", - "2019-01-31 01:37:20,858 : INFO : topic diff=0.003233, rho=0.020598\n", - "2019-01-31 01:37:21,020 : INFO : PROGRESS: pass 0, at document #4716000/4922894\n", - "2019-01-31 01:37:22,404 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:37:22,671 : INFO : topic #23 (0.020): 0.139*\"audit\" + 0.068*\"best\" + 0.035*\"yawn\" + 0.028*\"jacksonvil\" + 0.023*\"japanes\" + 0.021*\"noll\" + 0.019*\"women\" + 0.018*\"intern\" + 0.017*\"festiv\" + 0.015*\"prison\"\n", - "2019-01-31 01:37:22,672 : INFO : topic #34 (0.020): 0.066*\"start\" + 0.033*\"new\" + 0.031*\"american\" + 0.029*\"unionist\" + 0.026*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:37:22,672 : INFO : topic #40 (0.020): 0.086*\"unit\" + 0.023*\"schuster\" + 0.022*\"requir\" + 0.022*\"institut\" + 0.020*\"collector\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"governor\" + 0.011*\"http\"\n", - "2019-01-31 01:37:22,674 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.011*\"septemb\" + 0.011*\"man\" + 0.010*\"anim\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.007*\"fusiform\" + 0.007*\"workplac\" + 0.007*\"storag\" + 0.006*\"black\"\n", - "2019-01-31 01:37:22,675 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.026*\"final\" + 0.024*\"wife\" + 0.021*\"tourist\" + 0.018*\"champion\" + 0.014*\"chamber\" + 0.014*\"martin\" + 0.014*\"taxpay\" + 0.014*\"tiepolo\" + 0.012*\"open\"\n", - "2019-01-31 01:37:22,680 : INFO : topic diff=0.002917, rho=0.020593\n", - "2019-01-31 01:37:22,837 : INFO : PROGRESS: pass 0, at document #4718000/4922894\n", - "2019-01-31 01:37:24,203 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:37:24,469 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.030*\"incumb\" + 0.013*\"islam\" + 0.012*\"pakistan\" + 0.012*\"anglo\" + 0.011*\"affection\" + 0.011*\"tajikistan\" + 0.010*\"televis\" + 0.010*\"muskoge\" + 0.010*\"khalsa\"\n", - "2019-01-31 01:37:24,471 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.021*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.014*\"oper\" + 0.013*\"unionist\" + 0.012*\"militari\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:37:24,472 : INFO : topic #30 (0.020): 0.035*\"cleveland\" + 0.035*\"leagu\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.013*\"schmitz\"\n", - "2019-01-31 01:37:24,473 : INFO : topic #16 (0.020): 0.054*\"king\" + 0.030*\"priest\" + 0.020*\"duke\" + 0.018*\"idiosyncrat\" + 0.018*\"rotterdam\" + 0.017*\"portugues\" + 0.017*\"grammat\" + 0.016*\"quarterli\" + 0.014*\"kingdom\" + 0.014*\"brazil\"\n", - "2019-01-31 01:37:24,474 : INFO : topic #3 (0.020): 0.032*\"present\" + 0.026*\"nation\" + 0.025*\"minist\" + 0.025*\"offic\" + 0.024*\"govern\" + 0.022*\"member\" + 0.018*\"start\" + 0.017*\"serv\" + 0.016*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:37:24,480 : INFO : topic diff=0.002491, rho=0.020589\n", - "2019-01-31 01:37:27,158 : INFO : -11.889 per-word bound, 3792.9 perplexity estimate based on a held-out corpus of 2000 documents with 552936 words\n", - "2019-01-31 01:37:27,159 : INFO : PROGRESS: pass 0, at document #4720000/4922894\n", - "2019-01-31 01:37:28,533 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:37:28,799 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.012*\"market\" + 0.011*\"produc\" + 0.010*\"industri\" + 0.010*\"bank\" + 0.009*\"manag\" + 0.009*\"yawn\" + 0.007*\"trace\"\n", - "2019-01-31 01:37:28,800 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.026*\"final\" + 0.024*\"wife\" + 0.021*\"tourist\" + 0.018*\"champion\" + 0.014*\"chamber\" + 0.014*\"martin\" + 0.014*\"taxpay\" + 0.014*\"tiepolo\" + 0.012*\"open\"\n", - "2019-01-31 01:37:28,801 : INFO : topic #33 (0.020): 0.060*\"french\" + 0.044*\"franc\" + 0.030*\"pari\" + 0.022*\"jean\" + 0.022*\"wreath\" + 0.021*\"sail\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.012*\"piec\"\n", - "2019-01-31 01:37:28,802 : INFO : topic #23 (0.020): 0.138*\"audit\" + 0.068*\"best\" + 0.035*\"yawn\" + 0.028*\"jacksonvil\" + 0.023*\"japanes\" + 0.021*\"noll\" + 0.019*\"women\" + 0.018*\"intern\" + 0.017*\"festiv\" + 0.015*\"prison\"\n", - "2019-01-31 01:37:28,804 : INFO : topic #18 (0.020): 0.010*\"théori\" + 0.007*\"later\" + 0.006*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"end\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.004*\"help\" + 0.004*\"call\"\n", - "2019-01-31 01:37:28,809 : INFO : topic diff=0.002880, rho=0.020585\n", - "2019-01-31 01:37:28,967 : INFO : PROGRESS: pass 0, at document #4722000/4922894\n", - "2019-01-31 01:37:30,334 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:37:30,601 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.026*\"final\" + 0.024*\"wife\" + 0.021*\"tourist\" + 0.018*\"champion\" + 0.015*\"chamber\" + 0.014*\"martin\" + 0.014*\"taxpay\" + 0.014*\"tiepolo\" + 0.012*\"open\"\n", - "2019-01-31 01:37:30,602 : INFO : topic #1 (0.020): 0.054*\"china\" + 0.047*\"chilton\" + 0.028*\"kong\" + 0.027*\"hong\" + 0.021*\"korea\" + 0.018*\"korean\" + 0.015*\"leah\" + 0.015*\"sourc\" + 0.014*\"kim\" + 0.014*\"shirin\"\n", - "2019-01-31 01:37:30,603 : INFO : topic #31 (0.020): 0.049*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.022*\"player\" + 0.019*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:37:30,604 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.006*\"gener\" + 0.006*\"exampl\" + 0.006*\"poet\" + 0.006*\"théori\" + 0.006*\"servitud\" + 0.006*\"mode\" + 0.006*\"measur\" + 0.006*\"southern\"\n", - "2019-01-31 01:37:30,605 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"mean\" + 0.009*\"origin\" + 0.008*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.007*\"uruguayan\"\n", - "2019-01-31 01:37:30,611 : INFO : topic diff=0.003509, rho=0.020580\n", - "2019-01-31 01:37:30,769 : INFO : PROGRESS: pass 0, at document #4724000/4922894\n", - "2019-01-31 01:37:32,164 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:37:32,431 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.011*\"septemb\" + 0.011*\"man\" + 0.010*\"anim\" + 0.008*\"comic\" + 0.007*\"fusiform\" + 0.007*\"appear\" + 0.007*\"workplac\" + 0.007*\"storag\" + 0.006*\"black\"\n", - "2019-01-31 01:37:32,432 : INFO : topic #25 (0.020): 0.033*\"ring\" + 0.019*\"area\" + 0.018*\"lagrang\" + 0.016*\"warmth\" + 0.015*\"mount\" + 0.010*\"north\" + 0.009*\"land\" + 0.009*\"sourc\" + 0.009*\"palmer\" + 0.009*\"foam\"\n", - "2019-01-31 01:37:32,433 : INFO : topic #26 (0.020): 0.029*\"workplac\" + 0.029*\"champion\" + 0.025*\"woman\" + 0.025*\"olymp\" + 0.024*\"men\" + 0.021*\"medal\" + 0.020*\"alic\" + 0.020*\"event\" + 0.018*\"taxpay\" + 0.018*\"atheist\"\n", - "2019-01-31 01:37:32,434 : INFO : topic #41 (0.020): 0.042*\"citi\" + 0.026*\"palmer\" + 0.019*\"new\" + 0.018*\"strategist\" + 0.013*\"open\" + 0.013*\"center\" + 0.011*\"lobe\" + 0.011*\"includ\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:37:32,435 : INFO : topic #28 (0.020): 0.036*\"build\" + 0.030*\"hous\" + 0.019*\"buford\" + 0.016*\"histor\" + 0.012*\"linear\" + 0.012*\"depress\" + 0.011*\"centuri\" + 0.011*\"constitut\" + 0.011*\"silicon\" + 0.010*\"pistol\"\n", - "2019-01-31 01:37:32,441 : INFO : topic diff=0.003054, rho=0.020576\n", - "2019-01-31 01:37:32,595 : INFO : PROGRESS: pass 0, at document #4726000/4922894\n", - "2019-01-31 01:37:33,932 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:37:34,198 : INFO : topic #25 (0.020): 0.033*\"ring\" + 0.019*\"area\" + 0.018*\"lagrang\" + 0.016*\"warmth\" + 0.015*\"mount\" + 0.010*\"north\" + 0.009*\"land\" + 0.009*\"sourc\" + 0.009*\"palmer\" + 0.009*\"foam\"\n", - "2019-01-31 01:37:34,200 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.012*\"market\" + 0.011*\"produc\" + 0.010*\"industri\" + 0.010*\"bank\" + 0.009*\"manag\" + 0.009*\"yawn\" + 0.007*\"oper\"\n", - "2019-01-31 01:37:34,201 : INFO : topic #13 (0.020): 0.028*\"australia\" + 0.027*\"london\" + 0.026*\"sourc\" + 0.025*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.015*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:37:34,202 : INFO : topic #34 (0.020): 0.066*\"start\" + 0.033*\"new\" + 0.031*\"american\" + 0.029*\"unionist\" + 0.026*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.011*\"north\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:37:34,203 : INFO : topic #0 (0.020): 0.061*\"statewid\" + 0.039*\"line\" + 0.033*\"rivièr\" + 0.029*\"raid\" + 0.026*\"rosenwald\" + 0.021*\"airmen\" + 0.018*\"traceabl\" + 0.018*\"serv\" + 0.013*\"oper\" + 0.012*\"briarwood\"\n", - "2019-01-31 01:37:34,208 : INFO : topic diff=0.002606, rho=0.020572\n", - "2019-01-31 01:37:34,360 : INFO : PROGRESS: pass 0, at document #4728000/4922894\n", - "2019-01-31 01:37:35,719 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:37:35,986 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.031*\"germani\" + 0.016*\"vol\" + 0.015*\"jewish\" + 0.014*\"israel\" + 0.014*\"der\" + 0.014*\"berlin\" + 0.010*\"european\" + 0.010*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:37:35,987 : INFO : topic #26 (0.020): 0.029*\"workplac\" + 0.029*\"champion\" + 0.026*\"woman\" + 0.024*\"olymp\" + 0.024*\"men\" + 0.021*\"medal\" + 0.020*\"alic\" + 0.020*\"event\" + 0.018*\"taxpay\" + 0.017*\"atheist\"\n", - "2019-01-31 01:37:35,988 : INFO : topic #46 (0.020): 0.017*\"sweden\" + 0.016*\"stop\" + 0.016*\"swedish\" + 0.016*\"norwai\" + 0.014*\"wind\" + 0.013*\"norwegian\" + 0.013*\"damag\" + 0.010*\"turkish\" + 0.010*\"denmark\" + 0.010*\"farid\"\n", - "2019-01-31 01:37:35,989 : INFO : topic #6 (0.020): 0.068*\"fewer\" + 0.024*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.014*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"movi\" + 0.010*\"direct\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:37:35,990 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.008*\"group\" + 0.008*\"peopl\" + 0.008*\"word\" + 0.007*\"woman\" + 0.007*\"human\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:37:35,996 : INFO : topic diff=0.003487, rho=0.020567\n", - "2019-01-31 01:37:36,152 : INFO : PROGRESS: pass 0, at document #4730000/4922894\n", - "2019-01-31 01:37:37,519 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:37:37,785 : INFO : topic #39 (0.020): 0.059*\"canada\" + 0.046*\"canadian\" + 0.025*\"toronto\" + 0.023*\"hoar\" + 0.021*\"ontario\" + 0.015*\"hydrogen\" + 0.015*\"misericordia\" + 0.014*\"new\" + 0.014*\"quebec\" + 0.014*\"novotná\"\n", - "2019-01-31 01:37:37,786 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.030*\"incumb\" + 0.013*\"islam\" + 0.012*\"pakistan\" + 0.012*\"anglo\" + 0.011*\"affection\" + 0.011*\"khalsa\" + 0.011*\"televis\" + 0.011*\"tajikistan\" + 0.010*\"muskoge\"\n", - "2019-01-31 01:37:37,787 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.046*\"popolo\" + 0.042*\"vigour\" + 0.034*\"tortur\" + 0.031*\"cotton\" + 0.023*\"adulthood\" + 0.022*\"multitud\" + 0.021*\"area\" + 0.020*\"cede\" + 0.019*\"commun\"\n", - "2019-01-31 01:37:37,788 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.006*\"exampl\" + 0.006*\"théori\" + 0.006*\"poet\" + 0.006*\"servitud\" + 0.006*\"mode\" + 0.006*\"measur\" + 0.006*\"southern\"\n", - "2019-01-31 01:37:37,789 : INFO : topic #17 (0.020): 0.080*\"church\" + 0.023*\"christian\" + 0.023*\"cathol\" + 0.020*\"bishop\" + 0.016*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.010*\"parish\" + 0.009*\"historiographi\" + 0.009*\"cathedr\"\n", - "2019-01-31 01:37:37,795 : INFO : topic diff=0.003071, rho=0.020563\n", - "2019-01-31 01:37:37,952 : INFO : PROGRESS: pass 0, at document #4732000/4922894\n", - "2019-01-31 01:37:39,314 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:37:39,580 : INFO : topic #45 (0.020): 0.048*\"arsen\" + 0.030*\"jpg\" + 0.030*\"museo\" + 0.027*\"fifteenth\" + 0.022*\"pain\" + 0.021*\"illicit\" + 0.017*\"artist\" + 0.016*\"exhaust\" + 0.016*\"colder\" + 0.016*\"gai\"\n", - "2019-01-31 01:37:39,582 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.008*\"word\" + 0.007*\"woman\" + 0.007*\"human\" + 0.006*\"workplac\"\n", - "2019-01-31 01:37:39,583 : INFO : topic #25 (0.020): 0.033*\"ring\" + 0.019*\"area\" + 0.018*\"lagrang\" + 0.017*\"warmth\" + 0.015*\"mount\" + 0.010*\"north\" + 0.009*\"land\" + 0.009*\"foam\" + 0.009*\"sourc\" + 0.009*\"palmer\"\n", - "2019-01-31 01:37:39,584 : INFO : topic #33 (0.020): 0.061*\"french\" + 0.044*\"franc\" + 0.030*\"pari\" + 0.022*\"jean\" + 0.021*\"sail\" + 0.020*\"wreath\" + 0.017*\"daphn\" + 0.013*\"lazi\" + 0.012*\"loui\" + 0.012*\"piec\"\n", - "2019-01-31 01:37:39,585 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.007*\"english\" + 0.007*\"known\" + 0.007*\"uruguayan\"\n", - "2019-01-31 01:37:39,591 : INFO : topic diff=0.002807, rho=0.020559\n", - "2019-01-31 01:37:39,801 : INFO : PROGRESS: pass 0, at document #4734000/4922894\n", - "2019-01-31 01:37:41,147 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:37:41,413 : INFO : topic #28 (0.020): 0.036*\"build\" + 0.030*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.012*\"linear\" + 0.012*\"depress\" + 0.011*\"centuri\" + 0.011*\"constitut\" + 0.011*\"silicon\" + 0.010*\"pistol\"\n", - "2019-01-31 01:37:41,415 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.008*\"word\" + 0.007*\"woman\" + 0.007*\"human\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:37:41,416 : INFO : topic #6 (0.020): 0.068*\"fewer\" + 0.023*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.014*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"movi\" + 0.010*\"direct\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:37:41,417 : INFO : topic #24 (0.020): 0.040*\"book\" + 0.036*\"publicis\" + 0.025*\"word\" + 0.020*\"new\" + 0.014*\"presid\" + 0.014*\"edit\" + 0.012*\"magazin\" + 0.011*\"worldwid\" + 0.011*\"nicola\" + 0.011*\"author\"\n", - "2019-01-31 01:37:41,418 : INFO : topic #40 (0.020): 0.086*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.022*\"requir\" + 0.020*\"collector\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"governor\" + 0.011*\"http\"\n", - "2019-01-31 01:37:41,424 : INFO : topic diff=0.003296, rho=0.020554\n", - "2019-01-31 01:37:41,574 : INFO : PROGRESS: pass 0, at document #4736000/4922894\n", - "2019-01-31 01:37:42,921 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:37:43,188 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.046*\"popolo\" + 0.042*\"vigour\" + 0.034*\"tortur\" + 0.031*\"cotton\" + 0.023*\"adulthood\" + 0.022*\"multitud\" + 0.021*\"area\" + 0.020*\"cede\" + 0.019*\"commun\"\n", - "2019-01-31 01:37:43,189 : INFO : topic #11 (0.020): 0.022*\"john\" + 0.011*\"will\" + 0.011*\"jame\" + 0.011*\"david\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"paul\" + 0.008*\"rhyme\" + 0.007*\"georg\"\n", - "2019-01-31 01:37:43,190 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.029*\"incumb\" + 0.013*\"islam\" + 0.012*\"pakistan\" + 0.012*\"anglo\" + 0.011*\"affection\" + 0.011*\"khalsa\" + 0.010*\"televis\" + 0.010*\"muskoge\" + 0.010*\"tajikistan\"\n", - "2019-01-31 01:37:43,191 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.009*\"aza\" + 0.009*\"forc\" + 0.008*\"battalion\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.007*\"teufel\" + 0.007*\"govern\" + 0.006*\"militari\" + 0.006*\"pour\"\n", - "2019-01-31 01:37:43,192 : INFO : topic #21 (0.020): 0.035*\"samford\" + 0.023*\"spain\" + 0.018*\"del\" + 0.017*\"mexico\" + 0.017*\"italian\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"francisco\" + 0.011*\"juan\" + 0.010*\"itali\"\n", - "2019-01-31 01:37:43,198 : INFO : topic diff=0.002982, rho=0.020550\n", - "2019-01-31 01:37:43,351 : INFO : PROGRESS: pass 0, at document #4738000/4922894\n", - "2019-01-31 01:37:44,688 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:37:44,954 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.032*\"perceptu\" + 0.021*\"theater\" + 0.018*\"compos\" + 0.018*\"place\" + 0.016*\"damn\" + 0.013*\"orchestr\" + 0.013*\"physician\" + 0.013*\"olympo\" + 0.011*\"word\"\n", - "2019-01-31 01:37:44,955 : INFO : topic #46 (0.020): 0.017*\"sweden\" + 0.016*\"swedish\" + 0.016*\"stop\" + 0.016*\"norwai\" + 0.014*\"wind\" + 0.014*\"norwegian\" + 0.013*\"damag\" + 0.011*\"treeless\" + 0.011*\"huntsvil\" + 0.010*\"denmark\"\n", - "2019-01-31 01:37:44,956 : INFO : topic #1 (0.020): 0.056*\"china\" + 0.046*\"chilton\" + 0.028*\"kong\" + 0.027*\"hong\" + 0.021*\"korea\" + 0.018*\"korean\" + 0.015*\"sourc\" + 0.014*\"leah\" + 0.014*\"shirin\" + 0.014*\"kim\"\n", - "2019-01-31 01:37:44,957 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.032*\"germani\" + 0.015*\"vol\" + 0.015*\"israel\" + 0.014*\"jewish\" + 0.014*\"der\" + 0.014*\"berlin\" + 0.010*\"european\" + 0.010*\"europ\" + 0.009*\"austria\"\n", - "2019-01-31 01:37:44,958 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.054*\"parti\" + 0.025*\"voluntari\" + 0.024*\"democrat\" + 0.020*\"member\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.014*\"bypass\" + 0.013*\"report\" + 0.013*\"liber\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:37:44,964 : INFO : topic diff=0.003137, rho=0.020546\n", - "2019-01-31 01:37:47,630 : INFO : -11.389 per-word bound, 2682.5 perplexity estimate based on a held-out corpus of 2000 documents with 548437 words\n", - "2019-01-31 01:37:47,630 : INFO : PROGRESS: pass 0, at document #4740000/4922894\n", - "2019-01-31 01:37:48,996 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:37:49,263 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"media\" + 0.008*\"have\" + 0.008*\"disco\" + 0.007*\"hormon\" + 0.007*\"caus\" + 0.007*\"pathwai\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.005*\"treat\"\n", - "2019-01-31 01:37:49,264 : INFO : topic #26 (0.020): 0.029*\"workplac\" + 0.029*\"champion\" + 0.026*\"woman\" + 0.024*\"olymp\" + 0.023*\"men\" + 0.021*\"medal\" + 0.020*\"alic\" + 0.019*\"event\" + 0.018*\"taxpay\" + 0.017*\"rainfal\"\n", - "2019-01-31 01:37:49,265 : INFO : topic #21 (0.020): 0.035*\"samford\" + 0.023*\"spain\" + 0.018*\"del\" + 0.017*\"mexico\" + 0.017*\"italian\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"francisco\" + 0.011*\"juan\" + 0.010*\"itali\"\n", - "2019-01-31 01:37:49,266 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.012*\"septemb\" + 0.011*\"man\" + 0.010*\"anim\" + 0.008*\"comic\" + 0.007*\"fusiform\" + 0.007*\"appear\" + 0.007*\"workplac\" + 0.007*\"storag\" + 0.006*\"black\"\n", - "2019-01-31 01:37:49,267 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.032*\"perceptu\" + 0.021*\"theater\" + 0.018*\"compos\" + 0.018*\"place\" + 0.016*\"damn\" + 0.014*\"orchestr\" + 0.013*\"physician\" + 0.013*\"olympo\" + 0.011*\"word\"\n", - "2019-01-31 01:37:49,273 : INFO : topic diff=0.002845, rho=0.020541\n", - "2019-01-31 01:37:49,437 : INFO : PROGRESS: pass 0, at document #4742000/4922894\n", - "2019-01-31 01:37:50,804 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:37:51,073 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.010*\"organ\" + 0.010*\"develop\" + 0.009*\"commun\" + 0.009*\"group\" + 0.008*\"peopl\" + 0.008*\"word\" + 0.007*\"woman\" + 0.007*\"human\" + 0.006*\"workplac\"\n", - "2019-01-31 01:37:51,075 : INFO : topic #30 (0.020): 0.035*\"leagu\" + 0.034*\"cleveland\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.022*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.013*\"schmitz\"\n", - "2019-01-31 01:37:51,076 : INFO : topic #39 (0.020): 0.060*\"canada\" + 0.047*\"canadian\" + 0.026*\"toronto\" + 0.024*\"hoar\" + 0.021*\"ontario\" + 0.015*\"hydrogen\" + 0.015*\"misericordia\" + 0.014*\"new\" + 0.014*\"quebec\" + 0.014*\"novotná\"\n", - "2019-01-31 01:37:51,077 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.030*\"incumb\" + 0.013*\"islam\" + 0.013*\"pakistan\" + 0.012*\"anglo\" + 0.011*\"affection\" + 0.011*\"khalsa\" + 0.011*\"muskoge\" + 0.010*\"televis\" + 0.010*\"tajikistan\"\n", - "2019-01-31 01:37:51,078 : INFO : topic #21 (0.020): 0.035*\"samford\" + 0.023*\"spain\" + 0.018*\"del\" + 0.017*\"mexico\" + 0.017*\"italian\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.010*\"francisco\" + 0.010*\"itali\"\n", - "2019-01-31 01:37:51,083 : INFO : topic diff=0.003030, rho=0.020537\n", - "2019-01-31 01:37:51,236 : INFO : PROGRESS: pass 0, at document #4744000/4922894\n", - "2019-01-31 01:37:52,602 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:37:52,868 : INFO : topic #26 (0.020): 0.030*\"workplac\" + 0.029*\"champion\" + 0.026*\"woman\" + 0.024*\"olymp\" + 0.023*\"men\" + 0.021*\"medal\" + 0.020*\"alic\" + 0.019*\"event\" + 0.018*\"taxpay\" + 0.017*\"atheist\"\n", - "2019-01-31 01:37:52,869 : INFO : topic #17 (0.020): 0.080*\"church\" + 0.023*\"christian\" + 0.023*\"cathol\" + 0.020*\"bishop\" + 0.016*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.010*\"parish\" + 0.009*\"historiographi\" + 0.009*\"cathedr\"\n", - "2019-01-31 01:37:52,870 : INFO : topic #48 (0.020): 0.081*\"march\" + 0.077*\"octob\" + 0.077*\"sens\" + 0.072*\"januari\" + 0.071*\"juli\" + 0.069*\"notion\" + 0.069*\"august\" + 0.068*\"april\" + 0.068*\"judici\" + 0.067*\"decatur\"\n", - "2019-01-31 01:37:52,871 : INFO : topic #35 (0.020): 0.057*\"russia\" + 0.038*\"sovereignti\" + 0.035*\"rural\" + 0.029*\"poison\" + 0.027*\"reprint\" + 0.024*\"personifi\" + 0.020*\"moscow\" + 0.019*\"poland\" + 0.015*\"tyrant\" + 0.015*\"unfortun\"\n", - "2019-01-31 01:37:52,872 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.012*\"septemb\" + 0.011*\"man\" + 0.010*\"anim\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.007*\"fusiform\" + 0.007*\"workplac\" + 0.007*\"storag\" + 0.006*\"black\"\n", - "2019-01-31 01:37:52,878 : INFO : topic diff=0.003567, rho=0.020533\n", - "2019-01-31 01:37:53,033 : INFO : PROGRESS: pass 0, at document #4746000/4922894\n", - "2019-01-31 01:37:54,399 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:37:54,666 : INFO : topic #17 (0.020): 0.080*\"church\" + 0.023*\"cathol\" + 0.023*\"christian\" + 0.020*\"bishop\" + 0.016*\"sail\" + 0.015*\"retroflex\" + 0.010*\"relationship\" + 0.010*\"parish\" + 0.010*\"historiographi\" + 0.009*\"poll\"\n", - "2019-01-31 01:37:54,667 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.045*\"popolo\" + 0.042*\"vigour\" + 0.034*\"tortur\" + 0.031*\"cotton\" + 0.023*\"adulthood\" + 0.022*\"multitud\" + 0.021*\"area\" + 0.020*\"cede\" + 0.019*\"commun\"\n", - "2019-01-31 01:37:54,668 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.012*\"septemb\" + 0.011*\"man\" + 0.010*\"anim\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.007*\"fusiform\" + 0.007*\"workplac\" + 0.007*\"storag\" + 0.006*\"black\"\n", - "2019-01-31 01:37:54,669 : INFO : topic #9 (0.020): 0.073*\"bone\" + 0.044*\"american\" + 0.032*\"valour\" + 0.019*\"folei\" + 0.018*\"player\" + 0.018*\"dutch\" + 0.016*\"polit\" + 0.016*\"english\" + 0.012*\"simpler\" + 0.012*\"acrimoni\"\n", - "2019-01-31 01:37:54,670 : INFO : topic #26 (0.020): 0.030*\"workplac\" + 0.029*\"champion\" + 0.025*\"woman\" + 0.025*\"olymp\" + 0.023*\"men\" + 0.021*\"medal\" + 0.020*\"alic\" + 0.019*\"event\" + 0.018*\"taxpay\" + 0.017*\"atheist\"\n", - "2019-01-31 01:37:54,676 : INFO : topic diff=0.002670, rho=0.020528\n", - "2019-01-31 01:37:54,836 : INFO : PROGRESS: pass 0, at document #4748000/4922894\n", - "2019-01-31 01:37:56,243 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:37:56,510 : INFO : topic #48 (0.020): 0.081*\"march\" + 0.078*\"octob\" + 0.077*\"sens\" + 0.072*\"januari\" + 0.071*\"juli\" + 0.070*\"notion\" + 0.069*\"august\" + 0.069*\"april\" + 0.068*\"judici\" + 0.067*\"decatur\"\n", - "2019-01-31 01:37:56,511 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.012*\"produc\" + 0.012*\"market\" + 0.010*\"bank\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.009*\"manag\" + 0.007*\"oper\"\n", - "2019-01-31 01:37:56,513 : INFO : topic #31 (0.020): 0.050*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.022*\"player\" + 0.019*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.010*\"yawn\" + 0.010*\"folei\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:37:56,514 : INFO : topic #34 (0.020): 0.066*\"start\" + 0.032*\"new\" + 0.031*\"american\" + 0.029*\"unionist\" + 0.028*\"cotton\" + 0.020*\"year\" + 0.015*\"california\" + 0.013*\"terri\" + 0.013*\"warrior\" + 0.012*\"north\"\n", - "2019-01-31 01:37:56,515 : INFO : topic #30 (0.020): 0.035*\"cleveland\" + 0.034*\"leagu\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.013*\"schmitz\"\n", - "2019-01-31 01:37:56,521 : INFO : topic diff=0.003243, rho=0.020524\n", - "2019-01-31 01:37:56,680 : INFO : PROGRESS: pass 0, at document #4750000/4922894\n", - "2019-01-31 01:37:58,125 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:37:58,393 : INFO : topic #41 (0.020): 0.042*\"citi\" + 0.026*\"palmer\" + 0.019*\"new\" + 0.018*\"strategist\" + 0.013*\"open\" + 0.013*\"center\" + 0.012*\"lobe\" + 0.011*\"includ\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:37:58,395 : INFO : topic #20 (0.020): 0.142*\"scholar\" + 0.039*\"struggl\" + 0.032*\"high\" + 0.029*\"educ\" + 0.024*\"collector\" + 0.017*\"yawn\" + 0.012*\"prognosi\" + 0.011*\"district\" + 0.010*\"gothic\" + 0.010*\"task\"\n", - "2019-01-31 01:37:58,396 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.009*\"aza\" + 0.009*\"forc\" + 0.009*\"battalion\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.007*\"teufel\" + 0.007*\"govern\" + 0.006*\"militari\" + 0.006*\"pour\"\n", - "2019-01-31 01:37:58,397 : INFO : topic #40 (0.020): 0.086*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.022*\"requir\" + 0.020*\"collector\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"governor\" + 0.011*\"http\"\n", - "2019-01-31 01:37:58,399 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.009*\"media\" + 0.008*\"have\" + 0.008*\"disco\" + 0.007*\"hormon\" + 0.007*\"caus\" + 0.007*\"pathwai\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"treat\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:37:58,405 : INFO : topic diff=0.002864, rho=0.020520\n", - "2019-01-31 01:37:58,563 : INFO : PROGRESS: pass 0, at document #4752000/4922894\n", - "2019-01-31 01:37:59,945 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:38:00,212 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.019*\"di\" + 0.019*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"will\" + 0.012*\"daughter\"\n", - "2019-01-31 01:38:00,213 : INFO : topic #33 (0.020): 0.060*\"french\" + 0.045*\"franc\" + 0.030*\"pari\" + 0.023*\"jean\" + 0.021*\"sail\" + 0.018*\"wreath\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.012*\"piec\"\n", - "2019-01-31 01:38:00,214 : INFO : topic #27 (0.020): 0.075*\"questionnair\" + 0.021*\"candid\" + 0.017*\"taxpay\" + 0.014*\"ret\" + 0.014*\"tornado\" + 0.013*\"driver\" + 0.012*\"squatter\" + 0.012*\"fool\" + 0.011*\"find\" + 0.010*\"horac\"\n", - "2019-01-31 01:38:00,215 : INFO : topic #23 (0.020): 0.139*\"audit\" + 0.069*\"best\" + 0.036*\"yawn\" + 0.028*\"jacksonvil\" + 0.023*\"japanes\" + 0.021*\"noll\" + 0.019*\"women\" + 0.018*\"intern\" + 0.018*\"festiv\" + 0.014*\"prison\"\n", - "2019-01-31 01:38:00,216 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.010*\"class\" + 0.009*\"bahá\"\n", - "2019-01-31 01:38:00,222 : INFO : topic diff=0.002654, rho=0.020515\n", - "2019-01-31 01:38:00,375 : INFO : PROGRESS: pass 0, at document #4754000/4922894\n", - "2019-01-31 01:38:01,723 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:38:01,989 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.032*\"germani\" + 0.016*\"vol\" + 0.015*\"israel\" + 0.014*\"der\" + 0.014*\"berlin\" + 0.014*\"jewish\" + 0.010*\"european\" + 0.010*\"europ\" + 0.010*\"austria\"\n", - "2019-01-31 01:38:01,990 : INFO : topic #46 (0.020): 0.017*\"sweden\" + 0.017*\"swedish\" + 0.016*\"norwai\" + 0.016*\"stop\" + 0.014*\"wind\" + 0.013*\"norwegian\" + 0.012*\"damag\" + 0.012*\"treeless\" + 0.011*\"huntsvil\" + 0.010*\"denmark\"\n", - "2019-01-31 01:38:01,991 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.032*\"perceptu\" + 0.021*\"theater\" + 0.018*\"compos\" + 0.018*\"place\" + 0.016*\"damn\" + 0.014*\"orchestr\" + 0.013*\"olympo\" + 0.013*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 01:38:01,993 : INFO : topic #27 (0.020): 0.075*\"questionnair\" + 0.021*\"candid\" + 0.017*\"taxpay\" + 0.014*\"ret\" + 0.014*\"tornado\" + 0.013*\"driver\" + 0.012*\"squatter\" + 0.011*\"fool\" + 0.011*\"find\" + 0.010*\"horac\"\n", - "2019-01-31 01:38:01,994 : INFO : topic #6 (0.020): 0.069*\"fewer\" + 0.024*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.014*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.011*\"movi\" + 0.010*\"direct\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:38:02,000 : INFO : topic diff=0.002949, rho=0.020511\n", - "2019-01-31 01:38:02,149 : INFO : PROGRESS: pass 0, at document #4756000/4922894\n", - "2019-01-31 01:38:03,500 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:38:03,767 : INFO : topic #25 (0.020): 0.033*\"ring\" + 0.019*\"area\" + 0.018*\"lagrang\" + 0.017*\"warmth\" + 0.015*\"mount\" + 0.010*\"foam\" + 0.010*\"north\" + 0.009*\"sourc\" + 0.009*\"land\" + 0.008*\"palmer\"\n", - "2019-01-31 01:38:03,768 : INFO : topic #21 (0.020): 0.035*\"samford\" + 0.023*\"spain\" + 0.018*\"del\" + 0.017*\"italian\" + 0.017*\"mexico\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.010*\"itali\" + 0.010*\"francisco\"\n", - "2019-01-31 01:38:03,769 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.013*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.010*\"class\" + 0.009*\"fleet\"\n", - "2019-01-31 01:38:03,770 : INFO : topic #35 (0.020): 0.057*\"russia\" + 0.038*\"sovereignti\" + 0.035*\"rural\" + 0.029*\"poison\" + 0.027*\"reprint\" + 0.024*\"personifi\" + 0.019*\"moscow\" + 0.019*\"poland\" + 0.015*\"tyrant\" + 0.015*\"unfortun\"\n", - "2019-01-31 01:38:03,771 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.054*\"parti\" + 0.025*\"voluntari\" + 0.023*\"democrat\" + 0.019*\"member\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.014*\"bypass\" + 0.014*\"liber\" + 0.013*\"report\"\n", - "2019-01-31 01:38:03,777 : INFO : topic diff=0.003260, rho=0.020507\n", - "2019-01-31 01:38:03,931 : INFO : PROGRESS: pass 0, at document #4758000/4922894\n", - "2019-01-31 01:38:05,291 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:38:05,558 : INFO : topic #0 (0.020): 0.061*\"statewid\" + 0.039*\"line\" + 0.032*\"rivièr\" + 0.029*\"raid\" + 0.026*\"rosenwald\" + 0.021*\"airmen\" + 0.018*\"serv\" + 0.017*\"traceabl\" + 0.013*\"oper\" + 0.011*\"briarwood\"\n", - "2019-01-31 01:38:05,560 : INFO : topic #47 (0.020): 0.064*\"muscl\" + 0.032*\"perceptu\" + 0.020*\"theater\" + 0.018*\"compos\" + 0.018*\"place\" + 0.016*\"damn\" + 0.014*\"orchestr\" + 0.013*\"olympo\" + 0.013*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 01:38:05,561 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.054*\"parti\" + 0.025*\"voluntari\" + 0.023*\"democrat\" + 0.019*\"member\" + 0.017*\"polici\" + 0.015*\"republ\" + 0.014*\"bypass\" + 0.014*\"liber\" + 0.013*\"report\"\n", - "2019-01-31 01:38:05,562 : INFO : topic #45 (0.020): 0.049*\"arsen\" + 0.030*\"jpg\" + 0.030*\"museo\" + 0.027*\"fifteenth\" + 0.022*\"pain\" + 0.020*\"illicit\" + 0.017*\"artist\" + 0.017*\"exhaust\" + 0.016*\"gai\" + 0.015*\"colder\"\n", - "2019-01-31 01:38:05,563 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.012*\"market\" + 0.012*\"produc\" + 0.010*\"bank\" + 0.010*\"industri\" + 0.009*\"manag\" + 0.009*\"yawn\" + 0.007*\"oper\"\n", - "2019-01-31 01:38:05,569 : INFO : topic diff=0.003050, rho=0.020502\n", - "2019-01-31 01:38:08,229 : INFO : -11.870 per-word bound, 3742.6 perplexity estimate based on a held-out corpus of 2000 documents with 532156 words\n", - "2019-01-31 01:38:08,229 : INFO : PROGRESS: pass 0, at document #4760000/4922894\n", - "2019-01-31 01:38:09,593 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:38:09,859 : INFO : topic #26 (0.020): 0.030*\"workplac\" + 0.029*\"champion\" + 0.026*\"woman\" + 0.025*\"olymp\" + 0.024*\"men\" + 0.022*\"medal\" + 0.019*\"event\" + 0.019*\"alic\" + 0.018*\"taxpay\" + 0.017*\"atheist\"\n", - "2019-01-31 01:38:09,860 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.025*\"nation\" + 0.025*\"offic\" + 0.024*\"minist\" + 0.024*\"govern\" + 0.022*\"member\" + 0.018*\"start\" + 0.017*\"serv\" + 0.016*\"gener\" + 0.013*\"council\"\n", - "2019-01-31 01:38:09,861 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.012*\"septemb\" + 0.011*\"anim\" + 0.010*\"man\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.007*\"fusiform\" + 0.007*\"workplac\" + 0.007*\"storag\" + 0.006*\"black\"\n", - "2019-01-31 01:38:09,862 : INFO : topic #41 (0.020): 0.042*\"citi\" + 0.026*\"palmer\" + 0.019*\"new\" + 0.018*\"strategist\" + 0.013*\"open\" + 0.013*\"center\" + 0.012*\"lobe\" + 0.011*\"includ\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:38:09,864 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.017*\"muscl\" + 0.016*\"simultan\" + 0.015*\"charcoal\" + 0.013*\"toyota\" + 0.009*\"myspac\"\n", - "2019-01-31 01:38:09,869 : INFO : topic diff=0.002848, rho=0.020498\n", - "2019-01-31 01:38:10,028 : INFO : PROGRESS: pass 0, at document #4762000/4922894\n", - "2019-01-31 01:38:11,415 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:38:11,684 : INFO : topic #4 (0.020): 0.018*\"enfranchis\" + 0.015*\"depress\" + 0.013*\"pour\" + 0.008*\"mode\" + 0.008*\"veget\" + 0.008*\"uruguayan\" + 0.008*\"elabor\" + 0.006*\"turn\" + 0.006*\"produc\" + 0.006*\"develop\"\n", - "2019-01-31 01:38:11,685 : INFO : topic #1 (0.020): 0.056*\"china\" + 0.047*\"chilton\" + 0.027*\"kong\" + 0.026*\"hong\" + 0.022*\"korea\" + 0.020*\"korean\" + 0.017*\"sourc\" + 0.014*\"leah\" + 0.014*\"shirin\" + 0.014*\"kim\"\n", - "2019-01-31 01:38:11,686 : INFO : topic #26 (0.020): 0.029*\"workplac\" + 0.029*\"champion\" + 0.026*\"woman\" + 0.025*\"olymp\" + 0.024*\"men\" + 0.022*\"medal\" + 0.019*\"event\" + 0.019*\"alic\" + 0.018*\"taxpay\" + 0.017*\"atheist\"\n", - "2019-01-31 01:38:11,687 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.054*\"parti\" + 0.025*\"voluntari\" + 0.023*\"democrat\" + 0.019*\"member\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.014*\"bypass\" + 0.014*\"liber\" + 0.013*\"report\"\n", - "2019-01-31 01:38:11,688 : INFO : topic #17 (0.020): 0.080*\"church\" + 0.023*\"christian\" + 0.023*\"cathol\" + 0.021*\"bishop\" + 0.016*\"sail\" + 0.015*\"retroflex\" + 0.010*\"historiographi\" + 0.010*\"relationship\" + 0.009*\"parish\" + 0.009*\"poll\"\n", - "2019-01-31 01:38:11,694 : INFO : topic diff=0.003839, rho=0.020494\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:38:11,845 : INFO : PROGRESS: pass 0, at document #4764000/4922894\n", - "2019-01-31 01:38:13,173 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:38:13,439 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.008*\"have\" + 0.007*\"hormon\" + 0.007*\"caus\" + 0.007*\"pathwai\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 01:38:13,441 : INFO : topic #41 (0.020): 0.043*\"citi\" + 0.026*\"palmer\" + 0.019*\"new\" + 0.018*\"strategist\" + 0.013*\"open\" + 0.013*\"center\" + 0.012*\"lobe\" + 0.011*\"includ\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:38:13,442 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.025*\"final\" + 0.023*\"wife\" + 0.021*\"tourist\" + 0.018*\"champion\" + 0.015*\"chamber\" + 0.014*\"martin\" + 0.014*\"taxpay\" + 0.014*\"tiepolo\" + 0.012*\"open\"\n", - "2019-01-31 01:38:13,442 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.012*\"market\" + 0.012*\"produc\" + 0.010*\"bank\" + 0.010*\"industri\" + 0.009*\"manag\" + 0.009*\"yawn\" + 0.007*\"oper\"\n", - "2019-01-31 01:38:13,443 : INFO : topic #49 (0.020): 0.045*\"india\" + 0.030*\"incumb\" + 0.013*\"islam\" + 0.013*\"pakistan\" + 0.012*\"anglo\" + 0.011*\"khalsa\" + 0.011*\"televis\" + 0.011*\"affection\" + 0.011*\"muskoge\" + 0.010*\"tajikistan\"\n", - "2019-01-31 01:38:13,449 : INFO : topic diff=0.003146, rho=0.020489\n", - "2019-01-31 01:38:13,663 : INFO : PROGRESS: pass 0, at document #4766000/4922894\n", - "2019-01-31 01:38:15,075 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:38:15,342 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.010*\"prognosi\" + 0.010*\"pop\" + 0.009*\"cytokin\" + 0.008*\"develop\" + 0.008*\"diggin\" + 0.008*\"softwar\" + 0.007*\"uruguayan\" + 0.007*\"includ\" + 0.007*\"user\"\n", - "2019-01-31 01:38:15,344 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.012*\"septemb\" + 0.011*\"anim\" + 0.010*\"man\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.007*\"fusiform\" + 0.007*\"workplac\" + 0.007*\"storag\" + 0.006*\"black\"\n", - "2019-01-31 01:38:15,344 : INFO : topic #33 (0.020): 0.060*\"french\" + 0.045*\"franc\" + 0.031*\"pari\" + 0.023*\"jean\" + 0.022*\"sail\" + 0.017*\"daphn\" + 0.016*\"wreath\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.012*\"piec\"\n", - "2019-01-31 01:38:15,345 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.006*\"gener\" + 0.006*\"poet\" + 0.006*\"exampl\" + 0.006*\"servitud\" + 0.006*\"théori\" + 0.006*\"mode\" + 0.006*\"measur\" + 0.006*\"southern\"\n", - "2019-01-31 01:38:15,346 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.012*\"market\" + 0.012*\"produc\" + 0.010*\"bank\" + 0.010*\"industri\" + 0.009*\"manag\" + 0.009*\"yawn\" + 0.007*\"oper\"\n", - "2019-01-31 01:38:15,353 : INFO : topic diff=0.002722, rho=0.020485\n", - "2019-01-31 01:38:15,509 : INFO : PROGRESS: pass 0, at document #4768000/4922894\n", - "2019-01-31 01:38:16,885 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:38:17,151 : INFO : topic #46 (0.020): 0.017*\"sweden\" + 0.017*\"swedish\" + 0.016*\"stop\" + 0.015*\"norwai\" + 0.014*\"wind\" + 0.014*\"damag\" + 0.014*\"norwegian\" + 0.011*\"treeless\" + 0.011*\"huntsvil\" + 0.010*\"turkish\"\n", - "2019-01-31 01:38:17,152 : INFO : topic #39 (0.020): 0.060*\"canada\" + 0.046*\"canadian\" + 0.025*\"toronto\" + 0.024*\"hoar\" + 0.021*\"ontario\" + 0.016*\"hydrogen\" + 0.015*\"misericordia\" + 0.014*\"new\" + 0.014*\"quebec\" + 0.014*\"novotná\"\n", - "2019-01-31 01:38:17,153 : INFO : topic #0 (0.020): 0.061*\"statewid\" + 0.039*\"line\" + 0.033*\"rivièr\" + 0.029*\"raid\" + 0.027*\"rosenwald\" + 0.020*\"airmen\" + 0.017*\"traceabl\" + 0.017*\"serv\" + 0.013*\"oper\" + 0.012*\"briarwood\"\n", - "2019-01-31 01:38:17,154 : INFO : topic #13 (0.020): 0.027*\"london\" + 0.027*\"australia\" + 0.025*\"sourc\" + 0.025*\"new\" + 0.024*\"england\" + 0.021*\"australian\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.014*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 01:38:17,155 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.032*\"germani\" + 0.015*\"vol\" + 0.014*\"israel\" + 0.014*\"der\" + 0.014*\"berlin\" + 0.013*\"jewish\" + 0.010*\"austria\" + 0.010*\"european\" + 0.010*\"europ\"\n", - "2019-01-31 01:38:17,161 : INFO : topic diff=0.002690, rho=0.020481\n", - "2019-01-31 01:38:17,313 : INFO : PROGRESS: pass 0, at document #4770000/4922894\n", - "2019-01-31 01:38:18,671 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:38:18,937 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.006*\"gener\" + 0.006*\"poet\" + 0.006*\"exampl\" + 0.006*\"servitud\" + 0.006*\"théori\" + 0.006*\"mode\" + 0.006*\"measur\" + 0.006*\"southern\"\n", - "2019-01-31 01:38:18,938 : INFO : topic #13 (0.020): 0.027*\"london\" + 0.027*\"australia\" + 0.025*\"sourc\" + 0.025*\"new\" + 0.024*\"england\" + 0.021*\"australian\" + 0.019*\"british\" + 0.017*\"ireland\" + 0.014*\"youth\" + 0.013*\"wale\"\n", - "2019-01-31 01:38:18,939 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.036*\"publicis\" + 0.025*\"word\" + 0.020*\"new\" + 0.014*\"edit\" + 0.014*\"presid\" + 0.012*\"magazin\" + 0.011*\"worldwid\" + 0.011*\"nicola\" + 0.011*\"author\"\n", - "2019-01-31 01:38:18,940 : INFO : topic #43 (0.020): 0.065*\"elect\" + 0.054*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.019*\"member\" + 0.016*\"polici\" + 0.014*\"republ\" + 0.014*\"bypass\" + 0.014*\"liber\" + 0.013*\"report\"\n", - "2019-01-31 01:38:18,941 : INFO : topic #27 (0.020): 0.074*\"questionnair\" + 0.020*\"candid\" + 0.017*\"taxpay\" + 0.014*\"ret\" + 0.013*\"tornado\" + 0.012*\"driver\" + 0.012*\"fool\" + 0.012*\"squatter\" + 0.012*\"find\" + 0.010*\"landslid\"\n", - "2019-01-31 01:38:18,947 : INFO : topic diff=0.003038, rho=0.020477\n", - "2019-01-31 01:38:19,103 : INFO : PROGRESS: pass 0, at document #4772000/4922894\n", - "2019-01-31 01:38:20,476 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:38:20,746 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:38:20,747 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.009*\"media\" + 0.008*\"disco\" + 0.008*\"have\" + 0.007*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 01:38:20,748 : INFO : topic #21 (0.020): 0.035*\"samford\" + 0.022*\"spain\" + 0.018*\"del\" + 0.018*\"mexico\" + 0.017*\"italian\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.010*\"itali\" + 0.010*\"carlo\"\n", - "2019-01-31 01:38:20,749 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.006*\"poet\" + 0.006*\"exampl\" + 0.006*\"servitud\" + 0.006*\"théori\" + 0.006*\"mode\" + 0.006*\"southern\" + 0.006*\"measur\"\n", - "2019-01-31 01:38:20,750 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.025*\"nation\" + 0.025*\"offic\" + 0.024*\"minist\" + 0.023*\"govern\" + 0.022*\"member\" + 0.018*\"start\" + 0.017*\"serv\" + 0.016*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:38:20,756 : INFO : topic diff=0.003262, rho=0.020472\n", - "2019-01-31 01:38:20,914 : INFO : PROGRESS: pass 0, at document #4774000/4922894\n", - "2019-01-31 01:38:22,300 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:38:22,567 : INFO : topic #20 (0.020): 0.142*\"scholar\" + 0.039*\"struggl\" + 0.032*\"high\" + 0.030*\"educ\" + 0.023*\"collector\" + 0.017*\"yawn\" + 0.012*\"prognosi\" + 0.011*\"district\" + 0.010*\"task\" + 0.010*\"gothic\"\n", - "2019-01-31 01:38:22,568 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.009*\"media\" + 0.008*\"disco\" + 0.008*\"have\" + 0.007*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 01:38:22,569 : INFO : topic #34 (0.020): 0.066*\"start\" + 0.033*\"new\" + 0.031*\"american\" + 0.029*\"unionist\" + 0.027*\"cotton\" + 0.020*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:38:22,570 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.010*\"class\" + 0.009*\"fleet\"\n", - "2019-01-31 01:38:22,572 : INFO : topic #31 (0.020): 0.051*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"ruler\"\n", - "2019-01-31 01:38:22,578 : INFO : topic diff=0.003123, rho=0.020468\n", - "2019-01-31 01:38:22,737 : INFO : PROGRESS: pass 0, at document #4776000/4922894\n", - "2019-01-31 01:38:24,088 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:38:24,354 : INFO : topic #30 (0.020): 0.035*\"leagu\" + 0.034*\"cleveland\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.025*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.013*\"schmitz\"\n", - "2019-01-31 01:38:24,356 : INFO : topic #17 (0.020): 0.080*\"church\" + 0.023*\"christian\" + 0.022*\"cathol\" + 0.021*\"bishop\" + 0.016*\"sail\" + 0.014*\"retroflex\" + 0.010*\"poll\" + 0.010*\"historiographi\" + 0.010*\"relationship\" + 0.009*\"parish\"\n", - "2019-01-31 01:38:24,357 : INFO : topic #9 (0.020): 0.074*\"bone\" + 0.044*\"american\" + 0.031*\"valour\" + 0.018*\"dutch\" + 0.018*\"folei\" + 0.018*\"player\" + 0.016*\"english\" + 0.016*\"polit\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:38:24,358 : INFO : topic #4 (0.020): 0.018*\"enfranchis\" + 0.015*\"depress\" + 0.013*\"pour\" + 0.008*\"mode\" + 0.008*\"veget\" + 0.008*\"uruguayan\" + 0.007*\"elabor\" + 0.006*\"develop\" + 0.006*\"turn\" + 0.006*\"produc\"\n", - "2019-01-31 01:38:24,359 : INFO : topic #31 (0.020): 0.051*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.010*\"folei\" + 0.010*\"yawn\" + 0.009*\"ruler\"\n", - "2019-01-31 01:38:24,365 : INFO : topic diff=0.002873, rho=0.020464\n", - "2019-01-31 01:38:24,523 : INFO : PROGRESS: pass 0, at document #4778000/4922894\n", - "2019-01-31 01:38:25,893 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:38:26,159 : INFO : topic #48 (0.020): 0.080*\"march\" + 0.078*\"octob\" + 0.077*\"sens\" + 0.072*\"januari\" + 0.071*\"juli\" + 0.070*\"august\" + 0.070*\"notion\" + 0.068*\"april\" + 0.067*\"judici\" + 0.067*\"decatur\"\n", - "2019-01-31 01:38:26,160 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"uruguayan\"\n", - "2019-01-31 01:38:26,161 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.010*\"organ\" + 0.009*\"develop\" + 0.009*\"commun\" + 0.008*\"group\" + 0.008*\"peopl\" + 0.008*\"word\" + 0.007*\"woman\" + 0.007*\"human\" + 0.006*\"workplac\"\n", - "2019-01-31 01:38:26,162 : INFO : topic #9 (0.020): 0.073*\"bone\" + 0.044*\"american\" + 0.031*\"valour\" + 0.018*\"folei\" + 0.018*\"dutch\" + 0.018*\"player\" + 0.016*\"polit\" + 0.016*\"english\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:38:26,163 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.010*\"aza\" + 0.009*\"forc\" + 0.009*\"battalion\" + 0.007*\"empath\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.006*\"govern\" + 0.006*\"militari\" + 0.006*\"till\"\n", - "2019-01-31 01:38:26,169 : INFO : topic diff=0.003058, rho=0.020459\n", - "2019-01-31 01:38:28,797 : INFO : -12.003 per-word bound, 4105.5 perplexity estimate based on a held-out corpus of 2000 documents with 542807 words\n", - "2019-01-31 01:38:28,797 : INFO : PROGRESS: pass 0, at document #4780000/4922894\n", - "2019-01-31 01:38:30,144 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:38:30,412 : INFO : topic #1 (0.020): 0.055*\"china\" + 0.047*\"chilton\" + 0.027*\"kong\" + 0.026*\"hong\" + 0.021*\"korea\" + 0.020*\"korean\" + 0.017*\"sourc\" + 0.015*\"shirin\" + 0.015*\"leah\" + 0.014*\"kim\"\n", - "2019-01-31 01:38:30,413 : INFO : topic #9 (0.020): 0.073*\"bone\" + 0.044*\"american\" + 0.031*\"valour\" + 0.018*\"folei\" + 0.018*\"dutch\" + 0.018*\"player\" + 0.016*\"english\" + 0.016*\"polit\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:38:30,414 : INFO : topic #16 (0.020): 0.054*\"king\" + 0.029*\"priest\" + 0.021*\"duke\" + 0.018*\"idiosyncrat\" + 0.018*\"rotterdam\" + 0.017*\"grammat\" + 0.017*\"quarterli\" + 0.016*\"portugues\" + 0.013*\"kingdom\" + 0.012*\"brazil\"\n", - "2019-01-31 01:38:30,415 : INFO : topic #43 (0.020): 0.065*\"elect\" + 0.055*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.019*\"member\" + 0.016*\"polici\" + 0.014*\"liber\" + 0.014*\"republ\" + 0.014*\"bypass\" + 0.013*\"report\"\n", - "2019-01-31 01:38:30,416 : INFO : topic #35 (0.020): 0.058*\"russia\" + 0.036*\"sovereignti\" + 0.034*\"rural\" + 0.028*\"poison\" + 0.027*\"reprint\" + 0.024*\"personifi\" + 0.019*\"moscow\" + 0.018*\"poland\" + 0.017*\"turin\" + 0.015*\"unfortun\"\n", - "2019-01-31 01:38:30,422 : INFO : topic diff=0.003218, rho=0.020455\n", - "2019-01-31 01:38:30,578 : INFO : PROGRESS: pass 0, at document #4782000/4922894\n", - "2019-01-31 01:38:31,940 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:38:32,207 : INFO : topic #45 (0.020): 0.048*\"arsen\" + 0.030*\"jpg\" + 0.030*\"museo\" + 0.027*\"fifteenth\" + 0.022*\"pain\" + 0.020*\"illicit\" + 0.017*\"artist\" + 0.017*\"exhaust\" + 0.016*\"gai\" + 0.015*\"colder\"\n", - "2019-01-31 01:38:32,208 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.012*\"market\" + 0.012*\"produc\" + 0.010*\"bank\" + 0.010*\"industri\" + 0.009*\"manag\" + 0.009*\"yawn\" + 0.007*\"trace\"\n", - "2019-01-31 01:38:32,209 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.036*\"publicis\" + 0.025*\"word\" + 0.020*\"new\" + 0.015*\"edit\" + 0.014*\"presid\" + 0.011*\"worldwid\" + 0.011*\"magazin\" + 0.011*\"nicola\" + 0.011*\"author\"\n", - "2019-01-31 01:38:32,210 : INFO : topic #4 (0.020): 0.019*\"enfranchis\" + 0.015*\"depress\" + 0.013*\"pour\" + 0.008*\"mode\" + 0.008*\"uruguayan\" + 0.008*\"veget\" + 0.007*\"elabor\" + 0.006*\"develop\" + 0.006*\"turn\" + 0.006*\"produc\"\n", - "2019-01-31 01:38:32,211 : INFO : topic #34 (0.020): 0.066*\"start\" + 0.032*\"new\" + 0.031*\"american\" + 0.029*\"unionist\" + 0.027*\"cotton\" + 0.020*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:38:32,217 : INFO : topic diff=0.003453, rho=0.020451\n", - "2019-01-31 01:38:32,374 : INFO : PROGRESS: pass 0, at document #4784000/4922894\n", - "2019-01-31 01:38:33,762 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:38:34,028 : INFO : topic #20 (0.020): 0.140*\"scholar\" + 0.039*\"struggl\" + 0.032*\"high\" + 0.029*\"educ\" + 0.023*\"collector\" + 0.017*\"yawn\" + 0.012*\"prognosi\" + 0.011*\"district\" + 0.010*\"task\" + 0.010*\"gothic\"\n", - "2019-01-31 01:38:34,029 : INFO : topic #45 (0.020): 0.049*\"arsen\" + 0.030*\"jpg\" + 0.030*\"museo\" + 0.027*\"fifteenth\" + 0.022*\"pain\" + 0.021*\"illicit\" + 0.017*\"artist\" + 0.017*\"exhaust\" + 0.016*\"gai\" + 0.015*\"colder\"\n", - "2019-01-31 01:38:34,030 : INFO : topic #46 (0.020): 0.017*\"swedish\" + 0.017*\"sweden\" + 0.016*\"stop\" + 0.015*\"norwai\" + 0.014*\"norwegian\" + 0.014*\"wind\" + 0.013*\"damag\" + 0.011*\"treeless\" + 0.011*\"huntsvil\" + 0.010*\"turkish\"\n", - "2019-01-31 01:38:34,031 : INFO : topic #27 (0.020): 0.074*\"questionnair\" + 0.020*\"candid\" + 0.017*\"taxpay\" + 0.015*\"ret\" + 0.013*\"tornado\" + 0.012*\"driver\" + 0.012*\"fool\" + 0.012*\"find\" + 0.012*\"squatter\" + 0.010*\"landslid\"\n", - "2019-01-31 01:38:34,032 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.026*\"final\" + 0.024*\"wife\" + 0.021*\"tourist\" + 0.019*\"champion\" + 0.015*\"chamber\" + 0.015*\"martin\" + 0.014*\"taxpay\" + 0.014*\"tiepolo\" + 0.012*\"open\"\n", - "2019-01-31 01:38:34,038 : INFO : topic diff=0.002858, rho=0.020447\n", - "2019-01-31 01:38:34,196 : INFO : PROGRESS: pass 0, at document #4786000/4922894\n", - "2019-01-31 01:38:35,576 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:38:35,845 : INFO : topic #23 (0.020): 0.138*\"audit\" + 0.069*\"best\" + 0.035*\"yawn\" + 0.027*\"jacksonvil\" + 0.022*\"japanes\" + 0.021*\"noll\" + 0.018*\"women\" + 0.018*\"intern\" + 0.018*\"festiv\" + 0.013*\"prison\"\n", - "2019-01-31 01:38:35,846 : INFO : topic #33 (0.020): 0.060*\"french\" + 0.044*\"franc\" + 0.031*\"pari\" + 0.023*\"jean\" + 0.022*\"sail\" + 0.017*\"daphn\" + 0.015*\"wreath\" + 0.014*\"lazi\" + 0.013*\"loui\" + 0.012*\"piec\"\n", - "2019-01-31 01:38:35,847 : INFO : topic #48 (0.020): 0.080*\"march\" + 0.078*\"octob\" + 0.077*\"sens\" + 0.072*\"januari\" + 0.070*\"juli\" + 0.070*\"august\" + 0.070*\"notion\" + 0.068*\"april\" + 0.067*\"judici\" + 0.067*\"decatur\"\n", - "2019-01-31 01:38:35,848 : INFO : topic #16 (0.020): 0.054*\"king\" + 0.029*\"priest\" + 0.021*\"duke\" + 0.018*\"idiosyncrat\" + 0.018*\"rotterdam\" + 0.017*\"grammat\" + 0.017*\"quarterli\" + 0.016*\"portugues\" + 0.013*\"kingdom\" + 0.012*\"brazil\"\n", - "2019-01-31 01:38:35,849 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"english\" + 0.008*\"trade\" + 0.007*\"known\" + 0.007*\"uruguayan\"\n", - "2019-01-31 01:38:35,855 : INFO : topic diff=0.002986, rho=0.020442\n", - "2019-01-31 01:38:36,007 : INFO : PROGRESS: pass 0, at document #4788000/4922894\n", - "2019-01-31 01:38:37,350 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:38:37,617 : INFO : topic #28 (0.020): 0.036*\"build\" + 0.030*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.012*\"linear\" + 0.011*\"centuri\" + 0.011*\"depress\" + 0.011*\"silicon\" + 0.011*\"constitut\" + 0.010*\"pistol\"\n", - "2019-01-31 01:38:37,618 : INFO : topic #39 (0.020): 0.060*\"canada\" + 0.046*\"canadian\" + 0.024*\"toronto\" + 0.023*\"hoar\" + 0.022*\"ontario\" + 0.016*\"quebec\" + 0.015*\"hydrogen\" + 0.015*\"misericordia\" + 0.015*\"new\" + 0.013*\"novotná\"\n", - "2019-01-31 01:38:37,619 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.017*\"factor\" + 0.012*\"plaisir\" + 0.011*\"genu\" + 0.010*\"western\" + 0.009*\"biom\" + 0.008*\"median\" + 0.007*\"trap\" + 0.007*\"incom\" + 0.006*\"florida\"\n", - "2019-01-31 01:38:37,620 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.022*\"requir\" + 0.020*\"collector\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.012*\"http\" + 0.011*\"governor\"\n", - "2019-01-31 01:38:37,621 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"english\" + 0.008*\"trade\" + 0.007*\"known\" + 0.007*\"uruguayan\"\n", - "2019-01-31 01:38:37,626 : INFO : topic diff=0.003179, rho=0.020438\n", - "2019-01-31 01:38:37,785 : INFO : PROGRESS: pass 0, at document #4790000/4922894\n", - "2019-01-31 01:38:39,163 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:38:39,430 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.030*\"incumb\" + 0.013*\"islam\" + 0.012*\"anglo\" + 0.012*\"pakistan\" + 0.012*\"televis\" + 0.011*\"khalsa\" + 0.011*\"muskoge\" + 0.010*\"affection\" + 0.010*\"alam\"\n", - "2019-01-31 01:38:39,431 : INFO : topic #45 (0.020): 0.048*\"arsen\" + 0.030*\"jpg\" + 0.030*\"museo\" + 0.027*\"fifteenth\" + 0.022*\"pain\" + 0.021*\"illicit\" + 0.017*\"artist\" + 0.017*\"exhaust\" + 0.016*\"gai\" + 0.015*\"colder\"\n", - "2019-01-31 01:38:39,432 : INFO : topic #17 (0.020): 0.080*\"church\" + 0.024*\"cathol\" + 0.022*\"christian\" + 0.022*\"bishop\" + 0.016*\"sail\" + 0.014*\"retroflex\" + 0.010*\"relationship\" + 0.010*\"historiographi\" + 0.010*\"poll\" + 0.009*\"parish\"\n", - "2019-01-31 01:38:39,433 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.010*\"aza\" + 0.009*\"forc\" + 0.009*\"battalion\" + 0.007*\"empath\" + 0.007*\"teufel\" + 0.007*\"armi\" + 0.006*\"govern\" + 0.006*\"militari\" + 0.006*\"pour\"\n", - "2019-01-31 01:38:39,434 : INFO : topic #13 (0.020): 0.027*\"london\" + 0.026*\"australia\" + 0.025*\"sourc\" + 0.025*\"new\" + 0.023*\"england\" + 0.021*\"australian\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.014*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:38:39,439 : INFO : topic diff=0.002943, rho=0.020434\n", - "2019-01-31 01:38:39,595 : INFO : PROGRESS: pass 0, at document #4792000/4922894\n", - "2019-01-31 01:38:40,967 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:38:41,234 : INFO : topic #45 (0.020): 0.048*\"arsen\" + 0.030*\"jpg\" + 0.030*\"museo\" + 0.027*\"fifteenth\" + 0.022*\"pain\" + 0.021*\"illicit\" + 0.017*\"artist\" + 0.017*\"exhaust\" + 0.016*\"gai\" + 0.015*\"colder\"\n", - "2019-01-31 01:38:41,235 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.012*\"produc\" + 0.012*\"market\" + 0.011*\"bank\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.009*\"manag\" + 0.007*\"trace\"\n", - "2019-01-31 01:38:41,236 : INFO : topic #14 (0.020): 0.023*\"forc\" + 0.021*\"aggress\" + 0.020*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.013*\"oper\" + 0.013*\"militari\" + 0.013*\"unionist\" + 0.013*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:38:41,237 : INFO : topic #6 (0.020): 0.069*\"fewer\" + 0.023*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.014*\"stake\" + 0.012*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"direct\" + 0.010*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:38:41,238 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.025*\"nation\" + 0.025*\"offic\" + 0.024*\"minist\" + 0.023*\"govern\" + 0.022*\"member\" + 0.018*\"start\" + 0.017*\"serv\" + 0.016*\"gener\" + 0.014*\"council\"\n", - "2019-01-31 01:38:41,244 : INFO : topic diff=0.003370, rho=0.020429\n", - "2019-01-31 01:38:41,399 : INFO : PROGRESS: pass 0, at document #4794000/4922894\n", - "2019-01-31 01:38:42,752 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:38:43,018 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.023*\"cortic\" + 0.018*\"start\" + 0.017*\"act\" + 0.012*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.009*\"polaris\" + 0.008*\"legal\" + 0.007*\"order\"\n", - "2019-01-31 01:38:43,020 : INFO : topic #6 (0.020): 0.069*\"fewer\" + 0.023*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.014*\"stake\" + 0.012*\"proclaim\" + 0.012*\"rodríguez\" + 0.010*\"direct\" + 0.010*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:38:43,021 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.055*\"parti\" + 0.024*\"voluntari\" + 0.022*\"democrat\" + 0.019*\"member\" + 0.016*\"polici\" + 0.015*\"liber\" + 0.014*\"republ\" + 0.014*\"bypass\" + 0.013*\"report\"\n", - "2019-01-31 01:38:43,022 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.010*\"organ\" + 0.009*\"develop\" + 0.009*\"commun\" + 0.008*\"group\" + 0.008*\"peopl\" + 0.008*\"word\" + 0.007*\"woman\" + 0.007*\"human\" + 0.006*\"workplac\"\n", - "2019-01-31 01:38:43,023 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.046*\"popolo\" + 0.043*\"vigour\" + 0.034*\"tortur\" + 0.031*\"cotton\" + 0.023*\"multitud\" + 0.023*\"adulthood\" + 0.021*\"area\" + 0.020*\"cede\" + 0.019*\"commun\"\n", - "2019-01-31 01:38:43,029 : INFO : topic diff=0.002873, rho=0.020425\n", - "2019-01-31 01:38:43,184 : INFO : PROGRESS: pass 0, at document #4796000/4922894\n", - "2019-01-31 01:38:44,542 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:38:44,808 : INFO : topic #13 (0.020): 0.027*\"london\" + 0.026*\"australia\" + 0.025*\"new\" + 0.025*\"sourc\" + 0.023*\"england\" + 0.021*\"australian\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.014*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:38:44,809 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.032*\"perceptu\" + 0.021*\"theater\" + 0.018*\"compos\" + 0.017*\"place\" + 0.016*\"damn\" + 0.014*\"orchestr\" + 0.014*\"olympo\" + 0.013*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 01:38:44,810 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.046*\"popolo\" + 0.043*\"vigour\" + 0.034*\"tortur\" + 0.031*\"cotton\" + 0.023*\"multitud\" + 0.023*\"adulthood\" + 0.021*\"area\" + 0.020*\"cede\" + 0.019*\"commun\"\n", - "2019-01-31 01:38:44,811 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.021*\"requir\" + 0.020*\"collector\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.012*\"http\" + 0.011*\"governor\"\n", - "2019-01-31 01:38:44,812 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.055*\"parti\" + 0.024*\"voluntari\" + 0.022*\"democrat\" + 0.019*\"member\" + 0.016*\"polici\" + 0.015*\"liber\" + 0.014*\"republ\" + 0.014*\"bypass\" + 0.013*\"report\"\n", - "2019-01-31 01:38:44,818 : INFO : topic diff=0.003370, rho=0.020421\n", - "2019-01-31 01:38:44,982 : INFO : PROGRESS: pass 0, at document #4798000/4922894\n", - "2019-01-31 01:38:46,350 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:38:46,619 : INFO : topic #10 (0.020): 0.010*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.008*\"have\" + 0.007*\"hormon\" + 0.007*\"caus\" + 0.007*\"pathwai\" + 0.006*\"effect\" + 0.006*\"proper\" + 0.006*\"treat\"\n", - "2019-01-31 01:38:46,621 : INFO : topic #34 (0.020): 0.067*\"start\" + 0.033*\"new\" + 0.031*\"american\" + 0.029*\"unionist\" + 0.026*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:38:46,621 : INFO : topic #39 (0.020): 0.060*\"canada\" + 0.045*\"canadian\" + 0.024*\"toronto\" + 0.024*\"hoar\" + 0.022*\"ontario\" + 0.016*\"quebec\" + 0.015*\"hydrogen\" + 0.015*\"misericordia\" + 0.015*\"new\" + 0.012*\"novotná\"\n", - "2019-01-31 01:38:46,622 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.010*\"organ\" + 0.009*\"develop\" + 0.009*\"commun\" + 0.008*\"group\" + 0.008*\"peopl\" + 0.008*\"word\" + 0.007*\"woman\" + 0.007*\"human\" + 0.006*\"workplac\"\n", - "2019-01-31 01:38:46,624 : INFO : topic #46 (0.020): 0.018*\"swedish\" + 0.018*\"sweden\" + 0.016*\"stop\" + 0.016*\"norwai\" + 0.014*\"damag\" + 0.014*\"norwegian\" + 0.014*\"wind\" + 0.011*\"treeless\" + 0.010*\"huntsvil\" + 0.010*\"turkish\"\n", - "2019-01-31 01:38:46,629 : INFO : topic diff=0.003374, rho=0.020417\n", - "2019-01-31 01:38:49,362 : INFO : -11.734 per-word bound, 3406.2 perplexity estimate based on a held-out corpus of 2000 documents with 558364 words\n", - "2019-01-31 01:38:49,363 : INFO : PROGRESS: pass 0, at document #4800000/4922894\n", - "2019-01-31 01:38:50,748 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:38:51,017 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:38:51,018 : INFO : topic #26 (0.020): 0.029*\"champion\" + 0.029*\"workplac\" + 0.026*\"woman\" + 0.025*\"olymp\" + 0.023*\"men\" + 0.021*\"medal\" + 0.020*\"event\" + 0.019*\"alic\" + 0.018*\"taxpay\" + 0.018*\"atheist\"\n", - "2019-01-31 01:38:51,019 : INFO : topic #21 (0.020): 0.036*\"samford\" + 0.022*\"spain\" + 0.018*\"del\" + 0.017*\"italian\" + 0.017*\"mexico\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"francisco\" + 0.010*\"carlo\"\n", - "2019-01-31 01:38:51,020 : INFO : topic #31 (0.020): 0.051*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.023*\"player\" + 0.020*\"place\" + 0.013*\"clot\" + 0.013*\"leagu\" + 0.010*\"folei\" + 0.010*\"yawn\" + 0.009*\"ruler\"\n", - "2019-01-31 01:38:51,021 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.010*\"prognosi\" + 0.010*\"pop\" + 0.009*\"cytokin\" + 0.008*\"develop\" + 0.008*\"diggin\" + 0.008*\"softwar\" + 0.008*\"uruguayan\" + 0.007*\"user\" + 0.007*\"includ\"\n", - "2019-01-31 01:38:51,027 : INFO : topic diff=0.003211, rho=0.020412\n", - "2019-01-31 01:38:51,182 : INFO : PROGRESS: pass 0, at document #4802000/4922894\n", - "2019-01-31 01:38:52,538 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:38:52,804 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"will\" + 0.012*\"john\"\n", - "2019-01-31 01:38:52,805 : INFO : topic #35 (0.020): 0.058*\"russia\" + 0.036*\"sovereignti\" + 0.034*\"rural\" + 0.028*\"poison\" + 0.027*\"reprint\" + 0.024*\"personifi\" + 0.019*\"moscow\" + 0.018*\"poland\" + 0.015*\"turin\" + 0.014*\"unfortun\"\n", - "2019-01-31 01:38:52,806 : INFO : topic #23 (0.020): 0.135*\"audit\" + 0.073*\"best\" + 0.035*\"yawn\" + 0.028*\"jacksonvil\" + 0.022*\"japanes\" + 0.021*\"noll\" + 0.018*\"women\" + 0.018*\"intern\" + 0.017*\"festiv\" + 0.013*\"winner\"\n", - "2019-01-31 01:38:52,807 : INFO : topic #34 (0.020): 0.067*\"start\" + 0.032*\"new\" + 0.031*\"american\" + 0.030*\"unionist\" + 0.026*\"cotton\" + 0.020*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.011*\"north\"\n", - "2019-01-31 01:38:52,808 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.010*\"prognosi\" + 0.010*\"pop\" + 0.009*\"cytokin\" + 0.008*\"develop\" + 0.008*\"diggin\" + 0.008*\"softwar\" + 0.008*\"uruguayan\" + 0.007*\"user\" + 0.007*\"includ\"\n", - "2019-01-31 01:38:52,814 : INFO : topic diff=0.002899, rho=0.020408\n", - "2019-01-31 01:38:52,972 : INFO : PROGRESS: pass 0, at document #4804000/4922894\n", - "2019-01-31 01:38:54,359 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:38:54,626 : INFO : topic #0 (0.020): 0.060*\"statewid\" + 0.039*\"line\" + 0.032*\"rivièr\" + 0.029*\"raid\" + 0.026*\"rosenwald\" + 0.021*\"airmen\" + 0.018*\"serv\" + 0.017*\"traceabl\" + 0.013*\"oper\" + 0.012*\"briarwood\"\n", - "2019-01-31 01:38:54,627 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.020*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.014*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:38:54,628 : INFO : topic #13 (0.020): 0.027*\"london\" + 0.027*\"australia\" + 0.025*\"new\" + 0.025*\"sourc\" + 0.023*\"england\" + 0.021*\"australian\" + 0.019*\"british\" + 0.018*\"ireland\" + 0.014*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:38:54,629 : INFO : topic #40 (0.020): 0.086*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.021*\"requir\" + 0.020*\"collector\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.012*\"http\" + 0.011*\"governor\"\n", - "2019-01-31 01:38:54,630 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.012*\"market\" + 0.012*\"produc\" + 0.010*\"bank\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.009*\"manag\" + 0.007*\"oper\"\n", - "2019-01-31 01:38:54,636 : INFO : topic diff=0.003219, rho=0.020404\n", - "2019-01-31 01:38:54,791 : INFO : PROGRESS: pass 0, at document #4806000/4922894\n", - "2019-01-31 01:38:56,153 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:38:56,419 : INFO : topic #45 (0.020): 0.049*\"arsen\" + 0.032*\"museo\" + 0.030*\"jpg\" + 0.027*\"fifteenth\" + 0.022*\"pain\" + 0.021*\"illicit\" + 0.017*\"artist\" + 0.017*\"exhaust\" + 0.016*\"gai\" + 0.014*\"colder\"\n", - "2019-01-31 01:38:56,420 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.025*\"final\" + 0.023*\"wife\" + 0.021*\"tourist\" + 0.019*\"champion\" + 0.016*\"chamber\" + 0.015*\"martin\" + 0.014*\"taxpay\" + 0.014*\"tiepolo\" + 0.012*\"open\"\n", - "2019-01-31 01:38:56,421 : INFO : topic #20 (0.020): 0.142*\"scholar\" + 0.038*\"struggl\" + 0.032*\"high\" + 0.029*\"educ\" + 0.023*\"collector\" + 0.017*\"yawn\" + 0.012*\"prognosi\" + 0.011*\"district\" + 0.010*\"task\" + 0.010*\"start\"\n", - "2019-01-31 01:38:56,422 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.019*\"di\" + 0.019*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"will\" + 0.012*\"john\"\n", - "2019-01-31 01:38:56,423 : INFO : topic #41 (0.020): 0.044*\"citi\" + 0.026*\"palmer\" + 0.019*\"new\" + 0.017*\"strategist\" + 0.013*\"open\" + 0.012*\"center\" + 0.012*\"includ\" + 0.012*\"lobe\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:38:56,429 : INFO : topic diff=0.002681, rho=0.020400\n", - "2019-01-31 01:38:56,586 : INFO : PROGRESS: pass 0, at document #4808000/4922894\n", - "2019-01-31 01:38:57,972 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:38:58,238 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"uruguayan\"\n", - "2019-01-31 01:38:58,240 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.036*\"publicis\" + 0.024*\"word\" + 0.020*\"new\" + 0.014*\"presid\" + 0.014*\"edit\" + 0.011*\"magazin\" + 0.011*\"worldwid\" + 0.011*\"nicola\" + 0.011*\"author\"\n", - "2019-01-31 01:38:58,241 : INFO : topic #33 (0.020): 0.059*\"french\" + 0.045*\"franc\" + 0.031*\"pari\" + 0.023*\"jean\" + 0.022*\"sail\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.013*\"wreath\" + 0.012*\"loui\" + 0.012*\"piec\"\n", - "2019-01-31 01:38:58,242 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.017*\"factor\" + 0.012*\"plaisir\" + 0.010*\"genu\" + 0.010*\"western\" + 0.009*\"biom\" + 0.008*\"median\" + 0.007*\"trap\" + 0.007*\"incom\" + 0.006*\"florida\"\n", - "2019-01-31 01:38:58,243 : INFO : topic #15 (0.020): 0.012*\"small\" + 0.010*\"organ\" + 0.009*\"develop\" + 0.009*\"commun\" + 0.008*\"group\" + 0.008*\"peopl\" + 0.008*\"word\" + 0.007*\"woman\" + 0.007*\"human\" + 0.006*\"workplac\"\n", - "2019-01-31 01:38:58,249 : INFO : topic diff=0.003120, rho=0.020395\n", - "2019-01-31 01:38:58,410 : INFO : PROGRESS: pass 0, at document #4810000/4922894\n", - "2019-01-31 01:39:00,009 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:39:00,277 : INFO : topic #9 (0.020): 0.075*\"bone\" + 0.043*\"american\" + 0.030*\"valour\" + 0.019*\"dutch\" + 0.019*\"folei\" + 0.017*\"player\" + 0.016*\"polit\" + 0.016*\"english\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:39:00,278 : INFO : topic #34 (0.020): 0.068*\"start\" + 0.032*\"new\" + 0.031*\"american\" + 0.030*\"unionist\" + 0.026*\"cotton\" + 0.020*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:39:00,279 : INFO : topic #42 (0.020): 0.047*\"german\" + 0.032*\"germani\" + 0.016*\"vol\" + 0.015*\"israel\" + 0.014*\"der\" + 0.014*\"jewish\" + 0.013*\"berlin\" + 0.009*\"european\" + 0.009*\"austria\" + 0.009*\"europ\"\n", - "2019-01-31 01:39:00,280 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.025*\"nation\" + 0.025*\"offic\" + 0.024*\"minist\" + 0.023*\"govern\" + 0.022*\"member\" + 0.018*\"start\" + 0.016*\"serv\" + 0.016*\"gener\" + 0.014*\"council\"\n", - "2019-01-31 01:39:00,281 : INFO : topic #39 (0.020): 0.060*\"canada\" + 0.045*\"canadian\" + 0.024*\"toronto\" + 0.024*\"hoar\" + 0.021*\"ontario\" + 0.016*\"quebec\" + 0.016*\"hydrogen\" + 0.015*\"misericordia\" + 0.015*\"new\" + 0.013*\"novotná\"\n", - "2019-01-31 01:39:00,287 : INFO : topic diff=0.002673, rho=0.020391\n", - "2019-01-31 01:39:00,440 : INFO : PROGRESS: pass 0, at document #4812000/4922894\n", - "2019-01-31 01:39:01,787 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:39:02,053 : INFO : topic #6 (0.020): 0.069*\"fewer\" + 0.023*\"epiru\" + 0.020*\"septemb\" + 0.018*\"teacher\" + 0.014*\"stake\" + 0.012*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"direct\" + 0.010*\"acrimoni\" + 0.010*\"movi\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:39:02,054 : INFO : topic #11 (0.020): 0.022*\"john\" + 0.011*\"will\" + 0.011*\"david\" + 0.011*\"jame\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"paul\" + 0.008*\"slur\" + 0.007*\"georg\" + 0.007*\"rhyme\"\n", - "2019-01-31 01:39:02,055 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.020*\"walter\" + 0.020*\"armi\" + 0.018*\"com\" + 0.013*\"oper\" + 0.013*\"militari\" + 0.013*\"unionist\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:39:02,057 : INFO : topic #47 (0.020): 0.066*\"muscl\" + 0.032*\"perceptu\" + 0.021*\"theater\" + 0.018*\"compos\" + 0.017*\"place\" + 0.015*\"damn\" + 0.014*\"orchestr\" + 0.014*\"olympo\" + 0.013*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 01:39:02,058 : INFO : topic #40 (0.020): 0.086*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.021*\"requir\" + 0.020*\"collector\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.012*\"http\" + 0.011*\"governor\"\n", - "2019-01-31 01:39:02,063 : INFO : topic diff=0.003553, rho=0.020387\n", - "2019-01-31 01:39:02,222 : INFO : PROGRESS: pass 0, at document #4814000/4922894\n", - "2019-01-31 01:39:03,605 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:39:03,871 : INFO : topic #19 (0.020): 0.017*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"ancestor\"\n", - "2019-01-31 01:39:03,872 : INFO : topic #35 (0.020): 0.057*\"russia\" + 0.035*\"sovereignti\" + 0.033*\"rural\" + 0.028*\"poison\" + 0.027*\"reprint\" + 0.025*\"personifi\" + 0.020*\"moscow\" + 0.019*\"poland\" + 0.015*\"turin\" + 0.014*\"unfortun\"\n", - "2019-01-31 01:39:03,873 : INFO : topic #28 (0.020): 0.037*\"build\" + 0.030*\"hous\" + 0.019*\"buford\" + 0.016*\"histor\" + 0.012*\"linear\" + 0.012*\"centuri\" + 0.011*\"silicon\" + 0.011*\"depress\" + 0.011*\"constitut\" + 0.010*\"pistol\"\n", - "2019-01-31 01:39:03,874 : INFO : topic #29 (0.020): 0.032*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.012*\"produc\" + 0.011*\"market\" + 0.011*\"bank\" + 0.010*\"industri\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"oper\"\n", - "2019-01-31 01:39:03,875 : INFO : topic #34 (0.020): 0.068*\"start\" + 0.032*\"new\" + 0.031*\"american\" + 0.030*\"unionist\" + 0.026*\"cotton\" + 0.020*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.011*\"north\"\n", - "2019-01-31 01:39:03,881 : INFO : topic diff=0.003579, rho=0.020383\n", - "2019-01-31 01:39:04,038 : INFO : PROGRESS: pass 0, at document #4816000/4922894\n", - "2019-01-31 01:39:05,404 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:39:05,671 : INFO : topic #3 (0.020): 0.033*\"present\" + 0.025*\"nation\" + 0.025*\"offic\" + 0.024*\"minist\" + 0.023*\"govern\" + 0.022*\"member\" + 0.018*\"start\" + 0.016*\"serv\" + 0.016*\"gener\" + 0.014*\"council\"\n", - "2019-01-31 01:39:05,672 : INFO : topic #48 (0.020): 0.079*\"march\" + 0.078*\"sens\" + 0.076*\"octob\" + 0.069*\"januari\" + 0.069*\"august\" + 0.068*\"juli\" + 0.068*\"notion\" + 0.067*\"april\" + 0.066*\"judici\" + 0.066*\"decatur\"\n", - "2019-01-31 01:39:05,673 : INFO : topic #1 (0.020): 0.051*\"china\" + 0.045*\"chilton\" + 0.026*\"kong\" + 0.026*\"hong\" + 0.020*\"korea\" + 0.020*\"korean\" + 0.019*\"shirin\" + 0.016*\"sourc\" + 0.015*\"leah\" + 0.013*\"kim\"\n", - "2019-01-31 01:39:05,674 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.007*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"like\" + 0.005*\"end\" + 0.005*\"retrospect\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:39:05,675 : INFO : topic #21 (0.020): 0.035*\"samford\" + 0.022*\"spain\" + 0.018*\"del\" + 0.018*\"italian\" + 0.017*\"mexico\" + 0.014*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"francisco\" + 0.010*\"carlo\"\n", - "2019-01-31 01:39:05,681 : INFO : topic diff=0.002653, rho=0.020378\n", - "2019-01-31 01:39:05,839 : INFO : PROGRESS: pass 0, at document #4818000/4922894\n", - "2019-01-31 01:39:07,219 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:39:07,486 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.012*\"septemb\" + 0.011*\"anim\" + 0.010*\"man\" + 0.008*\"comic\" + 0.007*\"fusiform\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.007*\"workplac\" + 0.006*\"black\"\n", - "2019-01-31 01:39:07,487 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"have\" + 0.007*\"pathwai\" + 0.007*\"hormon\" + 0.007*\"caus\" + 0.006*\"effect\" + 0.006*\"treat\" + 0.006*\"proper\"\n", - "2019-01-31 01:39:07,488 : INFO : topic #26 (0.020): 0.029*\"champion\" + 0.029*\"workplac\" + 0.025*\"alic\" + 0.025*\"woman\" + 0.025*\"olymp\" + 0.023*\"men\" + 0.021*\"medal\" + 0.020*\"left\" + 0.019*\"event\" + 0.018*\"taxpay\"\n", - "2019-01-31 01:39:07,489 : INFO : topic #16 (0.020): 0.053*\"king\" + 0.030*\"priest\" + 0.020*\"duke\" + 0.019*\"idiosyncrat\" + 0.018*\"grammat\" + 0.017*\"rotterdam\" + 0.017*\"portugues\" + 0.017*\"quarterli\" + 0.014*\"kingdom\" + 0.012*\"brazil\"\n", - "2019-01-31 01:39:07,490 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.010*\"aza\" + 0.009*\"forc\" + 0.008*\"battalion\" + 0.007*\"teufel\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.006*\"militari\" + 0.006*\"govern\" + 0.006*\"pour\"\n", - "2019-01-31 01:39:07,496 : INFO : topic diff=0.003189, rho=0.020374\n", - "2019-01-31 01:39:10,159 : INFO : -11.683 per-word bound, 3287.4 perplexity estimate based on a held-out corpus of 2000 documents with 567625 words\n", - "2019-01-31 01:39:10,160 : INFO : PROGRESS: pass 0, at document #4820000/4922894\n", - "2019-01-31 01:39:11,525 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:39:11,792 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.012*\"septemb\" + 0.011*\"anim\" + 0.010*\"man\" + 0.008*\"comic\" + 0.007*\"fusiform\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.007*\"workplac\" + 0.006*\"black\"\n", - "2019-01-31 01:39:11,793 : INFO : topic #33 (0.020): 0.060*\"french\" + 0.045*\"franc\" + 0.030*\"pari\" + 0.023*\"jean\" + 0.022*\"sail\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.013*\"wreath\" + 0.012*\"loui\" + 0.012*\"piec\"\n", - "2019-01-31 01:39:11,794 : INFO : topic #48 (0.020): 0.079*\"march\" + 0.077*\"sens\" + 0.076*\"octob\" + 0.069*\"januari\" + 0.068*\"august\" + 0.068*\"notion\" + 0.068*\"juli\" + 0.067*\"april\" + 0.065*\"judici\" + 0.065*\"decatur\"\n", - "2019-01-31 01:39:11,795 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.020*\"armi\" + 0.020*\"walter\" + 0.018*\"com\" + 0.013*\"oper\" + 0.013*\"militari\" + 0.013*\"unionist\" + 0.012*\"airbu\" + 0.011*\"refut\"\n", - "2019-01-31 01:39:11,796 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.019*\"di\" + 0.019*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"will\" + 0.012*\"daughter\"\n", - "2019-01-31 01:39:11,802 : INFO : topic diff=0.002941, rho=0.020370\n", - "2019-01-31 01:39:11,957 : INFO : PROGRESS: pass 0, at document #4822000/4922894\n", - "2019-01-31 01:39:13,293 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:39:13,560 : INFO : topic #29 (0.020): 0.032*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.012*\"produc\" + 0.011*\"market\" + 0.011*\"bank\" + 0.010*\"industri\" + 0.009*\"manag\" + 0.009*\"yawn\" + 0.007*\"oper\"\n", - "2019-01-31 01:39:13,561 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.012*\"septemb\" + 0.011*\"anim\" + 0.010*\"man\" + 0.008*\"comic\" + 0.007*\"fusiform\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.007*\"workplac\" + 0.006*\"black\"\n", - "2019-01-31 01:39:13,562 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"have\" + 0.007*\"caus\" + 0.007*\"pathwai\" + 0.007*\"hormon\" + 0.006*\"effect\" + 0.006*\"proper\" + 0.006*\"treat\"\n", - "2019-01-31 01:39:13,563 : INFO : topic #33 (0.020): 0.059*\"french\" + 0.044*\"franc\" + 0.030*\"pari\" + 0.023*\"sail\" + 0.022*\"jean\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.014*\"wreath\" + 0.012*\"loui\" + 0.012*\"piec\"\n", - "2019-01-31 01:39:13,564 : INFO : topic #34 (0.020): 0.067*\"start\" + 0.032*\"new\" + 0.031*\"american\" + 0.030*\"unionist\" + 0.026*\"cotton\" + 0.021*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.011*\"north\"\n", - "2019-01-31 01:39:13,570 : INFO : topic diff=0.003419, rho=0.020366\n", - "2019-01-31 01:39:13,729 : INFO : PROGRESS: pass 0, at document #4824000/4922894\n", - "2019-01-31 01:39:15,111 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:39:15,377 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.017*\"factor\" + 0.013*\"plaisir\" + 0.010*\"genu\" + 0.010*\"western\" + 0.009*\"biom\" + 0.008*\"median\" + 0.007*\"trap\" + 0.007*\"incom\" + 0.006*\"florida\"\n", - "2019-01-31 01:39:15,378 : INFO : topic #39 (0.020): 0.060*\"canada\" + 0.046*\"canadian\" + 0.024*\"toronto\" + 0.024*\"hoar\" + 0.022*\"ontario\" + 0.016*\"hydrogen\" + 0.015*\"misericordia\" + 0.015*\"quebec\" + 0.015*\"new\" + 0.014*\"novotná\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:39:15,379 : INFO : topic #41 (0.020): 0.043*\"citi\" + 0.025*\"palmer\" + 0.019*\"new\" + 0.017*\"strategist\" + 0.013*\"open\" + 0.012*\"center\" + 0.012*\"includ\" + 0.012*\"lobe\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:39:15,380 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.029*\"incumb\" + 0.013*\"islam\" + 0.013*\"pakistan\" + 0.012*\"anglo\" + 0.012*\"televis\" + 0.011*\"khalsa\" + 0.011*\"affection\" + 0.010*\"muskoge\" + 0.010*\"alam\"\n", - "2019-01-31 01:39:15,381 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.012*\"septemb\" + 0.011*\"anim\" + 0.010*\"man\" + 0.008*\"comic\" + 0.007*\"fusiform\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.007*\"workplac\" + 0.006*\"black\"\n", - "2019-01-31 01:39:15,387 : INFO : topic diff=0.003112, rho=0.020362\n", - "2019-01-31 01:39:15,549 : INFO : PROGRESS: pass 0, at document #4826000/4922894\n", - "2019-01-31 01:39:16,936 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:39:17,202 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.009*\"develop\" + 0.009*\"commun\" + 0.008*\"group\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.007*\"woman\" + 0.007*\"human\" + 0.006*\"workplac\"\n", - "2019-01-31 01:39:17,203 : INFO : topic #35 (0.020): 0.057*\"russia\" + 0.035*\"sovereignti\" + 0.032*\"rural\" + 0.028*\"poison\" + 0.026*\"reprint\" + 0.024*\"personifi\" + 0.020*\"moscow\" + 0.019*\"poland\" + 0.017*\"turin\" + 0.014*\"tyrant\"\n", - "2019-01-31 01:39:17,204 : INFO : topic #47 (0.020): 0.066*\"muscl\" + 0.032*\"perceptu\" + 0.021*\"theater\" + 0.017*\"compos\" + 0.017*\"place\" + 0.016*\"damn\" + 0.014*\"orchestr\" + 0.013*\"olympo\" + 0.012*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 01:39:17,205 : INFO : topic #27 (0.020): 0.075*\"questionnair\" + 0.020*\"candid\" + 0.017*\"taxpay\" + 0.014*\"ret\" + 0.014*\"tornado\" + 0.013*\"fool\" + 0.012*\"driver\" + 0.012*\"squatter\" + 0.012*\"find\" + 0.009*\"théori\"\n", - "2019-01-31 01:39:17,207 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.020*\"walter\" + 0.020*\"armi\" + 0.018*\"com\" + 0.013*\"oper\" + 0.013*\"militari\" + 0.013*\"unionist\" + 0.012*\"airbu\" + 0.011*\"refut\"\n", - "2019-01-31 01:39:17,212 : INFO : topic diff=0.003252, rho=0.020357\n", - "2019-01-31 01:39:17,373 : INFO : PROGRESS: pass 0, at document #4828000/4922894\n", - "2019-01-31 01:39:18,779 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:39:19,046 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.039*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.010*\"coalit\" + 0.010*\"fleet\" + 0.010*\"class\"\n", - "2019-01-31 01:39:19,047 : INFO : topic #6 (0.020): 0.068*\"fewer\" + 0.024*\"epiru\" + 0.021*\"septemb\" + 0.018*\"teacher\" + 0.014*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.010*\"direct\" + 0.010*\"acrimoni\" + 0.010*\"movi\"\n", - "2019-01-31 01:39:19,048 : INFO : topic #1 (0.020): 0.051*\"china\" + 0.044*\"chilton\" + 0.026*\"kong\" + 0.026*\"hong\" + 0.020*\"korea\" + 0.020*\"korean\" + 0.018*\"shirin\" + 0.016*\"leah\" + 0.016*\"sourc\" + 0.013*\"kim\"\n", - "2019-01-31 01:39:19,049 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.055*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.019*\"member\" + 0.017*\"polici\" + 0.015*\"republ\" + 0.014*\"liber\" + 0.014*\"bypass\" + 0.013*\"selma\"\n", - "2019-01-31 01:39:19,050 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.010*\"aza\" + 0.009*\"forc\" + 0.008*\"battalion\" + 0.007*\"teufel\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.006*\"militari\" + 0.006*\"govern\" + 0.006*\"citi\"\n", - "2019-01-31 01:39:19,056 : INFO : topic diff=0.002922, rho=0.020353\n", - "2019-01-31 01:39:19,268 : INFO : PROGRESS: pass 0, at document #4830000/4922894\n", - "2019-01-31 01:39:20,622 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:39:20,889 : INFO : topic #41 (0.020): 0.043*\"citi\" + 0.026*\"palmer\" + 0.019*\"new\" + 0.018*\"strategist\" + 0.013*\"open\" + 0.012*\"center\" + 0.012*\"lobe\" + 0.012*\"includ\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:39:20,890 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.010*\"prognosi\" + 0.010*\"pop\" + 0.009*\"cytokin\" + 0.008*\"diggin\" + 0.008*\"develop\" + 0.008*\"softwar\" + 0.008*\"uruguayan\" + 0.008*\"user\" + 0.007*\"includ\"\n", - "2019-01-31 01:39:20,891 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.010*\"aza\" + 0.009*\"forc\" + 0.008*\"battalion\" + 0.007*\"teufel\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.006*\"militari\" + 0.006*\"govern\" + 0.006*\"till\"\n", - "2019-01-31 01:39:20,892 : INFO : topic #45 (0.020): 0.048*\"arsen\" + 0.031*\"museo\" + 0.030*\"jpg\" + 0.028*\"fifteenth\" + 0.021*\"pain\" + 0.021*\"illicit\" + 0.017*\"artist\" + 0.016*\"exhaust\" + 0.016*\"gai\" + 0.014*\"word\"\n", - "2019-01-31 01:39:20,893 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:39:20,899 : INFO : topic diff=0.003340, rho=0.020349\n", - "2019-01-31 01:39:21,055 : INFO : PROGRESS: pass 0, at document #4832000/4922894\n", - "2019-01-31 01:39:22,419 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:39:22,685 : INFO : topic #33 (0.020): 0.059*\"french\" + 0.044*\"franc\" + 0.030*\"pari\" + 0.023*\"sail\" + 0.022*\"jean\" + 0.017*\"daphn\" + 0.014*\"wreath\" + 0.014*\"lazi\" + 0.012*\"loui\" + 0.012*\"piec\"\n", - "2019-01-31 01:39:22,686 : INFO : topic #9 (0.020): 0.076*\"bone\" + 0.042*\"american\" + 0.030*\"valour\" + 0.019*\"dutch\" + 0.018*\"folei\" + 0.018*\"player\" + 0.016*\"polit\" + 0.016*\"english\" + 0.012*\"acrimoni\" + 0.012*\"simpler\"\n", - "2019-01-31 01:39:22,687 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"poet\" + 0.006*\"gener\" + 0.006*\"measur\" + 0.006*\"exampl\" + 0.006*\"théori\" + 0.006*\"southern\" + 0.006*\"servitud\" + 0.006*\"utopian\"\n", - "2019-01-31 01:39:22,688 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.032*\"perceptu\" + 0.020*\"theater\" + 0.019*\"compos\" + 0.017*\"place\" + 0.015*\"damn\" + 0.014*\"orchestr\" + 0.013*\"olympo\" + 0.012*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 01:39:22,689 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"have\" + 0.007*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 01:39:22,695 : INFO : topic diff=0.003461, rho=0.020345\n", - "2019-01-31 01:39:22,851 : INFO : PROGRESS: pass 0, at document #4834000/4922894\n", - "2019-01-31 01:39:24,211 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:39:24,478 : INFO : topic #49 (0.020): 0.044*\"india\" + 0.029*\"incumb\" + 0.013*\"islam\" + 0.013*\"pakistan\" + 0.012*\"anglo\" + 0.012*\"televis\" + 0.011*\"khalsa\" + 0.011*\"affection\" + 0.011*\"muskoge\" + 0.010*\"alam\"\n", - "2019-01-31 01:39:24,479 : INFO : topic #41 (0.020): 0.043*\"citi\" + 0.026*\"palmer\" + 0.019*\"new\" + 0.018*\"strategist\" + 0.013*\"open\" + 0.012*\"center\" + 0.012*\"lobe\" + 0.012*\"includ\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:39:24,480 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.055*\"parti\" + 0.024*\"voluntari\" + 0.023*\"democrat\" + 0.019*\"member\" + 0.017*\"polici\" + 0.015*\"republ\" + 0.014*\"liber\" + 0.014*\"bypass\" + 0.013*\"report\"\n", - "2019-01-31 01:39:24,482 : INFO : topic #28 (0.020): 0.036*\"build\" + 0.030*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.012*\"linear\" + 0.012*\"centuri\" + 0.011*\"silicon\" + 0.011*\"constitut\" + 0.011*\"depress\" + 0.010*\"pistol\"\n", - "2019-01-31 01:39:24,483 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"poet\" + 0.006*\"gener\" + 0.006*\"measur\" + 0.006*\"exampl\" + 0.006*\"théori\" + 0.006*\"southern\" + 0.006*\"servitud\" + 0.006*\"utopian\"\n", - "2019-01-31 01:39:24,489 : INFO : topic diff=0.002786, rho=0.020341\n", - "2019-01-31 01:39:24,640 : INFO : PROGRESS: pass 0, at document #4836000/4922894\n", - "2019-01-31 01:39:25,977 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:39:26,243 : INFO : topic #13 (0.020): 0.027*\"london\" + 0.026*\"australia\" + 0.025*\"new\" + 0.025*\"sourc\" + 0.023*\"england\" + 0.021*\"australian\" + 0.020*\"british\" + 0.018*\"ireland\" + 0.014*\"youth\" + 0.014*\"wale\"\n", - "2019-01-31 01:39:26,244 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:39:26,245 : INFO : topic #26 (0.020): 0.029*\"champion\" + 0.028*\"workplac\" + 0.025*\"woman\" + 0.025*\"alic\" + 0.025*\"olymp\" + 0.023*\"men\" + 0.021*\"medal\" + 0.020*\"left\" + 0.019*\"event\" + 0.018*\"atheist\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:39:26,246 : INFO : topic #48 (0.020): 0.078*\"march\" + 0.076*\"sens\" + 0.076*\"octob\" + 0.069*\"januari\" + 0.068*\"notion\" + 0.067*\"august\" + 0.067*\"juli\" + 0.066*\"april\" + 0.065*\"decatur\" + 0.064*\"judici\"\n", - "2019-01-31 01:39:26,247 : INFO : topic #39 (0.020): 0.060*\"canada\" + 0.046*\"canadian\" + 0.024*\"toronto\" + 0.024*\"hoar\" + 0.022*\"ontario\" + 0.016*\"hydrogen\" + 0.015*\"misericordia\" + 0.015*\"quebec\" + 0.014*\"new\" + 0.013*\"novotná\"\n", - "2019-01-31 01:39:26,253 : INFO : topic diff=0.003121, rho=0.020336\n", - "2019-01-31 01:39:26,410 : INFO : PROGRESS: pass 0, at document #4838000/4922894\n", - "2019-01-31 01:39:27,790 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:39:28,056 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"ancestor\"\n", - "2019-01-31 01:39:28,057 : INFO : topic #0 (0.020): 0.060*\"statewid\" + 0.039*\"line\" + 0.031*\"rivièr\" + 0.029*\"raid\" + 0.026*\"rosenwald\" + 0.020*\"airmen\" + 0.018*\"traceabl\" + 0.018*\"serv\" + 0.013*\"oper\" + 0.012*\"briarwood\"\n", - "2019-01-31 01:39:28,058 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.016*\"factor\" + 0.012*\"plaisir\" + 0.010*\"genu\" + 0.010*\"western\" + 0.009*\"biom\" + 0.008*\"median\" + 0.007*\"trap\" + 0.006*\"incom\" + 0.006*\"florida\"\n", - "2019-01-31 01:39:28,059 : INFO : topic #44 (0.020): 0.029*\"rooftop\" + 0.025*\"final\" + 0.023*\"wife\" + 0.021*\"tourist\" + 0.020*\"champion\" + 0.016*\"chamber\" + 0.015*\"martin\" + 0.014*\"taxpay\" + 0.014*\"tiepolo\" + 0.013*\"open\"\n", - "2019-01-31 01:39:28,060 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.010*\"prognosi\" + 0.010*\"pop\" + 0.009*\"cytokin\" + 0.008*\"develop\" + 0.008*\"diggin\" + 0.008*\"softwar\" + 0.008*\"uruguayan\" + 0.007*\"user\" + 0.007*\"includ\"\n", - "2019-01-31 01:39:28,066 : INFO : topic diff=0.002750, rho=0.020332\n", - "2019-01-31 01:39:30,746 : INFO : -11.475 per-word bound, 2846.8 perplexity estimate based on a held-out corpus of 2000 documents with 566887 words\n", - "2019-01-31 01:39:30,747 : INFO : PROGRESS: pass 0, at document #4840000/4922894\n", - "2019-01-31 01:39:32,112 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:39:32,379 : INFO : topic #32 (0.020): 0.050*\"district\" + 0.047*\"popolo\" + 0.043*\"vigour\" + 0.034*\"tortur\" + 0.033*\"cotton\" + 0.023*\"multitud\" + 0.022*\"adulthood\" + 0.022*\"area\" + 0.019*\"cede\" + 0.018*\"commun\"\n", - "2019-01-31 01:39:32,380 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.017*\"factor\" + 0.012*\"plaisir\" + 0.010*\"genu\" + 0.010*\"western\" + 0.009*\"biom\" + 0.008*\"median\" + 0.007*\"trap\" + 0.006*\"incom\" + 0.006*\"florida\"\n", - "2019-01-31 01:39:32,381 : INFO : topic #6 (0.020): 0.068*\"fewer\" + 0.024*\"epiru\" + 0.021*\"septemb\" + 0.018*\"teacher\" + 0.014*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.010*\"acrimoni\" + 0.010*\"direct\" + 0.010*\"movi\"\n", - "2019-01-31 01:39:32,382 : INFO : topic #41 (0.020): 0.043*\"citi\" + 0.025*\"palmer\" + 0.019*\"new\" + 0.018*\"strategist\" + 0.013*\"open\" + 0.012*\"center\" + 0.012*\"lobe\" + 0.012*\"includ\" + 0.010*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:39:32,383 : INFO : topic #27 (0.020): 0.074*\"questionnair\" + 0.020*\"candid\" + 0.017*\"taxpay\" + 0.014*\"ret\" + 0.013*\"tornado\" + 0.013*\"fool\" + 0.012*\"driver\" + 0.012*\"find\" + 0.012*\"squatter\" + 0.009*\"théori\"\n", - "2019-01-31 01:39:32,390 : INFO : topic diff=0.002968, rho=0.020328\n", - "2019-01-31 01:39:32,543 : INFO : PROGRESS: pass 0, at document #4842000/4922894\n", - "2019-01-31 01:39:33,883 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:39:34,149 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.031*\"perceptu\" + 0.021*\"theater\" + 0.019*\"compos\" + 0.017*\"place\" + 0.015*\"damn\" + 0.014*\"orchestr\" + 0.013*\"olympo\" + 0.013*\"physician\" + 0.011*\"word\"\n", - "2019-01-31 01:39:34,150 : INFO : topic #27 (0.020): 0.074*\"questionnair\" + 0.020*\"candid\" + 0.017*\"taxpay\" + 0.014*\"ret\" + 0.013*\"tornado\" + 0.013*\"fool\" + 0.012*\"find\" + 0.012*\"driver\" + 0.012*\"squatter\" + 0.009*\"théori\"\n", - "2019-01-31 01:39:34,152 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.019*\"di\" + 0.019*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"will\" + 0.012*\"john\"\n", - "2019-01-31 01:39:34,153 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"media\" + 0.008*\"disco\" + 0.007*\"have\" + 0.007*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 01:39:34,154 : INFO : topic #23 (0.020): 0.134*\"audit\" + 0.072*\"best\" + 0.035*\"yawn\" + 0.028*\"jacksonvil\" + 0.023*\"japanes\" + 0.020*\"noll\" + 0.018*\"women\" + 0.017*\"intern\" + 0.017*\"festiv\" + 0.014*\"prison\"\n", - "2019-01-31 01:39:34,160 : INFO : topic diff=0.002803, rho=0.020324\n", - "2019-01-31 01:39:34,314 : INFO : PROGRESS: pass 0, at document #4844000/4922894\n", - "2019-01-31 01:39:35,691 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:39:35,958 : INFO : topic #40 (0.020): 0.086*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.021*\"requir\" + 0.020*\"collector\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.012*\"http\" + 0.011*\"governor\"\n", - "2019-01-31 01:39:35,959 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.019*\"di\" + 0.019*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"will\" + 0.012*\"john\"\n", - "2019-01-31 01:39:35,960 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.054*\"parti\" + 0.024*\"voluntari\" + 0.022*\"democrat\" + 0.019*\"member\" + 0.017*\"polici\" + 0.015*\"republ\" + 0.014*\"liber\" + 0.014*\"bypass\" + 0.013*\"seaport\"\n", - "2019-01-31 01:39:35,961 : INFO : topic #34 (0.020): 0.068*\"start\" + 0.032*\"new\" + 0.031*\"american\" + 0.030*\"unionist\" + 0.026*\"cotton\" + 0.020*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:39:35,962 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.010*\"aza\" + 0.009*\"forc\" + 0.008*\"battalion\" + 0.008*\"teufel\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.006*\"till\" + 0.006*\"militari\" + 0.006*\"govern\"\n", - "2019-01-31 01:39:35,968 : INFO : topic diff=0.002403, rho=0.020319\n", - "2019-01-31 01:39:36,128 : INFO : PROGRESS: pass 0, at document #4846000/4922894\n", - "2019-01-31 01:39:37,509 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:39:37,776 : INFO : topic #5 (0.020): 0.039*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:39:37,777 : INFO : topic #16 (0.020): 0.053*\"king\" + 0.030*\"priest\" + 0.021*\"duke\" + 0.018*\"rotterdam\" + 0.018*\"idiosyncrat\" + 0.017*\"grammat\" + 0.017*\"quarterli\" + 0.016*\"portugues\" + 0.014*\"kingdom\" + 0.013*\"paisiello\"\n", - "2019-01-31 01:39:37,778 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.021*\"walter\" + 0.020*\"armi\" + 0.018*\"com\" + 0.013*\"militari\" + 0.013*\"oper\" + 0.013*\"unionist\" + 0.012*\"airbu\" + 0.011*\"refut\"\n", - "2019-01-31 01:39:37,779 : INFO : topic #30 (0.020): 0.035*\"cleveland\" + 0.035*\"leagu\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.016*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:39:37,780 : INFO : topic #4 (0.020): 0.019*\"enfranchis\" + 0.015*\"depress\" + 0.013*\"pour\" + 0.008*\"mode\" + 0.008*\"elabor\" + 0.008*\"uruguayan\" + 0.008*\"veget\" + 0.006*\"turn\" + 0.006*\"produc\" + 0.006*\"develop\"\n", - "2019-01-31 01:39:37,786 : INFO : topic diff=0.002993, rho=0.020315\n", - "2019-01-31 01:39:37,944 : INFO : PROGRESS: pass 0, at document #4848000/4922894\n", - "2019-01-31 01:39:39,323 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:39:39,590 : INFO : topic #39 (0.020): 0.060*\"canada\" + 0.047*\"canadian\" + 0.024*\"hoar\" + 0.024*\"toronto\" + 0.022*\"ontario\" + 0.016*\"hydrogen\" + 0.015*\"misericordia\" + 0.015*\"quebec\" + 0.014*\"new\" + 0.013*\"novotná\"\n", - "2019-01-31 01:39:39,591 : INFO : topic #34 (0.020): 0.067*\"start\" + 0.032*\"new\" + 0.031*\"american\" + 0.030*\"unionist\" + 0.026*\"cotton\" + 0.020*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:39:39,592 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.038*\"shield\" + 0.018*\"narrat\" + 0.015*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.011*\"class\" + 0.010*\"coalit\" + 0.010*\"fleet\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:39:39,593 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.019*\"area\" + 0.017*\"lagrang\" + 0.016*\"warmth\" + 0.015*\"mount\" + 0.010*\"north\" + 0.009*\"land\" + 0.009*\"foam\" + 0.009*\"sourc\" + 0.009*\"palmer\"\n", - "2019-01-31 01:39:39,594 : INFO : topic #48 (0.020): 0.078*\"march\" + 0.077*\"octob\" + 0.076*\"sens\" + 0.069*\"januari\" + 0.068*\"notion\" + 0.066*\"august\" + 0.066*\"april\" + 0.066*\"juli\" + 0.065*\"decatur\" + 0.064*\"judici\"\n", - "2019-01-31 01:39:39,600 : INFO : topic diff=0.002819, rho=0.020311\n", - "2019-01-31 01:39:39,758 : INFO : PROGRESS: pass 0, at document #4850000/4922894\n", - "2019-01-31 01:39:41,133 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:39:41,399 : INFO : topic #41 (0.020): 0.043*\"citi\" + 0.025*\"palmer\" + 0.019*\"new\" + 0.018*\"strategist\" + 0.013*\"open\" + 0.012*\"center\" + 0.012*\"lobe\" + 0.012*\"includ\" + 0.011*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:39:41,400 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.021*\"walter\" + 0.020*\"armi\" + 0.018*\"com\" + 0.013*\"militari\" + 0.013*\"oper\" + 0.013*\"unionist\" + 0.012*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:39:41,401 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.009*\"media\" + 0.008*\"disco\" + 0.008*\"have\" + 0.007*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 01:39:41,402 : INFO : topic #48 (0.020): 0.078*\"march\" + 0.077*\"octob\" + 0.076*\"sens\" + 0.068*\"januari\" + 0.067*\"notion\" + 0.066*\"april\" + 0.066*\"august\" + 0.066*\"juli\" + 0.064*\"decatur\" + 0.063*\"judici\"\n", - "2019-01-31 01:39:41,403 : INFO : topic #16 (0.020): 0.054*\"king\" + 0.029*\"priest\" + 0.020*\"duke\" + 0.019*\"idiosyncrat\" + 0.018*\"rotterdam\" + 0.018*\"quarterli\" + 0.017*\"grammat\" + 0.016*\"portugues\" + 0.015*\"kingdom\" + 0.013*\"paisiello\"\n", - "2019-01-31 01:39:41,409 : INFO : topic diff=0.003103, rho=0.020307\n", - "2019-01-31 01:39:41,561 : INFO : PROGRESS: pass 0, at document #4852000/4922894\n", - "2019-01-31 01:39:42,894 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:39:43,160 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.026*\"final\" + 0.022*\"wife\" + 0.021*\"tourist\" + 0.019*\"champion\" + 0.015*\"chamber\" + 0.015*\"martin\" + 0.014*\"taxpay\" + 0.014*\"tiepolo\" + 0.013*\"open\"\n", - "2019-01-31 01:39:43,161 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.007*\"poet\" + 0.006*\"gener\" + 0.006*\"exampl\" + 0.006*\"measur\" + 0.006*\"théori\" + 0.006*\"servitud\" + 0.006*\"utopian\" + 0.006*\"southern\"\n", - "2019-01-31 01:39:43,162 : INFO : topic #1 (0.020): 0.052*\"china\" + 0.043*\"chilton\" + 0.026*\"hong\" + 0.025*\"kong\" + 0.021*\"korea\" + 0.019*\"korean\" + 0.017*\"shirin\" + 0.016*\"leah\" + 0.016*\"sourc\" + 0.013*\"kim\"\n", - "2019-01-31 01:39:43,163 : INFO : topic #33 (0.020): 0.059*\"french\" + 0.044*\"franc\" + 0.031*\"pari\" + 0.023*\"jean\" + 0.022*\"sail\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.012*\"wreath\" + 0.012*\"loui\" + 0.011*\"piec\"\n", - "2019-01-31 01:39:43,164 : INFO : topic #21 (0.020): 0.035*\"samford\" + 0.021*\"spain\" + 0.018*\"italian\" + 0.018*\"del\" + 0.017*\"mexico\" + 0.013*\"soviet\" + 0.012*\"santa\" + 0.011*\"juan\" + 0.011*\"carlo\" + 0.010*\"francisco\"\n", - "2019-01-31 01:39:43,170 : INFO : topic diff=0.003322, rho=0.020303\n", - "2019-01-31 01:39:43,326 : INFO : PROGRESS: pass 0, at document #4854000/4922894\n", - "2019-01-31 01:39:44,686 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:39:44,952 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.020*\"walter\" + 0.020*\"armi\" + 0.018*\"com\" + 0.013*\"militari\" + 0.013*\"oper\" + 0.013*\"unionist\" + 0.013*\"airbu\" + 0.011*\"diversifi\"\n", - "2019-01-31 01:39:44,953 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"prognosi\" + 0.010*\"pop\" + 0.009*\"cytokin\" + 0.008*\"diggin\" + 0.008*\"develop\" + 0.008*\"softwar\" + 0.008*\"uruguayan\" + 0.007*\"user\" + 0.007*\"includ\"\n", - "2019-01-31 01:39:44,954 : INFO : topic #25 (0.020): 0.032*\"ring\" + 0.019*\"area\" + 0.017*\"lagrang\" + 0.016*\"warmth\" + 0.015*\"mount\" + 0.010*\"north\" + 0.009*\"land\" + 0.009*\"sourc\" + 0.009*\"foam\" + 0.009*\"palmer\"\n", - "2019-01-31 01:39:44,955 : INFO : topic #3 (0.020): 0.032*\"present\" + 0.025*\"nation\" + 0.025*\"offic\" + 0.023*\"govern\" + 0.023*\"minist\" + 0.022*\"member\" + 0.018*\"start\" + 0.017*\"serv\" + 0.016*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:39:44,956 : INFO : topic #30 (0.020): 0.035*\"leagu\" + 0.035*\"cleveland\" + 0.030*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.016*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:39:44,962 : INFO : topic diff=0.002763, rho=0.020299\n", - "2019-01-31 01:39:45,118 : INFO : PROGRESS: pass 0, at document #4856000/4922894\n", - "2019-01-31 01:39:46,477 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:39:46,743 : INFO : topic #26 (0.020): 0.029*\"champion\" + 0.029*\"workplac\" + 0.025*\"woman\" + 0.024*\"olymp\" + 0.023*\"alic\" + 0.023*\"men\" + 0.021*\"medal\" + 0.020*\"event\" + 0.018*\"atheist\" + 0.018*\"taxpay\"\n", - "2019-01-31 01:39:46,744 : INFO : topic #23 (0.020): 0.135*\"audit\" + 0.071*\"best\" + 0.035*\"yawn\" + 0.028*\"jacksonvil\" + 0.023*\"japanes\" + 0.020*\"noll\" + 0.018*\"women\" + 0.017*\"intern\" + 0.017*\"festiv\" + 0.014*\"prison\"\n", - "2019-01-31 01:39:46,746 : INFO : topic #42 (0.020): 0.048*\"german\" + 0.033*\"germani\" + 0.016*\"vol\" + 0.014*\"berlin\" + 0.014*\"der\" + 0.014*\"israel\" + 0.013*\"jewish\" + 0.009*\"austria\" + 0.009*\"european\" + 0.009*\"europ\"\n", - "2019-01-31 01:39:46,747 : INFO : topic #45 (0.020): 0.048*\"arsen\" + 0.031*\"museo\" + 0.030*\"jpg\" + 0.028*\"fifteenth\" + 0.022*\"illicit\" + 0.021*\"pain\" + 0.017*\"artist\" + 0.016*\"exhaust\" + 0.016*\"gai\" + 0.015*\"colder\"\n", - "2019-01-31 01:39:46,748 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.010*\"prognosi\" + 0.010*\"pop\" + 0.009*\"cytokin\" + 0.008*\"diggin\" + 0.008*\"develop\" + 0.008*\"softwar\" + 0.008*\"uruguayan\" + 0.007*\"user\" + 0.007*\"includ\"\n", - "2019-01-31 01:39:46,754 : INFO : topic diff=0.003339, rho=0.020294\n", - "2019-01-31 01:39:46,910 : INFO : PROGRESS: pass 0, at document #4858000/4922894\n", - "2019-01-31 01:39:48,361 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:39:48,629 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.010*\"prognosi\" + 0.010*\"pop\" + 0.009*\"cytokin\" + 0.008*\"diggin\" + 0.008*\"develop\" + 0.008*\"softwar\" + 0.008*\"uruguayan\" + 0.007*\"user\" + 0.007*\"includ\"\n", - "2019-01-31 01:39:48,631 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.012*\"septemb\" + 0.011*\"anim\" + 0.010*\"man\" + 0.008*\"comic\" + 0.007*\"fusiform\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.007*\"workplac\" + 0.006*\"black\"\n", - "2019-01-31 01:39:48,632 : INFO : topic #20 (0.020): 0.140*\"scholar\" + 0.039*\"struggl\" + 0.032*\"high\" + 0.029*\"educ\" + 0.023*\"collector\" + 0.017*\"yawn\" + 0.012*\"prognosi\" + 0.011*\"district\" + 0.010*\"gothic\" + 0.010*\"task\"\n", - "2019-01-31 01:39:48,633 : INFO : topic #9 (0.020): 0.077*\"bone\" + 0.042*\"american\" + 0.030*\"valour\" + 0.020*\"dutch\" + 0.018*\"folei\" + 0.018*\"player\" + 0.017*\"polit\" + 0.016*\"english\" + 0.012*\"simpler\" + 0.012*\"acrimoni\"\n", - "2019-01-31 01:39:48,634 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.006*\"poet\" + 0.006*\"gener\" + 0.006*\"servitud\" + 0.006*\"exampl\" + 0.006*\"théori\" + 0.006*\"measur\" + 0.006*\"southern\" + 0.006*\"utopian\"\n", - "2019-01-31 01:39:48,640 : INFO : topic diff=0.002960, rho=0.020290\n", - "2019-01-31 01:39:51,335 : INFO : -11.403 per-word bound, 2708.1 perplexity estimate based on a held-out corpus of 2000 documents with 577801 words\n", - "2019-01-31 01:39:51,335 : INFO : PROGRESS: pass 0, at document #4860000/4922894\n", - "2019-01-31 01:39:52,705 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:39:52,972 : INFO : topic #33 (0.020): 0.059*\"french\" + 0.044*\"franc\" + 0.031*\"pari\" + 0.023*\"jean\" + 0.022*\"sail\" + 0.017*\"daphn\" + 0.014*\"lazi\" + 0.013*\"wreath\" + 0.012*\"loui\" + 0.011*\"piec\"\n", - "2019-01-31 01:39:52,973 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.007*\"poet\" + 0.006*\"gener\" + 0.006*\"servitud\" + 0.006*\"exampl\" + 0.006*\"théori\" + 0.006*\"measur\" + 0.006*\"southern\" + 0.006*\"utopian\"\n", - "2019-01-31 01:39:52,974 : INFO : topic #16 (0.020): 0.054*\"king\" + 0.029*\"priest\" + 0.020*\"duke\" + 0.018*\"idiosyncrat\" + 0.018*\"rotterdam\" + 0.017*\"grammat\" + 0.017*\"quarterli\" + 0.016*\"portugues\" + 0.014*\"kingdom\" + 0.013*\"paisiello\"\n", - "2019-01-31 01:39:52,975 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.018*\"factor\" + 0.012*\"plaisir\" + 0.011*\"genu\" + 0.010*\"western\" + 0.009*\"biom\" + 0.008*\"median\" + 0.006*\"trap\" + 0.006*\"incom\" + 0.006*\"florida\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:39:52,976 : INFO : topic #41 (0.020): 0.043*\"citi\" + 0.025*\"palmer\" + 0.019*\"new\" + 0.019*\"strategist\" + 0.013*\"open\" + 0.012*\"center\" + 0.012*\"lobe\" + 0.012*\"includ\" + 0.011*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:39:52,982 : INFO : topic diff=0.003327, rho=0.020286\n", - "2019-01-31 01:39:53,136 : INFO : PROGRESS: pass 0, at document #4862000/4922894\n", - "2019-01-31 01:39:54,484 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:39:54,751 : INFO : topic #33 (0.020): 0.059*\"french\" + 0.044*\"franc\" + 0.031*\"pari\" + 0.023*\"jean\" + 0.022*\"sail\" + 0.018*\"daphn\" + 0.014*\"lazi\" + 0.013*\"wreath\" + 0.012*\"loui\" + 0.011*\"piec\"\n", - "2019-01-31 01:39:54,752 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.029*\"incumb\" + 0.014*\"islam\" + 0.013*\"pakistan\" + 0.013*\"anglo\" + 0.011*\"televis\" + 0.011*\"khalsa\" + 0.011*\"affection\" + 0.011*\"muskoge\" + 0.010*\"alam\"\n", - "2019-01-31 01:39:54,753 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.010*\"prognosi\" + 0.010*\"pop\" + 0.009*\"cytokin\" + 0.008*\"diggin\" + 0.008*\"develop\" + 0.008*\"softwar\" + 0.008*\"uruguayan\" + 0.007*\"user\" + 0.007*\"includ\"\n", - "2019-01-31 01:39:54,754 : INFO : topic #44 (0.020): 0.030*\"rooftop\" + 0.026*\"final\" + 0.023*\"wife\" + 0.021*\"tourist\" + 0.019*\"champion\" + 0.015*\"chamber\" + 0.015*\"martin\" + 0.014*\"taxpay\" + 0.014*\"tiepolo\" + 0.013*\"open\"\n", - "2019-01-31 01:39:54,755 : INFO : topic #39 (0.020): 0.059*\"canada\" + 0.046*\"canadian\" + 0.025*\"toronto\" + 0.024*\"hoar\" + 0.021*\"ontario\" + 0.016*\"hydrogen\" + 0.015*\"misericordia\" + 0.015*\"new\" + 0.014*\"quebec\" + 0.013*\"novotná\"\n", - "2019-01-31 01:39:54,761 : INFO : topic diff=0.002938, rho=0.020282\n", - "2019-01-31 01:39:54,968 : INFO : PROGRESS: pass 0, at document #4864000/4922894\n", - "2019-01-31 01:39:56,299 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:39:56,567 : INFO : topic #12 (0.020): 0.008*\"number\" + 0.007*\"frontal\" + 0.006*\"gener\" + 0.006*\"poet\" + 0.006*\"servitud\" + 0.006*\"exampl\" + 0.006*\"théori\" + 0.006*\"measur\" + 0.006*\"southern\" + 0.006*\"utopian\"\n", - "2019-01-31 01:39:56,568 : INFO : topic #9 (0.020): 0.076*\"bone\" + 0.042*\"american\" + 0.031*\"valour\" + 0.019*\"dutch\" + 0.018*\"folei\" + 0.017*\"player\" + 0.017*\"polit\" + 0.016*\"english\" + 0.012*\"simpler\" + 0.011*\"acrimoni\"\n", - "2019-01-31 01:39:56,569 : INFO : topic #13 (0.020): 0.026*\"london\" + 0.026*\"australia\" + 0.025*\"new\" + 0.025*\"sourc\" + 0.024*\"england\" + 0.022*\"australian\" + 0.020*\"british\" + 0.018*\"ireland\" + 0.014*\"wale\" + 0.014*\"weekli\"\n", - "2019-01-31 01:39:56,570 : INFO : topic #43 (0.020): 0.067*\"elect\" + 0.054*\"parti\" + 0.025*\"voluntari\" + 0.022*\"democrat\" + 0.019*\"member\" + 0.017*\"polici\" + 0.015*\"republ\" + 0.014*\"bypass\" + 0.014*\"liber\" + 0.013*\"report\"\n", - "2019-01-31 01:39:56,571 : INFO : topic #17 (0.020): 0.079*\"church\" + 0.025*\"cathol\" + 0.024*\"christian\" + 0.022*\"bishop\" + 0.016*\"sail\" + 0.014*\"retroflex\" + 0.010*\"relationship\" + 0.009*\"cathedr\" + 0.009*\"historiographi\" + 0.009*\"parish\"\n", - "2019-01-31 01:39:56,577 : INFO : topic diff=0.003424, rho=0.020278\n", - "2019-01-31 01:39:56,735 : INFO : PROGRESS: pass 0, at document #4866000/4922894\n", - "2019-01-31 01:39:58,277 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:39:58,544 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.006*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"retrospect\" + 0.005*\"like\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:39:58,545 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.010*\"prognosi\" + 0.010*\"pop\" + 0.009*\"cytokin\" + 0.008*\"diggin\" + 0.008*\"develop\" + 0.008*\"softwar\" + 0.008*\"uruguayan\" + 0.007*\"user\" + 0.007*\"includ\"\n", - "2019-01-31 01:39:58,546 : INFO : topic #46 (0.020): 0.017*\"sweden\" + 0.017*\"swedish\" + 0.017*\"stop\" + 0.015*\"norwai\" + 0.014*\"treeless\" + 0.014*\"wind\" + 0.013*\"damag\" + 0.013*\"norwegian\" + 0.010*\"farid\" + 0.010*\"huntsvil\"\n", - "2019-01-31 01:39:58,547 : INFO : topic #35 (0.020): 0.056*\"russia\" + 0.037*\"sovereignti\" + 0.032*\"rural\" + 0.029*\"poison\" + 0.026*\"reprint\" + 0.024*\"personifi\" + 0.022*\"poland\" + 0.018*\"moscow\" + 0.015*\"turin\" + 0.015*\"unfortun\"\n", - "2019-01-31 01:39:58,548 : INFO : topic #41 (0.020): 0.043*\"citi\" + 0.025*\"palmer\" + 0.019*\"new\" + 0.018*\"strategist\" + 0.013*\"open\" + 0.012*\"center\" + 0.012*\"includ\" + 0.012*\"lobe\" + 0.011*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:39:58,554 : INFO : topic diff=0.003362, rho=0.020274\n", - "2019-01-31 01:39:58,716 : INFO : PROGRESS: pass 0, at document #4868000/4922894\n", - "2019-01-31 01:40:00,120 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:40:00,386 : INFO : topic #39 (0.020): 0.058*\"canada\" + 0.046*\"canadian\" + 0.024*\"toronto\" + 0.024*\"hoar\" + 0.021*\"ontario\" + 0.016*\"hydrogen\" + 0.015*\"misericordia\" + 0.015*\"new\" + 0.015*\"quebec\" + 0.013*\"novotná\"\n", - "2019-01-31 01:40:00,387 : INFO : topic #34 (0.020): 0.068*\"start\" + 0.032*\"new\" + 0.031*\"american\" + 0.030*\"unionist\" + 0.025*\"cotton\" + 0.020*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:40:00,388 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.006*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:40:00,389 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.012*\"produc\" + 0.012*\"market\" + 0.011*\"industri\" + 0.010*\"bank\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"oper\"\n", - "2019-01-31 01:40:00,390 : INFO : topic #23 (0.020): 0.135*\"audit\" + 0.070*\"best\" + 0.035*\"yawn\" + 0.028*\"jacksonvil\" + 0.023*\"japanes\" + 0.020*\"noll\" + 0.018*\"women\" + 0.017*\"intern\" + 0.017*\"festiv\" + 0.014*\"prison\"\n", - "2019-01-31 01:40:00,396 : INFO : topic diff=0.003458, rho=0.020269\n", - "2019-01-31 01:40:00,550 : INFO : PROGRESS: pass 0, at document #4870000/4922894\n", - "2019-01-31 01:40:01,891 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:40:02,157 : INFO : topic #28 (0.020): 0.037*\"build\" + 0.030*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.012*\"linear\" + 0.012*\"centuri\" + 0.012*\"silicon\" + 0.011*\"depress\" + 0.011*\"constitut\" + 0.010*\"pistol\"\n", - "2019-01-31 01:40:02,158 : INFO : topic #26 (0.020): 0.029*\"champion\" + 0.028*\"workplac\" + 0.025*\"woman\" + 0.025*\"olymp\" + 0.024*\"alic\" + 0.023*\"men\" + 0.021*\"medal\" + 0.020*\"event\" + 0.018*\"atheist\" + 0.018*\"taxpay\"\n", - "2019-01-31 01:40:02,160 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.006*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:40:02,161 : INFO : topic #17 (0.020): 0.079*\"church\" + 0.025*\"cathol\" + 0.024*\"christian\" + 0.022*\"bishop\" + 0.017*\"sail\" + 0.014*\"retroflex\" + 0.010*\"relationship\" + 0.009*\"cathedr\" + 0.009*\"historiographi\" + 0.009*\"parish\"\n", - "2019-01-31 01:40:02,162 : INFO : topic #40 (0.020): 0.086*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.021*\"requir\" + 0.020*\"collector\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"governor\" + 0.011*\"degre\"\n", - "2019-01-31 01:40:02,168 : INFO : topic diff=0.003171, rho=0.020265\n", - "2019-01-31 01:40:02,323 : INFO : PROGRESS: pass 0, at document #4872000/4922894\n", - "2019-01-31 01:40:03,693 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:40:03,959 : INFO : topic #41 (0.020): 0.043*\"citi\" + 0.025*\"palmer\" + 0.019*\"new\" + 0.018*\"strategist\" + 0.013*\"center\" + 0.013*\"open\" + 0.012*\"includ\" + 0.011*\"lobe\" + 0.011*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:40:03,960 : INFO : topic #28 (0.020): 0.037*\"build\" + 0.030*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.012*\"linear\" + 0.012*\"centuri\" + 0.012*\"silicon\" + 0.011*\"depress\" + 0.011*\"constitut\" + 0.010*\"pistol\"\n", - "2019-01-31 01:40:03,961 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.029*\"incumb\" + 0.013*\"islam\" + 0.013*\"pakistan\" + 0.013*\"anglo\" + 0.011*\"televis\" + 0.011*\"affection\" + 0.011*\"khalsa\" + 0.010*\"muskoge\" + 0.010*\"alam\"\n", - "2019-01-31 01:40:03,962 : INFO : topic #29 (0.020): 0.031*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.012*\"produc\" + 0.012*\"market\" + 0.011*\"industri\" + 0.010*\"bank\" + 0.009*\"yawn\" + 0.008*\"manag\" + 0.007*\"oper\"\n", - "2019-01-31 01:40:03,963 : INFO : topic #2 (0.020): 0.049*\"isl\" + 0.039*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.011*\"class\" + 0.010*\"coalit\" + 0.010*\"fleet\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:40:03,969 : INFO : topic diff=0.002540, rho=0.020261\n", - "2019-01-31 01:40:04,123 : INFO : PROGRESS: pass 0, at document #4874000/4922894\n", - "2019-01-31 01:40:05,481 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:40:05,747 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.017*\"factor\" + 0.012*\"plaisir\" + 0.010*\"genu\" + 0.010*\"western\" + 0.008*\"biom\" + 0.008*\"median\" + 0.007*\"trap\" + 0.006*\"incom\" + 0.006*\"florida\"\n", - "2019-01-31 01:40:05,749 : INFO : topic #30 (0.020): 0.035*\"leagu\" + 0.035*\"cleveland\" + 0.032*\"place\" + 0.027*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.012*\"schmitz\"\n", - "2019-01-31 01:40:05,750 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:40:05,751 : INFO : topic #3 (0.020): 0.032*\"present\" + 0.025*\"nation\" + 0.024*\"offic\" + 0.024*\"govern\" + 0.023*\"minist\" + 0.023*\"member\" + 0.018*\"start\" + 0.017*\"serv\" + 0.015*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:40:05,752 : INFO : topic #6 (0.020): 0.069*\"fewer\" + 0.023*\"epiru\" + 0.021*\"septemb\" + 0.018*\"teacher\" + 0.014*\"stake\" + 0.012*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"direct\" + 0.010*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:40:05,758 : INFO : topic diff=0.002992, rho=0.020257\n", - "2019-01-31 01:40:05,914 : INFO : PROGRESS: pass 0, at document #4876000/4922894\n", - "2019-01-31 01:40:07,290 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:40:07,557 : INFO : topic #0 (0.020): 0.061*\"statewid\" + 0.039*\"line\" + 0.031*\"rivièr\" + 0.029*\"raid\" + 0.025*\"rosenwald\" + 0.020*\"airmen\" + 0.017*\"serv\" + 0.017*\"traceabl\" + 0.013*\"oper\" + 0.012*\"briarwood\"\n", - "2019-01-31 01:40:07,558 : INFO : topic #22 (0.020): 0.034*\"spars\" + 0.017*\"factor\" + 0.012*\"plaisir\" + 0.010*\"genu\" + 0.010*\"western\" + 0.008*\"biom\" + 0.008*\"median\" + 0.007*\"trap\" + 0.006*\"incom\" + 0.006*\"florida\"\n", - "2019-01-31 01:40:07,559 : INFO : topic #39 (0.020): 0.058*\"canada\" + 0.046*\"canadian\" + 0.025*\"toronto\" + 0.024*\"hoar\" + 0.021*\"ontario\" + 0.015*\"hydrogen\" + 0.015*\"misericordia\" + 0.015*\"new\" + 0.014*\"quebec\" + 0.014*\"novotná\"\n", - "2019-01-31 01:40:07,560 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:40:07,561 : INFO : topic #41 (0.020): 0.043*\"citi\" + 0.025*\"palmer\" + 0.019*\"new\" + 0.019*\"strategist\" + 0.013*\"center\" + 0.013*\"open\" + 0.012*\"includ\" + 0.011*\"lobe\" + 0.011*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:40:07,567 : INFO : topic diff=0.003077, rho=0.020253\n", - "2019-01-31 01:40:07,727 : INFO : PROGRESS: pass 0, at document #4878000/4922894\n", - "2019-01-31 01:40:09,052 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:40:09,318 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.031*\"perceptu\" + 0.020*\"theater\" + 0.018*\"compos\" + 0.018*\"place\" + 0.015*\"damn\" + 0.014*\"orchestr\" + 0.013*\"olympo\" + 0.013*\"physician\" + 0.012*\"word\"\n", - "2019-01-31 01:40:09,319 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.019*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"will\" + 0.012*\"john\"\n", - "2019-01-31 01:40:09,320 : INFO : topic #13 (0.020): 0.027*\"australia\" + 0.026*\"london\" + 0.025*\"sourc\" + 0.025*\"new\" + 0.024*\"england\" + 0.022*\"australian\" + 0.020*\"british\" + 0.018*\"ireland\" + 0.014*\"wale\" + 0.014*\"weekli\"\n", - "2019-01-31 01:40:09,321 : INFO : topic #26 (0.020): 0.028*\"champion\" + 0.028*\"workplac\" + 0.025*\"woman\" + 0.024*\"olymp\" + 0.023*\"men\" + 0.023*\"alic\" + 0.021*\"medal\" + 0.020*\"event\" + 0.018*\"atheist\" + 0.018*\"taxpay\"\n", - "2019-01-31 01:40:09,322 : INFO : topic #20 (0.020): 0.141*\"scholar\" + 0.039*\"struggl\" + 0.032*\"high\" + 0.029*\"educ\" + 0.023*\"collector\" + 0.017*\"yawn\" + 0.012*\"prognosi\" + 0.011*\"district\" + 0.010*\"gothic\" + 0.010*\"task\"\n", - "2019-01-31 01:40:09,328 : INFO : topic diff=0.003009, rho=0.020249\n", - "2019-01-31 01:40:12,015 : INFO : -11.801 per-word bound, 3568.7 perplexity estimate based on a held-out corpus of 2000 documents with 551274 words\n", - "2019-01-31 01:40:12,016 : INFO : PROGRESS: pass 0, at document #4880000/4922894\n", - "2019-01-31 01:40:13,393 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:40:13,660 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.006*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:40:13,661 : INFO : topic #48 (0.020): 0.077*\"octob\" + 0.077*\"march\" + 0.075*\"sens\" + 0.067*\"juli\" + 0.067*\"januari\" + 0.067*\"notion\" + 0.066*\"august\" + 0.066*\"april\" + 0.065*\"decatur\" + 0.064*\"judici\"\n", - "2019-01-31 01:40:13,662 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.015*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"myspac\"\n", - "2019-01-31 01:40:13,663 : INFO : topic #13 (0.020): 0.027*\"australia\" + 0.026*\"london\" + 0.025*\"sourc\" + 0.025*\"new\" + 0.024*\"england\" + 0.022*\"australian\" + 0.020*\"british\" + 0.018*\"ireland\" + 0.014*\"wale\" + 0.014*\"weekli\"\n", - "2019-01-31 01:40:13,664 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.021*\"walter\" + 0.020*\"armi\" + 0.017*\"com\" + 0.013*\"militari\" + 0.013*\"unionist\" + 0.013*\"oper\" + 0.013*\"airbu\" + 0.011*\"refut\"\n", - "2019-01-31 01:40:13,670 : INFO : topic diff=0.003230, rho=0.020244\n", - "2019-01-31 01:40:13,827 : INFO : PROGRESS: pass 0, at document #4882000/4922894\n", - "2019-01-31 01:40:15,209 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:40:15,476 : INFO : topic #6 (0.020): 0.069*\"fewer\" + 0.023*\"epiru\" + 0.021*\"septemb\" + 0.018*\"teacher\" + 0.014*\"stake\" + 0.012*\"proclaim\" + 0.012*\"rodríguez\" + 0.011*\"direct\" + 0.010*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:40:15,477 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.009*\"media\" + 0.008*\"have\" + 0.008*\"disco\" + 0.007*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"effect\" + 0.006*\"treat\"\n", - "2019-01-31 01:40:15,478 : INFO : topic #4 (0.020): 0.019*\"enfranchis\" + 0.015*\"depress\" + 0.013*\"pour\" + 0.008*\"mode\" + 0.008*\"uruguayan\" + 0.008*\"elabor\" + 0.008*\"veget\" + 0.006*\"develop\" + 0.006*\"produc\" + 0.006*\"turn\"\n", - "2019-01-31 01:40:15,479 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.047*\"popolo\" + 0.043*\"vigour\" + 0.035*\"tortur\" + 0.033*\"cotton\" + 0.023*\"multitud\" + 0.022*\"adulthood\" + 0.021*\"area\" + 0.019*\"cede\" + 0.018*\"commun\"\n", - "2019-01-31 01:40:15,480 : INFO : topic #26 (0.020): 0.028*\"workplac\" + 0.028*\"champion\" + 0.025*\"woman\" + 0.024*\"olymp\" + 0.023*\"men\" + 0.022*\"alic\" + 0.021*\"medal\" + 0.020*\"event\" + 0.018*\"atheist\" + 0.017*\"taxpay\"\n", - "2019-01-31 01:40:15,486 : INFO : topic diff=0.003092, rho=0.020240\n", - "2019-01-31 01:40:15,639 : INFO : PROGRESS: pass 0, at document #4884000/4922894\n", - "2019-01-31 01:40:16,989 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:40:17,255 : INFO : topic #31 (0.020): 0.050*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.023*\"player\" + 0.019*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.010*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:40:17,256 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.047*\"popolo\" + 0.043*\"vigour\" + 0.035*\"tortur\" + 0.032*\"cotton\" + 0.023*\"multitud\" + 0.022*\"adulthood\" + 0.021*\"area\" + 0.019*\"cede\" + 0.018*\"commun\"\n", - "2019-01-31 01:40:17,257 : INFO : topic #25 (0.020): 0.031*\"ring\" + 0.019*\"area\" + 0.017*\"lagrang\" + 0.016*\"warmth\" + 0.015*\"mount\" + 0.010*\"north\" + 0.009*\"sourc\" + 0.009*\"land\" + 0.009*\"foam\" + 0.008*\"palmer\"\n", - "2019-01-31 01:40:17,258 : INFO : topic #9 (0.020): 0.074*\"bone\" + 0.042*\"american\" + 0.030*\"valour\" + 0.019*\"dutch\" + 0.017*\"folei\" + 0.017*\"player\" + 0.017*\"english\" + 0.017*\"polit\" + 0.011*\"simpler\" + 0.011*\"acrimoni\"\n", - "2019-01-31 01:40:17,259 : INFO : topic #30 (0.020): 0.035*\"leagu\" + 0.035*\"cleveland\" + 0.032*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.013*\"schmitz\"\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:40:17,265 : INFO : topic diff=0.002712, rho=0.020236\n", - "2019-01-31 01:40:17,421 : INFO : PROGRESS: pass 0, at document #4886000/4922894\n", - "2019-01-31 01:40:18,792 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:40:19,059 : INFO : topic #23 (0.020): 0.135*\"audit\" + 0.071*\"best\" + 0.035*\"yawn\" + 0.028*\"jacksonvil\" + 0.023*\"japanes\" + 0.020*\"noll\" + 0.018*\"festiv\" + 0.018*\"intern\" + 0.018*\"women\" + 0.013*\"prison\"\n", - "2019-01-31 01:40:19,060 : INFO : topic #8 (0.020): 0.026*\"law\" + 0.023*\"cortic\" + 0.018*\"start\" + 0.016*\"act\" + 0.012*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.010*\"polaris\" + 0.008*\"legal\" + 0.008*\"order\"\n", - "2019-01-31 01:40:19,061 : INFO : topic #1 (0.020): 0.053*\"china\" + 0.043*\"chilton\" + 0.025*\"hong\" + 0.025*\"kong\" + 0.021*\"korea\" + 0.018*\"korean\" + 0.017*\"leah\" + 0.016*\"shirin\" + 0.016*\"sourc\" + 0.014*\"kim\"\n", - "2019-01-31 01:40:19,062 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.046*\"popolo\" + 0.043*\"vigour\" + 0.035*\"tortur\" + 0.033*\"cotton\" + 0.023*\"multitud\" + 0.022*\"adulthood\" + 0.022*\"area\" + 0.019*\"cede\" + 0.018*\"commun\"\n", - "2019-01-31 01:40:19,063 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.025*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 01:40:19,069 : INFO : topic diff=0.002997, rho=0.020232\n", - "2019-01-31 01:40:19,241 : INFO : PROGRESS: pass 0, at document #4888000/4922894\n", - "2019-01-31 01:40:20,654 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:40:20,921 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.006*\"poet\" + 0.006*\"théori\" + 0.006*\"servitud\" + 0.006*\"southern\" + 0.006*\"exampl\" + 0.006*\"measur\" + 0.006*\"utopian\"\n", - "2019-01-31 01:40:20,922 : INFO : topic #2 (0.020): 0.050*\"isl\" + 0.039*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.012*\"pope\" + 0.012*\"blur\" + 0.011*\"nativist\" + 0.011*\"class\" + 0.010*\"coalit\" + 0.010*\"fleet\"\n", - "2019-01-31 01:40:20,923 : INFO : topic #42 (0.020): 0.049*\"german\" + 0.034*\"germani\" + 0.016*\"vol\" + 0.014*\"berlin\" + 0.014*\"jewish\" + 0.013*\"der\" + 0.013*\"israel\" + 0.010*\"austria\" + 0.010*\"europ\" + 0.009*\"european\"\n", - "2019-01-31 01:40:20,924 : INFO : topic #23 (0.020): 0.135*\"audit\" + 0.070*\"best\" + 0.035*\"yawn\" + 0.029*\"jacksonvil\" + 0.023*\"japanes\" + 0.020*\"noll\" + 0.018*\"festiv\" + 0.018*\"intern\" + 0.018*\"women\" + 0.013*\"prison\"\n", - "2019-01-31 01:40:20,925 : INFO : topic #11 (0.020): 0.022*\"john\" + 0.011*\"david\" + 0.011*\"will\" + 0.011*\"jame\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"paul\" + 0.008*\"slur\" + 0.008*\"rhyme\" + 0.008*\"georg\"\n", - "2019-01-31 01:40:20,931 : INFO : topic diff=0.003682, rho=0.020228\n", - "2019-01-31 01:40:21,092 : INFO : PROGRESS: pass 0, at document #4890000/4922894\n", - "2019-01-31 01:40:22,478 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:40:22,745 : INFO : topic #45 (0.020): 0.047*\"arsen\" + 0.031*\"museo\" + 0.031*\"jpg\" + 0.029*\"fifteenth\" + 0.021*\"pain\" + 0.021*\"illicit\" + 0.017*\"artist\" + 0.016*\"exhaust\" + 0.016*\"gai\" + 0.015*\"colder\"\n", - "2019-01-31 01:40:22,746 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.031*\"perceptu\" + 0.021*\"theater\" + 0.018*\"compos\" + 0.018*\"place\" + 0.015*\"damn\" + 0.014*\"orchestr\" + 0.013*\"olympo\" + 0.012*\"physician\" + 0.012*\"word\"\n", - "2019-01-31 01:40:22,747 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.020*\"walter\" + 0.020*\"armi\" + 0.017*\"com\" + 0.013*\"militari\" + 0.013*\"unionist\" + 0.013*\"oper\" + 0.012*\"airbu\" + 0.010*\"refut\"\n", - "2019-01-31 01:40:22,748 : INFO : topic #34 (0.020): 0.068*\"start\" + 0.032*\"new\" + 0.031*\"american\" + 0.030*\"unionist\" + 0.026*\"cotton\" + 0.020*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:40:22,749 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.046*\"popolo\" + 0.043*\"vigour\" + 0.035*\"tortur\" + 0.033*\"cotton\" + 0.023*\"multitud\" + 0.022*\"adulthood\" + 0.022*\"area\" + 0.019*\"cede\" + 0.018*\"commun\"\n", - "2019-01-31 01:40:22,755 : INFO : topic diff=0.003061, rho=0.020224\n", - "2019-01-31 01:40:22,911 : INFO : PROGRESS: pass 0, at document #4892000/4922894\n", - "2019-01-31 01:40:24,273 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:40:24,539 : INFO : topic #10 (0.020): 0.011*\"cdd\" + 0.008*\"media\" + 0.008*\"have\" + 0.008*\"disco\" + 0.007*\"hormon\" + 0.007*\"pathwai\" + 0.007*\"caus\" + 0.006*\"proper\" + 0.006*\"treat\" + 0.006*\"effect\"\n", - "2019-01-31 01:40:24,540 : INFO : topic #4 (0.020): 0.019*\"enfranchis\" + 0.015*\"depress\" + 0.013*\"pour\" + 0.008*\"mode\" + 0.008*\"veget\" + 0.008*\"elabor\" + 0.008*\"uruguayan\" + 0.006*\"turn\" + 0.006*\"develop\" + 0.006*\"produc\"\n", - "2019-01-31 01:40:24,541 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.011*\"aza\" + 0.009*\"forc\" + 0.008*\"battalion\" + 0.008*\"teufel\" + 0.007*\"armi\" + 0.007*\"empath\" + 0.007*\"till\" + 0.006*\"militari\" + 0.006*\"govern\"\n", - "2019-01-31 01:40:24,542 : INFO : topic #27 (0.020): 0.075*\"questionnair\" + 0.020*\"candid\" + 0.017*\"taxpay\" + 0.013*\"fool\" + 0.013*\"tornado\" + 0.013*\"ret\" + 0.012*\"find\" + 0.012*\"driver\" + 0.010*\"squatter\" + 0.009*\"théori\"\n", - "2019-01-31 01:40:24,543 : INFO : topic #23 (0.020): 0.135*\"audit\" + 0.070*\"best\" + 0.035*\"yawn\" + 0.030*\"jacksonvil\" + 0.024*\"japanes\" + 0.020*\"noll\" + 0.018*\"festiv\" + 0.018*\"women\" + 0.018*\"intern\" + 0.013*\"prison\"\n", - "2019-01-31 01:40:24,549 : INFO : topic diff=0.003183, rho=0.020220\n", - "2019-01-31 01:40:24,763 : INFO : PROGRESS: pass 0, at document #4894000/4922894\n", - "2019-01-31 01:40:26,160 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:40:26,428 : INFO : topic #35 (0.020): 0.055*\"russia\" + 0.039*\"sovereignti\" + 0.032*\"rural\" + 0.028*\"poison\" + 0.026*\"reprint\" + 0.024*\"personifi\" + 0.021*\"poland\" + 0.019*\"moscow\" + 0.018*\"turin\" + 0.015*\"unfortun\"\n", - "2019-01-31 01:40:26,429 : INFO : topic #26 (0.020): 0.028*\"champion\" + 0.028*\"workplac\" + 0.025*\"woman\" + 0.024*\"olymp\" + 0.023*\"men\" + 0.022*\"alic\" + 0.021*\"medal\" + 0.020*\"event\" + 0.018*\"atheist\" + 0.018*\"taxpay\"\n", - "2019-01-31 01:40:26,430 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.023*\"schuster\" + 0.021*\"institut\" + 0.021*\"collector\" + 0.021*\"requir\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"governor\" + 0.011*\"degre\"\n", - "2019-01-31 01:40:26,431 : INFO : topic #48 (0.020): 0.078*\"octob\" + 0.077*\"march\" + 0.075*\"sens\" + 0.068*\"notion\" + 0.067*\"januari\" + 0.067*\"juli\" + 0.066*\"august\" + 0.066*\"april\" + 0.065*\"decatur\" + 0.064*\"judici\"\n", - "2019-01-31 01:40:26,432 : INFO : topic #31 (0.020): 0.051*\"fusiform\" + 0.027*\"scientist\" + 0.025*\"taxpay\" + 0.023*\"player\" + 0.019*\"place\" + 0.014*\"clot\" + 0.013*\"leagu\" + 0.011*\"folei\" + 0.010*\"yawn\" + 0.009*\"reconstruct\"\n", - "2019-01-31 01:40:26,438 : INFO : topic diff=0.003392, rho=0.020215\n", - "2019-01-31 01:40:26,594 : INFO : PROGRESS: pass 0, at document #4896000/4922894\n", - "2019-01-31 01:40:27,951 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:40:28,217 : INFO : topic #25 (0.020): 0.031*\"ring\" + 0.019*\"area\" + 0.017*\"lagrang\" + 0.016*\"warmth\" + 0.015*\"mount\" + 0.010*\"north\" + 0.009*\"sourc\" + 0.009*\"land\" + 0.009*\"palmer\" + 0.009*\"foam\"\n", - "2019-01-31 01:40:28,218 : INFO : topic #16 (0.020): 0.055*\"king\" + 0.030*\"priest\" + 0.020*\"duke\" + 0.019*\"rotterdam\" + 0.018*\"idiosyncrat\" + 0.018*\"quarterli\" + 0.018*\"grammat\" + 0.016*\"kingdom\" + 0.014*\"portugues\" + 0.012*\"crittenden\"\n", - "2019-01-31 01:40:28,219 : INFO : topic #8 (0.020): 0.027*\"law\" + 0.023*\"cortic\" + 0.018*\"start\" + 0.016*\"act\" + 0.012*\"ricardo\" + 0.012*\"case\" + 0.010*\"replac\" + 0.010*\"polaris\" + 0.008*\"legal\" + 0.008*\"judaism\"\n", - "2019-01-31 01:40:28,220 : INFO : topic #36 (0.020): 0.011*\"network\" + 0.011*\"prognosi\" + 0.010*\"pop\" + 0.009*\"cytokin\" + 0.008*\"develop\" + 0.008*\"diggin\" + 0.008*\"softwar\" + 0.007*\"uruguayan\" + 0.007*\"user\" + 0.007*\"includ\"\n", - "2019-01-31 01:40:28,221 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"will\" + 0.012*\"john\"\n", - "2019-01-31 01:40:28,227 : INFO : topic diff=0.002795, rho=0.020211\n", - "2019-01-31 01:40:28,385 : INFO : PROGRESS: pass 0, at document #4898000/4922894\n", - "2019-01-31 01:40:29,768 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:40:30,034 : INFO : topic #4 (0.020): 0.019*\"enfranchis\" + 0.015*\"depress\" + 0.013*\"pour\" + 0.008*\"veget\" + 0.008*\"elabor\" + 0.008*\"mode\" + 0.008*\"uruguayan\" + 0.006*\"develop\" + 0.006*\"turn\" + 0.006*\"produc\"\n", - "2019-01-31 01:40:30,035 : INFO : topic #26 (0.020): 0.028*\"champion\" + 0.028*\"workplac\" + 0.025*\"woman\" + 0.025*\"olymp\" + 0.023*\"men\" + 0.021*\"alic\" + 0.021*\"medal\" + 0.020*\"event\" + 0.018*\"atheist\" + 0.018*\"taxpay\"\n", - "2019-01-31 01:40:30,036 : INFO : topic #6 (0.020): 0.068*\"fewer\" + 0.024*\"epiru\" + 0.021*\"septemb\" + 0.018*\"teacher\" + 0.014*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.010*\"direct\" + 0.010*\"acrimoni\" + 0.010*\"movi\"\n", - "2019-01-31 01:40:30,037 : INFO : topic #28 (0.020): 0.037*\"build\" + 0.031*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.012*\"linear\" + 0.011*\"silicon\" + 0.011*\"centuri\" + 0.011*\"depress\" + 0.011*\"constitut\" + 0.010*\"pistol\"\n", - "2019-01-31 01:40:30,038 : INFO : topic #16 (0.020): 0.055*\"king\" + 0.030*\"priest\" + 0.020*\"duke\" + 0.019*\"rotterdam\" + 0.018*\"idiosyncrat\" + 0.018*\"quarterli\" + 0.017*\"grammat\" + 0.016*\"kingdom\" + 0.014*\"portugues\" + 0.012*\"crittenden\"\n", - "2019-01-31 01:40:30,044 : INFO : topic diff=0.003133, rho=0.020207\n", - "2019-01-31 01:40:32,681 : INFO : -11.399 per-word bound, 2701.2 perplexity estimate based on a held-out corpus of 2000 documents with 546394 words\n", - "2019-01-31 01:40:32,681 : INFO : PROGRESS: pass 0, at document #4900000/4922894\n", - "2019-01-31 01:40:34,032 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:40:34,299 : INFO : topic #3 (0.020): 0.031*\"present\" + 0.025*\"nation\" + 0.025*\"offic\" + 0.023*\"govern\" + 0.023*\"minist\" + 0.022*\"member\" + 0.019*\"serv\" + 0.018*\"start\" + 0.015*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:40:34,300 : INFO : topic #26 (0.020): 0.028*\"workplac\" + 0.028*\"champion\" + 0.025*\"woman\" + 0.025*\"olymp\" + 0.023*\"men\" + 0.021*\"alic\" + 0.021*\"medal\" + 0.020*\"event\" + 0.018*\"atheist\" + 0.018*\"taxpay\"\n", - "2019-01-31 01:40:34,301 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.006*\"poet\" + 0.006*\"théori\" + 0.006*\"southern\" + 0.006*\"exampl\" + 0.006*\"servitud\" + 0.006*\"measur\" + 0.006*\"mode\"\n", - "2019-01-31 01:40:34,302 : INFO : topic #2 (0.020): 0.048*\"isl\" + 0.039*\"shield\" + 0.018*\"narrat\" + 0.014*\"scot\" + 0.012*\"pope\" + 0.011*\"blur\" + 0.011*\"nativist\" + 0.010*\"class\" + 0.010*\"coalit\" + 0.010*\"fleet\"\n", - "2019-01-31 01:40:34,303 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.021*\"walter\" + 0.020*\"armi\" + 0.017*\"com\" + 0.013*\"militari\" + 0.013*\"unionist\" + 0.013*\"oper\" + 0.012*\"airbu\" + 0.010*\"diversifi\"\n", - "2019-01-31 01:40:34,309 : INFO : topic diff=0.003008, rho=0.020203\n", - "2019-01-31 01:40:34,464 : INFO : PROGRESS: pass 0, at document #4902000/4922894\n", - "2019-01-31 01:40:35,845 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:40:36,111 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"ancestor\"\n", - "2019-01-31 01:40:36,112 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.012*\"septemb\" + 0.010*\"man\" + 0.010*\"anim\" + 0.008*\"comic\" + 0.007*\"fusiform\" + 0.007*\"appear\" + 0.007*\"storag\" + 0.007*\"workplac\" + 0.006*\"black\"\n", - "2019-01-31 01:40:36,113 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.009*\"develop\" + 0.009*\"commun\" + 0.008*\"peopl\" + 0.008*\"word\" + 0.008*\"group\" + 0.007*\"woman\" + 0.007*\"human\" + 0.006*\"workplac\"\n", - "2019-01-31 01:40:36,114 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.036*\"publicis\" + 0.024*\"word\" + 0.020*\"new\" + 0.014*\"edit\" + 0.014*\"presid\" + 0.011*\"magazin\" + 0.011*\"author\" + 0.011*\"nicola\" + 0.011*\"storag\"\n", - "2019-01-31 01:40:36,115 : INFO : topic #6 (0.020): 0.068*\"fewer\" + 0.024*\"epiru\" + 0.021*\"septemb\" + 0.018*\"teacher\" + 0.014*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.010*\"direct\" + 0.010*\"acrimoni\" + 0.010*\"movi\"\n", - "2019-01-31 01:40:36,121 : INFO : topic diff=0.002406, rho=0.020199\n", - "2019-01-31 01:40:36,277 : INFO : PROGRESS: pass 0, at document #4904000/4922894\n", - "2019-01-31 01:40:37,630 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:40:37,896 : INFO : topic #28 (0.020): 0.037*\"build\" + 0.031*\"hous\" + 0.019*\"buford\" + 0.015*\"histor\" + 0.012*\"linear\" + 0.011*\"centuri\" + 0.011*\"silicon\" + 0.011*\"depress\" + 0.011*\"constitut\" + 0.010*\"pistol\"\n", - "2019-01-31 01:40:37,898 : INFO : topic #14 (0.020): 0.024*\"forc\" + 0.022*\"aggress\" + 0.021*\"walter\" + 0.020*\"armi\" + 0.017*\"com\" + 0.013*\"militari\" + 0.013*\"unionist\" + 0.013*\"oper\" + 0.012*\"airbu\" + 0.010*\"diversifi\"\n", - "2019-01-31 01:40:37,899 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.006*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:40:37,900 : INFO : topic #19 (0.020): 0.016*\"languag\" + 0.015*\"centuri\" + 0.010*\"woodcut\" + 0.009*\"form\" + 0.009*\"origin\" + 0.009*\"mean\" + 0.008*\"trade\" + 0.008*\"english\" + 0.007*\"known\" + 0.007*\"ancestor\"\n", - "2019-01-31 01:40:37,901 : INFO : topic #9 (0.020): 0.074*\"bone\" + 0.043*\"american\" + 0.030*\"valour\" + 0.020*\"dutch\" + 0.018*\"folei\" + 0.017*\"player\" + 0.017*\"polit\" + 0.016*\"english\" + 0.011*\"acrimoni\" + 0.011*\"simpler\"\n", - "2019-01-31 01:40:37,907 : INFO : topic diff=0.002723, rho=0.020195\n", - "2019-01-31 01:40:38,065 : INFO : PROGRESS: pass 0, at document #4906000/4922894\n", - "2019-01-31 01:40:39,438 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:40:39,704 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.006*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:40:39,705 : INFO : topic #7 (0.020): 0.021*\"snatch\" + 0.020*\"di\" + 0.018*\"factor\" + 0.016*\"yawn\" + 0.016*\"margin\" + 0.014*\"bone\" + 0.013*\"life\" + 0.012*\"faster\" + 0.012*\"will\" + 0.012*\"deal\"\n", - "2019-01-31 01:40:39,706 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.031*\"incumb\" + 0.013*\"pakistan\" + 0.013*\"islam\" + 0.012*\"anglo\" + 0.011*\"televis\" + 0.011*\"affection\" + 0.011*\"khalsa\" + 0.011*\"muskoge\" + 0.010*\"tajikistan\"\n", - "2019-01-31 01:40:39,707 : INFO : topic #42 (0.020): 0.049*\"german\" + 0.034*\"germani\" + 0.016*\"vol\" + 0.014*\"berlin\" + 0.013*\"israel\" + 0.013*\"der\" + 0.013*\"jewish\" + 0.010*\"austria\" + 0.009*\"europ\" + 0.009*\"european\"\n", - "2019-01-31 01:40:39,708 : INFO : topic #16 (0.020): 0.056*\"king\" + 0.030*\"priest\" + 0.020*\"duke\" + 0.019*\"rotterdam\" + 0.018*\"idiosyncrat\" + 0.018*\"quarterli\" + 0.017*\"grammat\" + 0.016*\"kingdom\" + 0.014*\"portugues\" + 0.011*\"paisiello\"\n", - "2019-01-31 01:40:39,714 : INFO : topic diff=0.002928, rho=0.020191\n", - "2019-01-31 01:40:39,870 : INFO : PROGRESS: pass 0, at document #4908000/4922894\n", - "2019-01-31 01:40:41,231 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:40:41,497 : INFO : topic #43 (0.020): 0.067*\"elect\" + 0.053*\"parti\" + 0.025*\"voluntari\" + 0.022*\"democrat\" + 0.019*\"member\" + 0.017*\"polici\" + 0.015*\"republ\" + 0.014*\"bypass\" + 0.013*\"liber\" + 0.013*\"report\"\n", - "2019-01-31 01:40:41,498 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.046*\"popolo\" + 0.042*\"vigour\" + 0.036*\"tortur\" + 0.033*\"cotton\" + 0.022*\"adulthood\" + 0.022*\"multitud\" + 0.021*\"area\" + 0.019*\"cede\" + 0.018*\"citi\"\n", - "2019-01-31 01:40:41,499 : INFO : topic #34 (0.020): 0.067*\"start\" + 0.033*\"new\" + 0.031*\"american\" + 0.030*\"unionist\" + 0.026*\"cotton\" + 0.020*\"year\" + 0.015*\"california\" + 0.013*\"warrior\" + 0.012*\"terri\" + 0.012*\"north\"\n", - "2019-01-31 01:40:41,500 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.011*\"aza\" + 0.009*\"forc\" + 0.008*\"battalion\" + 0.008*\"teufel\" + 0.007*\"till\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.006*\"militari\" + 0.006*\"govern\"\n", - "2019-01-31 01:40:41,501 : INFO : topic #16 (0.020): 0.056*\"king\" + 0.031*\"priest\" + 0.020*\"duke\" + 0.019*\"rotterdam\" + 0.018*\"idiosyncrat\" + 0.018*\"quarterli\" + 0.017*\"grammat\" + 0.016*\"kingdom\" + 0.014*\"portugues\" + 0.011*\"crittenden\"\n", - "2019-01-31 01:40:41,507 : INFO : topic diff=0.003263, rho=0.020187\n", - "2019-01-31 01:40:41,660 : INFO : PROGRESS: pass 0, at document #4910000/4922894\n", - "2019-01-31 01:40:42,995 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:40:43,261 : INFO : topic #4 (0.020): 0.019*\"enfranchis\" + 0.015*\"depress\" + 0.013*\"pour\" + 0.008*\"mode\" + 0.008*\"veget\" + 0.008*\"elabor\" + 0.008*\"uruguayan\" + 0.006*\"develop\" + 0.006*\"turn\" + 0.006*\"produc\"\n", - "2019-01-31 01:40:43,262 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.009*\"develop\" + 0.009*\"commun\" + 0.008*\"word\" + 0.008*\"peopl\" + 0.008*\"group\" + 0.007*\"woman\" + 0.007*\"human\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:40:43,263 : INFO : topic #42 (0.020): 0.049*\"german\" + 0.034*\"germani\" + 0.015*\"vol\" + 0.014*\"berlin\" + 0.013*\"israel\" + 0.013*\"der\" + 0.013*\"jewish\" + 0.010*\"austria\" + 0.009*\"europ\" + 0.009*\"european\"\n", - "2019-01-31 01:40:43,264 : INFO : topic #6 (0.020): 0.068*\"fewer\" + 0.024*\"epiru\" + 0.021*\"septemb\" + 0.018*\"teacher\" + 0.014*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.010*\"direct\" + 0.010*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:40:43,265 : INFO : topic #12 (0.020): 0.009*\"number\" + 0.007*\"frontal\" + 0.007*\"gener\" + 0.006*\"poet\" + 0.006*\"théori\" + 0.006*\"southern\" + 0.006*\"exampl\" + 0.006*\"servitud\" + 0.006*\"measur\" + 0.006*\"utopian\"\n", - "2019-01-31 01:40:43,271 : INFO : topic diff=0.003394, rho=0.020182\n", - "2019-01-31 01:40:43,421 : INFO : PROGRESS: pass 0, at document #4912000/4922894\n", - "2019-01-31 01:40:44,767 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:40:45,033 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.031*\"incumb\" + 0.013*\"pakistan\" + 0.013*\"islam\" + 0.012*\"anglo\" + 0.011*\"televis\" + 0.011*\"khalsa\" + 0.011*\"affection\" + 0.010*\"muskoge\" + 0.010*\"tajikistan\"\n", - "2019-01-31 01:40:45,034 : INFO : topic #6 (0.020): 0.068*\"fewer\" + 0.024*\"epiru\" + 0.021*\"septemb\" + 0.018*\"teacher\" + 0.014*\"stake\" + 0.012*\"rodríguez\" + 0.012*\"proclaim\" + 0.010*\"direct\" + 0.010*\"movi\" + 0.010*\"acrimoni\"\n", - "2019-01-31 01:40:45,035 : INFO : topic #41 (0.020): 0.044*\"citi\" + 0.025*\"palmer\" + 0.019*\"new\" + 0.018*\"strategist\" + 0.013*\"center\" + 0.013*\"open\" + 0.012*\"includ\" + 0.011*\"lobe\" + 0.011*\"dai\" + 0.009*\"highli\"\n", - "2019-01-31 01:40:45,036 : INFO : topic #16 (0.020): 0.055*\"king\" + 0.031*\"priest\" + 0.020*\"duke\" + 0.019*\"rotterdam\" + 0.018*\"idiosyncrat\" + 0.017*\"quarterli\" + 0.017*\"grammat\" + 0.016*\"kingdom\" + 0.014*\"portugues\" + 0.012*\"princ\"\n", - "2019-01-31 01:40:45,037 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.046*\"popolo\" + 0.042*\"vigour\" + 0.036*\"tortur\" + 0.033*\"cotton\" + 0.022*\"multitud\" + 0.022*\"adulthood\" + 0.021*\"area\" + 0.019*\"cede\" + 0.018*\"citi\"\n", - "2019-01-31 01:40:45,043 : INFO : topic diff=0.003446, rho=0.020178\n", - "2019-01-31 01:40:45,202 : INFO : PROGRESS: pass 0, at document #4914000/4922894\n", - "2019-01-31 01:40:46,585 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:40:46,851 : INFO : topic #30 (0.020): 0.036*\"leagu\" + 0.034*\"cleveland\" + 0.032*\"place\" + 0.028*\"taxpay\" + 0.024*\"scientist\" + 0.023*\"crete\" + 0.021*\"folei\" + 0.017*\"goal\" + 0.015*\"martin\" + 0.013*\"schmitz\"\n", - "2019-01-31 01:40:46,852 : INFO : topic #43 (0.020): 0.066*\"elect\" + 0.054*\"parti\" + 0.025*\"voluntari\" + 0.023*\"democrat\" + 0.019*\"member\" + 0.016*\"polici\" + 0.015*\"republ\" + 0.014*\"bypass\" + 0.013*\"report\" + 0.013*\"liber\"\n", - "2019-01-31 01:40:46,853 : INFO : topic #44 (0.020): 0.031*\"rooftop\" + 0.027*\"final\" + 0.023*\"wife\" + 0.020*\"tourist\" + 0.018*\"champion\" + 0.015*\"martin\" + 0.014*\"chamber\" + 0.014*\"taxpay\" + 0.013*\"tiepolo\" + 0.013*\"open\"\n", - "2019-01-31 01:40:46,854 : INFO : topic #45 (0.020): 0.048*\"arsen\" + 0.031*\"museo\" + 0.030*\"jpg\" + 0.028*\"fifteenth\" + 0.022*\"pain\" + 0.020*\"illicit\" + 0.017*\"artist\" + 0.016*\"exhaust\" + 0.016*\"gai\" + 0.016*\"colder\"\n", - "2019-01-31 01:40:46,855 : INFO : topic #47 (0.020): 0.065*\"muscl\" + 0.032*\"perceptu\" + 0.021*\"theater\" + 0.018*\"place\" + 0.018*\"compos\" + 0.015*\"damn\" + 0.015*\"orchestr\" + 0.013*\"olympo\" + 0.013*\"physician\" + 0.012*\"word\"\n", - "2019-01-31 01:40:46,861 : INFO : topic diff=0.002499, rho=0.020174\n", - "2019-01-31 01:40:47,015 : INFO : PROGRESS: pass 0, at document #4916000/4922894\n", - "2019-01-31 01:40:48,378 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:40:48,644 : INFO : topic #17 (0.020): 0.079*\"church\" + 0.024*\"cathol\" + 0.022*\"christian\" + 0.021*\"bishop\" + 0.017*\"sail\" + 0.014*\"retroflex\" + 0.010*\"relationship\" + 0.010*\"cathedr\" + 0.009*\"historiographi\" + 0.009*\"poll\"\n", - "2019-01-31 01:40:48,645 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.006*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:40:48,646 : INFO : topic #49 (0.020): 0.043*\"india\" + 0.031*\"incumb\" + 0.014*\"pakistan\" + 0.013*\"islam\" + 0.012*\"televis\" + 0.012*\"anglo\" + 0.011*\"sri\" + 0.011*\"tajikistan\" + 0.011*\"khalsa\" + 0.010*\"muskoge\"\n", - "2019-01-31 01:40:48,647 : INFO : topic #32 (0.020): 0.051*\"district\" + 0.046*\"popolo\" + 0.043*\"vigour\" + 0.036*\"tortur\" + 0.033*\"cotton\" + 0.022*\"adulthood\" + 0.022*\"multitud\" + 0.021*\"area\" + 0.019*\"cede\" + 0.018*\"citi\"\n", - "2019-01-31 01:40:48,648 : INFO : topic #3 (0.020): 0.032*\"present\" + 0.025*\"nation\" + 0.025*\"offic\" + 0.024*\"govern\" + 0.023*\"minist\" + 0.022*\"member\" + 0.018*\"serv\" + 0.018*\"start\" + 0.015*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:40:48,654 : INFO : topic diff=0.003276, rho=0.020170\n", - "2019-01-31 01:40:48,817 : INFO : PROGRESS: pass 0, at document #4918000/4922894\n", - "2019-01-31 01:40:50,225 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:40:50,491 : INFO : topic #37 (0.020): 0.012*\"charact\" + 0.012*\"septemb\" + 0.010*\"man\" + 0.010*\"anim\" + 0.008*\"comic\" + 0.007*\"appear\" + 0.007*\"fusiform\" + 0.007*\"storag\" + 0.007*\"workplac\" + 0.006*\"black\"\n", - "2019-01-31 01:40:50,492 : INFO : topic #13 (0.020): 0.026*\"australia\" + 0.026*\"london\" + 0.025*\"sourc\" + 0.024*\"new\" + 0.023*\"england\" + 0.022*\"australian\" + 0.020*\"british\" + 0.018*\"ireland\" + 0.014*\"youth\" + 0.014*\"weekli\"\n", - "2019-01-31 01:40:50,494 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 01:40:50,495 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.009*\"develop\" + 0.009*\"commun\" + 0.008*\"peopl\" + 0.008*\"word\" + 0.008*\"group\" + 0.007*\"woman\" + 0.007*\"human\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:40:50,496 : INFO : topic #29 (0.020): 0.032*\"companhia\" + 0.013*\"busi\" + 0.012*\"million\" + 0.012*\"market\" + 0.012*\"produc\" + 0.010*\"industri\" + 0.010*\"bank\" + 0.009*\"manag\" + 0.009*\"yawn\" + 0.007*\"oper\"\n", - "2019-01-31 01:40:50,502 : INFO : topic diff=0.003675, rho=0.020166\n", - "2019-01-31 01:40:53,222 : INFO : -11.803 per-word bound, 3573.1 perplexity estimate based on a held-out corpus of 2000 documents with 581976 words\n", - "2019-01-31 01:40:53,222 : INFO : PROGRESS: pass 0, at document #4920000/4922894\n", - "2019-01-31 01:40:54,616 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n", - "2019-01-31 01:40:54,883 : INFO : topic #27 (0.020): 0.075*\"questionnair\" + 0.020*\"candid\" + 0.017*\"taxpay\" + 0.013*\"fool\" + 0.013*\"tornado\" + 0.012*\"driver\" + 0.012*\"find\" + 0.012*\"ret\" + 0.011*\"squatter\" + 0.010*\"théori\"\n", - "2019-01-31 01:40:54,883 : INFO : topic #48 (0.020): 0.077*\"octob\" + 0.076*\"march\" + 0.076*\"sens\" + 0.068*\"januari\" + 0.068*\"notion\" + 0.067*\"decatur\" + 0.067*\"juli\" + 0.066*\"august\" + 0.065*\"april\" + 0.063*\"judici\"\n", - "2019-01-31 01:40:54,884 : INFO : topic #1 (0.020): 0.052*\"china\" + 0.043*\"chilton\" + 0.025*\"kong\" + 0.025*\"hong\" + 0.021*\"korea\" + 0.019*\"korean\" + 0.016*\"leah\" + 0.015*\"sourc\" + 0.015*\"shirin\" + 0.014*\"kim\"\n", - "2019-01-31 01:40:54,885 : INFO : topic #3 (0.020): 0.031*\"present\" + 0.026*\"offic\" + 0.025*\"nation\" + 0.023*\"govern\" + 0.023*\"minist\" + 0.022*\"member\" + 0.019*\"serv\" + 0.018*\"start\" + 0.015*\"gener\" + 0.014*\"chickasaw\"\n", - "2019-01-31 01:40:54,886 : INFO : topic #25 (0.020): 0.031*\"ring\" + 0.019*\"area\" + 0.017*\"lagrang\" + 0.017*\"warmth\" + 0.015*\"mount\" + 0.010*\"north\" + 0.009*\"sourc\" + 0.009*\"land\" + 0.008*\"palmer\" + 0.008*\"foam\"\n", - "2019-01-31 01:40:54,892 : INFO : topic diff=0.003423, rho=0.020162\n", - "2019-01-31 01:40:55,051 : INFO : PROGRESS: pass 0, at document #4922000/4922894\n", - "2019-01-31 01:40:56,425 : INFO : merging changes from 2000 documents into a model of 4922894 documents\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:40:56,692 : INFO : topic #5 (0.020): 0.038*\"abroad\" + 0.028*\"son\" + 0.027*\"rel\" + 0.026*\"reconstruct\" + 0.021*\"band\" + 0.016*\"muscl\" + 0.016*\"simultan\" + 0.014*\"charcoal\" + 0.013*\"toyota\" + 0.010*\"vocabulari\"\n", - "2019-01-31 01:40:56,693 : INFO : topic #0 (0.020): 0.061*\"statewid\" + 0.038*\"line\" + 0.030*\"rivièr\" + 0.030*\"raid\" + 0.025*\"rosenwald\" + 0.020*\"airmen\" + 0.017*\"traceabl\" + 0.017*\"serv\" + 0.013*\"briarwood\" + 0.013*\"oper\"\n", - "2019-01-31 01:40:56,694 : INFO : topic #24 (0.020): 0.041*\"book\" + 0.036*\"publicis\" + 0.024*\"word\" + 0.020*\"new\" + 0.014*\"edit\" + 0.014*\"presid\" + 0.011*\"magazin\" + 0.011*\"author\" + 0.011*\"nicola\" + 0.011*\"storag\"\n", - "2019-01-31 01:40:56,695 : INFO : topic #48 (0.020): 0.077*\"octob\" + 0.076*\"march\" + 0.075*\"sens\" + 0.067*\"januari\" + 0.067*\"notion\" + 0.067*\"decatur\" + 0.066*\"juli\" + 0.066*\"august\" + 0.065*\"april\" + 0.063*\"judici\"\n", - "2019-01-31 01:40:56,696 : INFO : topic #38 (0.020): 0.022*\"walter\" + 0.011*\"aza\" + 0.009*\"forc\" + 0.008*\"teufel\" + 0.008*\"battalion\" + 0.008*\"till\" + 0.007*\"empath\" + 0.007*\"armi\" + 0.006*\"militari\" + 0.006*\"govern\"\n", - "2019-01-31 01:40:56,702 : INFO : topic diff=0.003322, rho=0.020158\n", - "2019-01-31 01:40:58,121 : INFO : -11.497 per-word bound, 2890.3 perplexity estimate based on a held-out corpus of 894 documents with 240967 words\n", - "2019-01-31 01:40:58,121 : INFO : PROGRESS: pass 0, at document #4922894/4922894\n", - "2019-01-31 01:40:58,868 : INFO : merging changes from 894 documents into a model of 4922894 documents\n", - "2019-01-31 01:40:59,135 : INFO : topic #11 (0.020): 0.023*\"john\" + 0.011*\"will\" + 0.011*\"david\" + 0.011*\"jame\" + 0.010*\"rival\" + 0.009*\"mexican–american\" + 0.008*\"slur\" + 0.008*\"georg\" + 0.008*\"paul\" + 0.008*\"rhyme\"\n", - "2019-01-31 01:40:59,136 : INFO : topic #18 (0.020): 0.011*\"théori\" + 0.007*\"later\" + 0.006*\"sack\" + 0.006*\"dai\" + 0.005*\"kill\" + 0.005*\"like\" + 0.005*\"retrospect\" + 0.005*\"end\" + 0.004*\"call\" + 0.004*\"help\"\n", - "2019-01-31 01:40:59,137 : INFO : topic #40 (0.020): 0.087*\"unit\" + 0.023*\"schuster\" + 0.022*\"institut\" + 0.021*\"collector\" + 0.020*\"requir\" + 0.019*\"student\" + 0.014*\"professor\" + 0.012*\"word\" + 0.011*\"governor\" + 0.011*\"degre\"\n", - "2019-01-31 01:40:59,138 : INFO : topic #15 (0.020): 0.011*\"small\" + 0.010*\"organ\" + 0.009*\"develop\" + 0.009*\"commun\" + 0.008*\"group\" + 0.008*\"peopl\" + 0.008*\"word\" + 0.007*\"woman\" + 0.007*\"human\" + 0.006*\"summerhil\"\n", - "2019-01-31 01:40:59,139 : INFO : topic #1 (0.020): 0.053*\"china\" + 0.045*\"chilton\" + 0.026*\"kong\" + 0.026*\"hong\" + 0.021*\"korea\" + 0.019*\"korean\" + 0.016*\"leah\" + 0.015*\"sourc\" + 0.015*\"shirin\" + 0.014*\"kim\"\n", - "2019-01-31 01:40:59,145 : INFO : topic diff=0.003886, rho=0.020154\n", - "2019-01-31 01:40:59,155 : INFO : saving LdaState object under lda.model.state, separately None\n", - "2019-01-31 01:40:59,266 : INFO : saved lda.model.state\n", - "2019-01-31 01:40:59,325 : INFO : saving LdaModel object under lda.model, separately ['expElogbeta', 'sstats']\n", - "2019-01-31 01:40:59,326 : INFO : not storing attribute dispatcher\n", - "2019-01-31 01:40:59,327 : INFO : not storing attribute state\n", - "2019-01-31 01:40:59,327 : INFO : storing np array 'expElogbeta' to lda.model.expElogbeta.npy\n", - "2019-01-31 01:40:59,353 : INFO : not storing attribute id2word\n", - "2019-01-31 01:40:59,356 : INFO : saved lda.model\n" - ] - } - ], - "source": [ - "row = dict()\n", - "row['model'] = 'lda'\n", - "row['train_time'], row['mean_ram'], row['max_ram'], lda = get_train_time_and_ram(\n", - " lambda: LdaModel(**params),\n", - " 'lda',\n", - ")\n", - "lda.save('lda.model')" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Load LDA and store metrics" - ] - }, - { - "cell_type": "code", - "execution_count": 18, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2019-01-31 01:40:59,377 : INFO : loading LdaModel object from lda.model\n", - "2019-01-31 01:40:59,379 : INFO : loading expElogbeta from lda.model.expElogbeta.npy with mmap=None\n", - "2019-01-31 01:40:59,383 : INFO : setting ignored attribute dispatcher to None\n", - "2019-01-31 01:40:59,384 : INFO : setting ignored attribute state to None\n", - "2019-01-31 01:40:59,384 : INFO : setting ignored attribute id2word to None\n", - "2019-01-31 01:40:59,385 : INFO : loaded lda.model\n", - "2019-01-31 01:40:59,385 : INFO : loading LdaState object from lda.model.state\n", - "2019-01-31 01:40:59,479 : INFO : loaded lda.model.state\n", - "/home/anotherbugmaster/gensim/gensim/matutils.py:503: FutureWarning: arrays to stack must be passed as a \"sequence\" type such as list or tuple. Support for non-sequence iterables such as generators is deprecated as of NumPy 1.16 and will raise an error in the future.\n", - " result = np.column_stack(sparse2full(doc, num_terms) for doc in corpus)\n", - "2019-01-31 01:41:07,761 : INFO : CorpusAccumulator accumulated stats from 1000 documents\n", - "2019-01-31 01:41:07,871 : INFO : CorpusAccumulator accumulated stats from 2000 documents\n" - ] - } - ], - "source": [ - "lda = LdaModel.load('lda.model')\n", - "row.update(get_tm_metrics(lda, test_corpus))\n", - "tm_metrics = tm_metrics.append(pd.Series(row), ignore_index=True)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Train Sklearn NMF and store metrics" - ] - }, - { - "cell_type": "code", - "execution_count": 19, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "['sklearn_nmf.joblib']" - ] - }, - "execution_count": 19, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# Normalize the input corpus to pass to sklearn\n", - "train_csc.data /= np.repeat(np.array(train_csc.sum(axis=0)), train_csc.getnnz(axis=0))\n", - "\n", - "row = dict()\n", - "row['model'] = 'sklearn_nmf'\n", - "sklearn_nmf = SklearnNmf(n_components=50, tol=1e-2, random_state=42)\n", - "row['train_time'], row['mean_ram'], row['max_ram'], sklearn_nmf = get_train_time_and_ram(\n", - " lambda: sklearn_nmf.fit(train_csc.T),\n", - " 'slearn_nmf',\n", - ")\n", - "\n", - "joblib.dump(sklearn_nmf, 'sklearn_nmf.joblib')" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Load Sklearn NMF and store metrics" - ] - }, - { - "cell_type": "code", - "execution_count": 20, - "metadata": {}, - "outputs": [], - "source": [ - "sklearn_nmf = joblib.load('sklearn_nmf.joblib')\n", - "row.update(get_sklearn_metrics(\n", - " sklearn_nmf, test_csc.toarray(),\n", - "))\n", - "tm_metrics = tm_metrics.append(pd.Series(row), ignore_index=True)" - ] - }, - { - "cell_type": "code", - "execution_count": 21, - "metadata": {}, - "outputs": [], - "source": [ - "tm_metrics.replace(np.nan, '-', inplace=True)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Results" - ] - }, - { - "cell_type": "code", - "execution_count": 22, - "metadata": {}, - "outputs": [ - { - "data": { - "text/html": [ - "
\n", - "\n", - "\n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - "
coherencel2_normmax_rammean_rammodelperplexitytrain_time
0-2.90777.3380008587 MB8553.0 MBgensim_nmf3817.23900000:24:16
1-2.52867.3648008773 MB8773.0 MBlda4701.97600001:25:59
2-6.97758317238 MB11675.0 MBsklearn_nmf4437.41731500:40:41
\n", - "
" - ], - "text/plain": [ - " coherence l2_norm max_ram mean_ram model perplexity \\\n", - "0 -2.9077 7.338000 8587 MB 8553.0 MB gensim_nmf 3817.239000 \n", - "1 -2.5286 7.364800 8773 MB 8773.0 MB lda 4701.976000 \n", - "2 - 6.977583 17238 MB 11675.0 MB sklearn_nmf 4437.417315 \n", - "\n", - " train_time \n", - "0 00:24:16 \n", - "1 01:25:59 \n", - "2 00:40:41 " - ] - }, - "execution_count": 22, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "tm_metrics" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "As we can see, NMF can be significantly faster than LDA without sacrificing quality of topics too much (or not sacrificing at all)\n", - "\n", - "Moreover, NMF can be very flexible on RAM usage due to sparsity option, which leaves only small amount of elements in inner matrices." - ] - } - ], - "metadata": { - "jupytext": { - "text_representation": { - "extension": ".py", - "format_name": "percent", - "format_version": "1.2", - "jupytext_version": "0.8.6" - } - }, - "kernelspec": { - "display_name": "Python 3", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.5.2" - } - }, - "nbformat": 4, - "nbformat_minor": 2 -} diff --git a/gensim/matutils.py b/gensim/matutils.py index 979b99f6d5..c71236e29c 100644 --- a/gensim/matutils.py +++ b/gensim/matutils.py @@ -141,8 +141,8 @@ def corpus2csc(corpus, num_terms=None, dtype=np.float64, num_docs=None, num_nnz= if printprogress and docno % printprogress == 0: logger.info("PROGRESS: at document #%i/%i", docno, num_docs) posnext = posnow + len(doc) - indices[posnow: posnext] = [feature_id for feature_id, _ in doc] - data[posnow: posnext] = [feature_weight for _, feature_weight in doc] + # zip(*doc) transforms doc to (token_indices, token_counts] + indices[posnow: posnext], data[posnow: posnext] = zip(*doc) if doc else ([], []) indptr.append(posnext) posnow = posnext assert posnow == num_nnz, "mismatch between supplied and computed number of non-zeros" @@ -153,8 +153,11 @@ def corpus2csc(corpus, num_terms=None, dtype=np.float64, num_docs=None, num_nnz= for docno, doc in enumerate(corpus): if printprogress and docno % printprogress == 0: logger.info("PROGRESS: at document #%i", docno) - indices.extend(feature_id for feature_id, _ in doc) - data.extend(feature_weight for _, feature_weight in doc) + + # zip(*doc) transforms doc to (token_indices, token_counts] + doc_indices, doc_data = zip(*doc) if doc else ([], []) + indices.extend(doc_indices) + data.extend(doc_data) num_nnz += len(doc) indptr.append(num_nnz) if num_terms is None: @@ -500,7 +503,13 @@ def corpus2dense(corpus, num_terms, num_docs=None, dtype=np.float32): result[:, docno] = sparse2full(doc, num_terms) assert docno + 1 == num_docs else: - result = np.column_stack(sparse2full(doc, num_terms) for doc in corpus) + # The below used to be a generator, but NumPy deprecated generator as of 1.16 with: + # """ + # FutureWarning: arrays to stack must be passed as a "sequence" type such as list or tuple. + # Support for non-sequence iterables such as generators is deprecated as of NumPy 1.16 and will raise an error + # in the future. + # """ + result = np.column_stack([sparse2full(doc, num_terms) for doc in corpus]) return result.astype(dtype) diff --git a/gensim/models/nmf.py b/gensim/models/nmf.py index d7993db5e7..282f15b70b 100644 --- a/gensim/models/nmf.py +++ b/gensim/models/nmf.py @@ -1,11 +1,12 @@ -"""`Online Non-Negative Matrix Factorization. ` +"""Online Non-Negative Matrix Factorization. +Implementation of the efficient incremental algorithm of Renbo Zhao, Vincent Y. F. Tan et al. +`[PDF] `_. -Implements online non-negative matrix factorization algorithm, which allows for fast latent topic inference. This NMF implementation updates in a streaming fashion and works best with sparse corpora. - W is a word-topic matrix - h is a topic-document matrix -- v is an input word-document matrix +- v is an input corpus batch, word-document matrix - A, B - matrices that accumulate information from every consecutive chunk. A = h.dot(ht), B = v.dot(ht). The idea of the algorithm is as follows: @@ -14,8 +15,8 @@ Initialize W, A and B matrices - Input corpus - Split corpus to batches + Input the corpus + Split the corpus into batches for v in batches: infer h: @@ -91,7 +92,7 @@ The NMF should be used whenever one needs extremely fast and memory optimized topic model. """ -import itertools +import collections import logging import numpy as np @@ -138,7 +139,7 @@ def __init__( Parameters ---------- - corpus : iterable of list of (int, float), optional + corpus : iterable of list of (int, float) or `csc_matrix` with the shape (n_tokens, n_documents), optional Training corpus. Can be either iterable of documents, which are lists of `(word_id, word_count)`, or a sparse csc matrix of BOWs for each document. @@ -152,7 +153,7 @@ def __init__( Number of documents to be used in each training chunk. passes: int, optional Number of full passes over the training corpus. - Leave at default `passes=1` if your input is a non-repeatable generator. + Leave at default `passes=1` if your input is an iterator. kappa : float, optional Gradient descent step size. Larger value makes the model train faster, but could lead to non-convergence if set too large. @@ -185,7 +186,7 @@ def __init__( self._w_max_iter = w_max_iter self._w_stop_condition = w_stop_condition self._h_max_iter = h_max_iter - self.h_stop_condition = h_stop_condition + self._h_stop_condition = h_stop_condition self.eval_every = eval_every self.normalize = normalize self.random_state = utils.get_random_state(random_state) @@ -264,7 +265,14 @@ def show_topics(self, num_topics=10, num_words=10, log=False, formatted=True, no if normalize is None: normalize = self.normalize - sparsity = (self._W == 0).mean(axis=0) + # Compute fraction of zero elements in each column + + sparsity = np.zeros(self._W.shape[1]) + + for row in self._W: + sparsity += (row == 0) + + sparsity /= self._W.shape[0] if num_topics < 0 or num_topics >= self.num_topics: num_topics = self.num_topics @@ -351,13 +359,13 @@ def get_topic_terms(self, topicid, topn=10, normalize=None): bestn = matutils.argsort(topic, topn, reverse=True) return [(idx, topic[idx]) for idx in bestn] - def top_topics(self, corpus=None, texts=None, dictionary=None, window_size=None, + def top_topics(self, corpus, texts=None, dictionary=None, window_size=None, coherence='u_mass', topn=20, processes=-1): """Get the topics sorted by coherence. Parameters ---------- - corpus : iterable of list of (int, float), optional + corpus : iterable of list of (int, float) or `csc_matrix` with the shape (n_tokens, n_documents) Training corpus. Can be either iterable of documents, which are lists of `(word_id, word_count)`, or a sparse csc matrix of BOWs for each document. @@ -406,39 +414,6 @@ def top_topics(self, corpus=None, texts=None, dictionary=None, window_size=None, scored_topics = zip(str_topics, coherence_scores) return sorted(scored_topics, key=lambda tup: tup[1], reverse=True) - def log_perplexity(self, corpus): - """Calculate perplexity bound on the specified corpus. - - Perplexity = e^(-bound). - - Parameters - ---------- - corpus : iterable of list of (int, float), optional - Training corpus. - Can be either iterable of documents, which are lists of `(word_id, word_count)`, - or a sparse csc matrix of BOWs for each document. - If not specified, the model is left uninitialized (presumably, to be trained later with `self.train()`). - - Returns - ------- - float - The perplexity bound. - - """ - W = self.get_topics().T - - H = np.zeros((W.shape[1], len(corpus))) - for bow_id, bow in enumerate(corpus): - for topic_id, factor in self[bow]: - H[topic_id, bow_id] = factor - - dense_corpus = matutils.corpus2dense(corpus, W.shape[0]) - - pred_factors = W.dot(H) - pred_factors /= pred_factors.sum(axis=0) - - return (np.log(pred_factors, where=pred_factors > 0) * dense_corpus).sum() / dense_corpus.sum() - def get_term_topics(self, word_id, minimum_probability=None, normalize=None): """Get the most relevant topics to the given word. @@ -532,27 +507,16 @@ def get_document_topics(self, bow, minimum_probability=None, if not minimum_probability or proba > minimum_probability ] - def _setup(self, corpus): - """Infer info from the first document and initialize matrices. + def _setup(self, v): + """Infer info from the first batch and initialize the matrices. Parameters ---------- - corpus : iterable of list of (int, float), optional - Training corpus. - Can be either iterable of documents, which are lists of `(word_id, word_count)`, - or a sparse csc matrix of BOWs for each document. - If not specified, the model is left uninitialized (presumably, to be trained later with `self.train()`). + v : `csc_matrix` with the shape (n_tokens, chunksize) + Batch of bows. """ - self._h = None - - if isinstance(corpus, scipy.sparse.csc.csc_matrix): - first_doc = corpus.getcol(0) - else: - first_doc_it = itertools.tee(corpus, 1) - first_doc = next(first_doc_it[0]) - first_doc = matutils.corpus2csc([first_doc], len(self.id2word)) - self.w_std = np.sqrt(first_doc.mean() / (self.num_tokens * self.num_topics)) + self.w_std = np.sqrt(v.mean() / (self.num_tokens * self.num_topics)) self._W = np.abs( self.w_std @@ -564,36 +528,90 @@ def _setup(self, corpus): self.A = np.zeros((self.num_topics, self.num_topics)) self.B = np.zeros((self.num_tokens, self.num_topics)) - def update(self, corpus): + def l2_norm(self, v): + Wt = self._W.T + + l2 = 0 + + for doc, doc_topics in zip(v.T, self._h.T): + l2 += np.sum(np.square((doc - doc_topics.dot(Wt)))) + + return np.sqrt(l2) + + def update(self, corpus, chunksize=None, passes=None, eval_every=None): """Train the model with new documents. Parameters ---------- - corpus : iterable of list of (int, float), optional + corpus : iterable of list of (int, float) or `csc_matrix` with the shape (n_tokens, n_documents) Training corpus. Can be either iterable of documents, which are lists of `(word_id, word_count)`, or a sparse csc matrix of BOWs for each document. If not specified, the model is left uninitialized (presumably, to be trained later with `self.train()`). + chunksize: int, optional + Number of documents to be used in each training chunk. + passes: int, optional + Number of full passes over the training corpus. + Leave at default `passes=1` if your input is an iterator. + eval_every: int, optional + Number of batches after which l2 norm of (v - Wh) is computed. Decreases performance if set too low. """ - if self._W is None: - self._setup(corpus) - chunk_idx = 1 + # use parameters given in constructor, unless user explicitly overrode them + if passes is None: + passes = self.passes + if eval_every is None: + eval_every = self.eval_every + + lencorpus = np.inf + + if isinstance(corpus, scipy.sparse.csc.csc_matrix): + lencorpus = corpus.shape[1] + else: + try: + lencorpus = len(corpus) + except TypeError: + logger.info("input corpus stream has no len()") + + if chunksize is None: + chunksize = min(lencorpus, self.chunksize) + + evalafter = min(lencorpus, (eval_every or 0) * chunksize) + + if lencorpus == 0: + logger.warning("Nmf.update() called with an empty corpus") + return - for _ in range(self.passes): + if isinstance(corpus, collections.Iterator) and self.passes > 1: + raise ValueError("Corpus is an iterator, only `passes=1` is valid.") + + logger.info( + "running NMF training, %s topics, %i passes over the supplied corpus of %i documents, evaluating l2 norm " + "every %i documents", + self.num_topics, passes, lencorpus if lencorpus < np.inf else "?", evalafter, + ) + + chunk_overall_idx = 1 + + for pass_ in range(passes): if isinstance(corpus, scipy.sparse.csc.csc_matrix): grouper = ( - corpus[:, col_idx:col_idx + self.chunksize] + # Older scipy (0.19 etc) throw an error when slicing beyond the actual sparse array dimensions, so + # we clip manually with min() here. + + corpus[:, col_idx:min(corpus.shape[1], col_idx + self.chunksize)] for col_idx in range(0, corpus.shape[1], self.chunksize) ) else: grouper = utils.grouper(corpus, self.chunksize) - for chunk in grouper: + for chunk_idx, chunk in enumerate(grouper): if isinstance(corpus, scipy.sparse.csc.csc_matrix): v = chunk[:, self.random_state.permutation(chunk.shape[1])] + + chunk_len = v.shape[1] else: self.random_state.shuffle(chunk) @@ -602,44 +620,57 @@ def update(self, corpus): num_terms=self.num_tokens, ) + chunk_len = len(chunk) + + logger.info( + "PROGRESS: pass %i, at document #%i/%i", + pass_, chunk_idx * chunksize + chunk_len, lencorpus + ) + + if self._W is None: + # If `self._W` is not set (i.e. the first batch being handled), compute the initial matrix using the + # batch mean. + + self._setup(v) + self._h = self._solveproj(v, self._W, h=self._h, v_max=self.v_max) h = self._h - self.A *= chunk_idx - 1 + if eval_every and (((chunk_idx + 1) * chunksize >= lencorpus) or (chunk_idx + 1) % eval_every == 0): + logger.info("L2 norm: {}".format(self.l2_norm(v))) + self.print_topics(5) + + self.A *= chunk_overall_idx - 1 self.A += h.dot(h.T) - self.A /= chunk_idx + self.A /= chunk_overall_idx - self.B *= chunk_idx - 1 + self.B *= chunk_overall_idx - 1 self.B += v.dot(h.T) - self.B /= chunk_idx + self.B /= chunk_overall_idx - prev_w_error = self._w_error + previous_w_error = self._w_error self._solve_w() - if chunk_idx % self.eval_every == 0: - logger.info("Loss: {}".format(self._w_error / prev_w_error)) + chunk_overall_idx += 1 - chunk_idx += 1 - - logger.info("Loss: {}".format(self._w_error / prev_w_error)) + logger.info("W error diff: {}".format((self._w_error - previous_w_error))) def _solve_w(self): """Update W.""" - def error(): - Wt = self._W.T - return ( - 0.5 * Wt.dot(self._W).dot(self.A).trace() - - Wt.dot(self.B).trace() - ) + def error(WA): + """An optimized version of 0.5 * trace(WtWA) - trace(WtB).""" + return 0.5 * np.einsum('ij,ij', WA, self._W) - np.einsum('ij,ij', self._W, self.B) eta = self._kappa / np.linalg.norm(self.A) for iter_number in range(self._w_max_iter): logger.debug("w_error: {}".format(self._w_error)) - error_ = error() + WA = self._W.dot(self.A) + + error_ = error(WA) if ( self._w_error < np.inf @@ -649,7 +680,7 @@ def error(): self._w_error = error_ - self._W -= eta * (self._W.dot(self.A) - self.B) + self._W -= eta * (WA - self.B) self._transform() def _apply(self, corpus, chunksize=None, **kwargs): @@ -657,7 +688,7 @@ def _apply(self, corpus, chunksize=None, **kwargs): Parameters ---------- - corpus : iterable of list of (int, float), optional + corpus : iterable of list of (int, float) or `csc_matrix` with the shape (n_tokens, n_documents) Training corpus. Can be either iterable of documents, which are lists of `(word_id, word_count)`, or a sparse csc matrix of BOWs for each document. @@ -676,7 +707,7 @@ def _apply(self, corpus, chunksize=None, **kwargs): def _transform(self): """Apply boundaries on W.""" np.clip(self._W, 0, self.v_max, out=self._W) - sumsq = np.linalg.norm(self._W, axis=0) + sumsq = np.sqrt(np.einsum('ij,ij->j', self._W, self._W)) np.maximum(sumsq, 1, out=sumsq) self._W /= sumsq @@ -730,7 +761,7 @@ def _solveproj(self, v, W, h=None, v_max=None): error_ /= m - if h_error and np.abs(h_error - error_) < self.h_stop_condition: + if h_error and np.abs(h_error - error_) < self._h_stop_condition: break h_error = error_ diff --git a/gensim/similarities/docsim.py b/gensim/similarities/docsim.py index 10e061310a..692d76e18a 100755 --- a/gensim/similarities/docsim.py +++ b/gensim/similarities/docsim.py @@ -525,7 +525,7 @@ def __getitem__(self, query): if self.num_best is None: # user asked for all documents => just stack the sub-results into a single matrix # (works for both corpus / single doc query) - result = numpy.hstack(shard_results) + result = numpy.hstack(list(shard_results)) else: # the following uses a lot of lazy evaluation and (optionally) parallel # processing, to improve query latency and minimize memory footprint. diff --git a/gensim/test/test_data/nmf_model b/gensim/test/test_data/nmf_model new file mode 100644 index 0000000000..d704f44bc6 Binary files /dev/null and b/gensim/test/test_data/nmf_model differ diff --git a/gensim/test/test_nmf.py b/gensim/test/test_nmf.py index c73795c64a..e807c051e3 100644 --- a/gensim/test/test_nmf.py +++ b/gensim/test/test_nmf.py @@ -24,7 +24,35 @@ class TestNmf(unittest.TestCase, basetmtests.TestBaseTopicModel): def setUp(self): - self.model = nmf.Nmf(common_corpus, id2word=common_dictionary, num_topics=2, passes=100, random_state=42) + self.model = nmf.Nmf( + common_corpus, + id2word=common_dictionary, + chunksize=1, + num_topics=2, + passes=100, + random_state=42, + ) + + def testGenerator(self): + model_1 = nmf.Nmf( + iter(common_corpus * 100), + id2word=common_dictionary, + chunksize=1, + num_topics=2, + passes=1, + random_state=42, + ) + + model_2 = nmf.Nmf( + common_corpus * 100, + id2word=common_dictionary, + chunksize=1, + num_topics=2, + passes=1, + random_state=42, + ) + + self.assertTrue(np.allclose(model_1.get_topics(), model_2.get_topics())) def testUpdate(self): model = copy.deepcopy(self.model) @@ -33,8 +61,22 @@ def testUpdate(self): self.assertFalse(np.allclose(self.model.get_topics(), model.get_topics())) def testRandomState(self): - model_1 = nmf.Nmf(common_corpus, id2word=common_dictionary, num_topics=2, passes=100, random_state=42) - model_2 = nmf.Nmf(common_corpus, id2word=common_dictionary, num_topics=2, passes=100, random_state=0) + model_1 = nmf.Nmf( + common_corpus, + id2word=common_dictionary, + chunksize=1, + num_topics=2, + passes=100, + random_state=42, + ) + model_2 = nmf.Nmf( + common_corpus, + id2word=common_dictionary, + chunksize=1, + num_topics=2, + passes=100, + random_state=0, + ) self.assertTrue(np.allclose(self.model.get_topics(), model_1.get_topics())) self.assertFalse(np.allclose(self.model.get_topics(), model_2.get_topics())) @@ -54,9 +96,9 @@ def testTransform(self): transformed = self.model.get_term_topics(word) vec = matutils.sparse2full(transformed, 2) - expected = [0., 1.] + expected = [0.35023746, 0.64976251] # must contain the same values, up to re-ordering - self.assertTrue(np.allclose(sorted(vec), sorted(expected))) + self.assertTrue(np.allclose(sorted(vec), sorted(expected), rtol=1e-4)) def testTopTopics(self): top_topics = self.model.top_topics(common_corpus) @@ -139,15 +181,15 @@ def testLargeMmapCompressed(self): self.assertRaises(IOError, nmf.Nmf.load, fname, mmap='r') def testDtypeBackwardCompatibility(self): - nmf_3_6_0_fname = datapath('nmf_3_6_0_model') + nmf_fname = datapath('nmf_model') test_doc = [(0, 1), (1, 1), (2, 1)] - expected_topics = [(0, 1.0)] + expected_topics = [(1, 1.0)] # save model to use in test - self.model.save(nmf_3_6_0_fname) + # self.model.save(nmf_fname) - # load a model saved using a 3.0.1 version of Gensim - model = nmf.Nmf.load(nmf_3_6_0_fname) + # load a model saved using the latest version of Gensim + model = nmf.Nmf.load(nmf_fname) # and test it on a predefined document topics = model[test_doc]